diff --git a/keith-galli_nlp/.ipynb_checkpoints/NLP_Exercise-checkpoint.ipynb b/keith-galli_nlp/.ipynb_checkpoints/NLP_Exercise-checkpoint.ipynb new file mode 100644 index 0000000..867e6e0 --- /dev/null +++ b/keith-galli_nlp/.ipynb_checkpoints/NLP_Exercise-checkpoint.ipynb @@ -0,0 +1,211 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import numpy as np\n", + "import random\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.feature_extraction.text import CountVectorizer, TfidfVectorizer\n", + "from sklearn.metrics import f1_score\n", + "\n", + "import json" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Load In Data" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Data Class" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "class Review:\n", + " def __init__(self, category, text):\n", + " self.category = category\n", + " self.text = text \n", + " \n", + "class ReviewContainer:\n", + " def __init__(self, reviews):\n", + " self.reviews = reviews\n", + " \n", + " def get_text(self):\n", + " return [x.text for x in self.reviews]\n", + " \n", + " def get_y(self):\n", + " return [x.category for x in self.reviews]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Prep Training/Test Data" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [], + "source": [ + "train_reviews = []\n", + "all_categories = []\n", + "for file in os.listdir('./data/training'):\n", + " category = file.strip('train_').split('.')[0]\n", + " all_categories.append(category)\n", + " with open(f'./data/training/{file}') as f:\n", + " for line in f:\n", + " review_json = json.loads(line)\n", + " review = Review(category, review_json['reviewText'])\n", + " train_reviews.append(review)\n", + "\n", + "train_container = ReviewContainer(train_reviews)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [], + "source": [ + "test_reviews = []\n", + "for file in os.listdir('./data/test'):\n", + " category = file.strip('test_').split('.')[0]\n", + " with open(f'./data/test/{file}') as f:\n", + " for line in f:\n", + " review_json = json.loads(line)\n", + " review = Review(category, review_json['reviewText'])\n", + " test_reviews.append(review)\n", + " \n", + "test_container = ReviewContainer(test_reviews)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Train Model (Bag of words)" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "SVC(C=1.0, cache_size=200, class_weight=None, coef0=0.0,\n", + " decision_function_shape='ovr', degree=3, gamma='auto_deprecated',\n", + " kernel='linear', max_iter=-1, probability=False, random_state=None,\n", + " shrinking=True, tol=0.001, verbose=False)" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "from sklearn import svm\n", + "\n", + "corpus = train_container.get_text()\n", + "vectorizer = CountVectorizer(binary=True)\n", + "train_x = vectorizer.fit_transform(corpus) # training text converted to vector\n", + "\n", + "clf = svm.SVC(kernel='linear')\n", + "clf.fit(train_x, train_container.get_y())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Evaluate Performance (Bag of words)" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [], + "source": [ + "# make sure to convert test text to vector form\n", + "test_corpus = test_container.get_text()\n", + "test_x = vectorizer.transform(test_corpus)" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Overall Accuracy: 0.6522222222222223\n", + "f1 scores by category\n", + "['Automotive', 'Beauty', 'Books', 'Clothing', 'Digital_Music', 'Electronics', 'Grocery', 'Patio_Lawn_Garden', 'Pet_Supplies']\n", + "[0.46201074 0.79538905 0.82866044 0.71020408 0.71557971 0.5484222\n", + " 0.70614035 0.46501129 0.66816143]\n" + ] + } + ], + "source": [ + "print(\"Overall Accuracy:\", clf.score(test_x, test_container.get_y()))\n", + "\n", + "y_pred = clf.predict(test_x)\n", + "\n", + "print(\"f1 scores by category\")\n", + "print(all_categories)\n", + "print(f1_score(test_container.get_y(), y_pred, average=None, labels=all_categories))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/keith-galli_nlp/.ipynb_checkpoints/NLP_techniques-checkpoint.ipynb b/keith-galli_nlp/.ipynb_checkpoints/NLP_techniques-checkpoint.ipynb new file mode 100644 index 0000000..ff7ae4d --- /dev/null +++ b/keith-galli_nlp/.ipynb_checkpoints/NLP_techniques-checkpoint.ipynb @@ -0,0 +1,813 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "NLP_techniques.ipynb", + "provenance": [] + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "YKnnQUjAvdxw", + "colab_type": "text" + }, + "source": [ + "# Setup\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "u6kqIEqDvnLG", + "colab_type": "text" + }, + "source": [ + "## Install necessary libraries & download models here" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "HzVI4t6t8A6A", + "colab_type": "code", + "colab": {} + }, + "source": [ + "!pip install spacy\n", + "!python -m spacy download en_core_web_md" + ], + "execution_count": 0, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Zp-Lj6gau4_3", + "colab_type": "text" + }, + "source": [ + "# Bag of Words" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "BcVtZIvrwGOH", + "colab_type": "text" + }, + "source": [ + "#### Define some training utterances" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "L0oRbLNvIAvA", + "colab_type": "code", + "colab": {} + }, + "source": [ + "class Category:\n", + " BOOKS = \"BOOKS\"\n", + " CLOTHING = \"CLOTHING\"\n", + "\n", + "train_x = [\"i love the book\", \"this is a great book\", \"the fit is great\", \"i love the shoes\"]\n", + "train_y = [Category.BOOKS, Category.BOOKS, Category.CLOTHING, Category.CLOTHING]" + ], + "execution_count": 0, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "9t9KsKsgwKOk", + "colab_type": "text" + }, + "source": [ + "#### Fit vectorizer to transform text to bag-of-words vectors" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "6RC9pRSUJC5i", + "colab_type": "code", + "outputId": "9fe9b943-db32-49de-d874-a9fe28200e0c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 104 + } + }, + "source": [ + "from sklearn.feature_extraction.text import CountVectorizer\n", + "\n", + "vectorizer = CountVectorizer(binary=True)\n", + "train_x_vectors = vectorizer.fit_transform(train_x)\n", + "\n", + "print(vectorizer.get_feature_names())\n", + "print(train_x_vectors.toarray())" + ], + "execution_count": 3, + "outputs": [ + { + "output_type": "stream", + "text": [ + "['book', 'fit', 'great', 'is', 'love', 'shoes', 'the', 'this']\n", + "[[1 0 0 0 1 0 1 0]\n", + " [1 0 1 1 0 0 0 1]\n", + " [0 1 1 1 0 0 1 0]\n", + " [0 0 0 0 1 1 1 0]]\n" + ], + "name": "stdout" + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "bYEsm627wXeZ", + "colab_type": "text" + }, + "source": [ + "#### Train SVM Model" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "FIM5vQGEJ-Pj", + "colab_type": "code", + "outputId": "0001795d-b462-4b7d-d144-ad7e5567d489", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "source": [ + "from sklearn import svm\n", + "\n", + "clf_svm = svm.SVC(kernel='linear')\n", + "clf_svm.fit(train_x_vectors, train_y)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "SVC(C=1.0, break_ties=False, cache_size=200, class_weight=None, coef0=0.0,\n", + " decision_function_shape='ovr', degree=3, gamma='scale', kernel='linear',\n", + " max_iter=-1, probability=False, random_state=None, shrinking=True,\n", + " tol=0.001, verbose=False)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 17 + } + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "yCXYXFAiweT0", + "colab_type": "text" + }, + "source": [ + "#### Test new utterances on trained model" + ] + }, + { + "cell_type": "code", + "metadata": { + "id": "ZSzsYwWcLTyL", + "colab_type": "code", + "outputId": "ba26ed2b-ca75-47e9-a802-07dedccae9fa", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "source": [ + "test_x = vectorizer.transform(['i love the books'])\n", + "\n", + "clf_svm.predict(test_x)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "array(['CLOTHING'], dtype='=3.0.11 (from spacy)\n", + " Downloading spacy_legacy-3.0.12-py2.py3-none-any.whl (29 kB)\n", + "Collecting spacy-loggers<2.0.0,>=1.0.0 (from spacy)\n", + " Downloading spacy_loggers-1.0.5-py3-none-any.whl.metadata (23 kB)\n", + "Collecting murmurhash<1.1.0,>=0.28.0 (from spacy)\n", + " Downloading murmurhash-1.0.10-cp311-cp311-macosx_11_0_arm64.whl.metadata (2.0 kB)\n", + "Collecting cymem<2.1.0,>=2.0.2 (from spacy)\n", + " Downloading cymem-2.0.8-cp311-cp311-macosx_11_0_arm64.whl.metadata (8.4 kB)\n", + "Collecting preshed<3.1.0,>=3.0.2 (from spacy)\n", + " Downloading preshed-3.0.9-cp311-cp311-macosx_11_0_arm64.whl.metadata (2.2 kB)\n", + "Collecting thinc<8.3.0,>=8.1.8 (from spacy)\n", + " Downloading thinc-8.2.1-cp311-cp311-macosx_11_0_arm64.whl.metadata (15 kB)\n", + "Collecting wasabi<1.2.0,>=0.9.1 (from spacy)\n", + " Downloading wasabi-1.1.2-py3-none-any.whl.metadata (28 kB)\n", + "Collecting srsly<3.0.0,>=2.4.3 (from spacy)\n", + " Downloading srsly-2.4.8-cp311-cp311-macosx_11_0_arm64.whl.metadata (20 kB)\n", + "Collecting catalogue<2.1.0,>=2.0.6 (from spacy)\n", + " Downloading catalogue-2.0.10-py3-none-any.whl.metadata (14 kB)\n", + "Collecting weasel<0.4.0,>=0.1.0 (from spacy)\n", + " Downloading weasel-0.3.4-py3-none-any.whl.metadata (4.7 kB)\n", + "Collecting typer<0.10.0,>=0.3.0 (from spacy)\n", + " Downloading typer-0.9.0-py3-none-any.whl (45 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m45.9/45.9 kB\u001b[0m \u001b[31m5.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hCollecting smart-open<7.0.0,>=5.2.1 (from spacy)\n", + " Downloading smart_open-6.4.0-py3-none-any.whl.metadata (21 kB)\n", + "Collecting tqdm<5.0.0,>=4.38.0 (from spacy)\n", + " Downloading tqdm-4.66.1-py3-none-any.whl.metadata (57 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m57.6/57.6 kB\u001b[0m \u001b[31m3.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: requests<3.0.0,>=2.13.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy) (2.31.0)\n", + "Collecting pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4 (from spacy)\n", + " Downloading pydantic-2.5.2-py3-none-any.whl.metadata (65 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m65.2/65.2 kB\u001b[0m \u001b[31m6.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: jinja2 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy) (3.1.2)\n", + "Requirement already satisfied: setuptools in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy) (68.0.0)\n", + "Requirement already satisfied: packaging>=20.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy) (23.2)\n", + "Collecting langcodes<4.0.0,>=3.2.0 (from spacy)\n", + " Downloading langcodes-3.3.0-py3-none-any.whl (181 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m181.6/181.6 kB\u001b[0m \u001b[31m8.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hCollecting numpy>=1.19.0 (from spacy)\n", + " Downloading numpy-1.26.2-cp311-cp311-macosx_11_0_arm64.whl.metadata (115 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m115.1/115.1 kB\u001b[0m \u001b[31m1.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hCollecting annotated-types>=0.4.0 (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy)\n", + " Downloading annotated_types-0.6.0-py3-none-any.whl.metadata (12 kB)\n", + "Collecting pydantic-core==2.14.5 (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy)\n", + " Downloading pydantic_core-2.14.5-cp311-cp311-macosx_11_0_arm64.whl.metadata (6.5 kB)\n", + "Requirement already satisfied: typing-extensions>=4.6.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy) (4.8.0)\n", + "Requirement already satisfied: charset-normalizer<4,>=2 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy) (3.3.2)\n", + "Requirement already satisfied: idna<4,>=2.5 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy) (3.6)\n", + "Requirement already satisfied: urllib3<3,>=1.21.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy) (2.1.0)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy) (2023.11.17)\n", + "Collecting blis<0.8.0,>=0.7.8 (from thinc<8.3.0,>=8.1.8->spacy)\n", + " Downloading blis-0.7.11-cp311-cp311-macosx_11_0_arm64.whl.metadata (7.4 kB)\n", + "Collecting confection<1.0.0,>=0.0.1 (from thinc<8.3.0,>=8.1.8->spacy)\n", + " Downloading confection-0.1.4-py3-none-any.whl.metadata (19 kB)\n", + "Collecting click<9.0.0,>=7.1.1 (from typer<0.10.0,>=0.3.0->spacy)\n", + " Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\n", + "Collecting cloudpathlib<0.17.0,>=0.7.0 (from weasel<0.4.0,>=0.1.0->spacy)\n", + " Downloading cloudpathlib-0.16.0-py3-none-any.whl.metadata (14 kB)\n", + "Requirement already satisfied: MarkupSafe>=2.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from jinja2->spacy) (2.1.1)\n", + "Downloading spacy-3.7.2-cp311-cp311-macosx_11_0_arm64.whl (6.5 MB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m6.5/6.5 MB\u001b[0m \u001b[31m5.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0mm eta \u001b[36m0:00:01\u001b[0m0:01\u001b[0m:01\u001b[0m\n", + "\u001b[?25hDownloading catalogue-2.0.10-py3-none-any.whl (17 kB)\n", + "Downloading cymem-2.0.8-cp311-cp311-macosx_11_0_arm64.whl (41 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m41.2/41.2 kB\u001b[0m \u001b[31m3.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hDownloading murmurhash-1.0.10-cp311-cp311-macosx_11_0_arm64.whl (26 kB)\n", + "Downloading numpy-1.26.2-cp311-cp311-macosx_11_0_arm64.whl (14.0 MB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m14.0/14.0 MB\u001b[0m \u001b[31m3.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0mm eta \u001b[36m0:00:01\u001b[0m[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading preshed-3.0.9-cp311-cp311-macosx_11_0_arm64.whl (128 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m128.8/128.8 kB\u001b[0m \u001b[31m1.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m31m1.4 MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading pydantic-2.5.2-py3-none-any.whl (381 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m381.9/381.9 kB\u001b[0m \u001b[31m2.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0mm eta \u001b[36m0:00:01\u001b[0m[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading pydantic_core-2.14.5-cp311-cp311-macosx_11_0_arm64.whl (1.7 MB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.7/1.7 MB\u001b[0m \u001b[31m2.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m:01\u001b[0m\n", + "\u001b[?25hDownloading smart_open-6.4.0-py3-none-any.whl (57 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m57.0/57.0 kB\u001b[0m \u001b[31m3.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hDownloading spacy_loggers-1.0.5-py3-none-any.whl (22 kB)\n", + "Downloading srsly-2.4.8-cp311-cp311-macosx_11_0_arm64.whl (488 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m488.4/488.4 kB\u001b[0m \u001b[31m1.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m[36m0:00:01\u001b[0mm eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading thinc-8.2.1-cp311-cp311-macosx_11_0_arm64.whl (777 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m777.2/777.2 kB\u001b[0m \u001b[31m3.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m[31m3.2 MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading tqdm-4.66.1-py3-none-any.whl (78 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m78.3/78.3 kB\u001b[0m \u001b[31m3.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hDownloading wasabi-1.1.2-py3-none-any.whl (27 kB)\n", + "Downloading weasel-0.3.4-py3-none-any.whl (50 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m50.1/50.1 kB\u001b[0m \u001b[31m1.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hDownloading annotated_types-0.6.0-py3-none-any.whl (12 kB)\n", + "Downloading blis-0.7.11-cp311-cp311-macosx_11_0_arm64.whl (1.1 MB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.1/1.1 MB\u001b[0m \u001b[31m2.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m[31m3.0 MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading click-8.1.7-py3-none-any.whl (97 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m97.9/97.9 kB\u001b[0m \u001b[31m1.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m MB/s\u001b[0m eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading cloudpathlib-0.16.0-py3-none-any.whl (45 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m45.0/45.0 kB\u001b[0m \u001b[31m2.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hDownloading confection-0.1.4-py3-none-any.whl (35 kB)\n", + "Installing collected packages: cymem, wasabi, tqdm, spacy-loggers, spacy-legacy, smart-open, pydantic-core, numpy, murmurhash, langcodes, cloudpathlib, click, catalogue, annotated-types, typer, srsly, pydantic, preshed, blis, confection, weasel, thinc, spacy\n", + "Successfully installed annotated-types-0.6.0 blis-0.7.11 catalogue-2.0.10 click-8.1.7 cloudpathlib-0.16.0 confection-0.1.4 cymem-2.0.8 langcodes-3.3.0 murmurhash-1.0.10 numpy-1.26.2 preshed-3.0.9 pydantic-2.5.2 pydantic-core-2.14.5 smart-open-6.4.0 spacy-3.7.2 spacy-legacy-3.0.12 spacy-loggers-1.0.5 srsly-2.4.8 thinc-8.2.1 tqdm-4.66.1 typer-0.9.0 wasabi-1.1.2 weasel-0.3.4\n", + "Collecting en-core-web-md==3.7.1\n", + " Downloading https://github.com/explosion/spacy-models/releases/download/en_core_web_md-3.7.1/en_core_web_md-3.7.1-py3-none-any.whl (42.8 MB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m42.8/42.8 MB\u001b[0m \u001b[31m7.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0mm eta \u001b[36m0:00:01\u001b[0m[36m0:00:01\u001b[0m\n", + "\u001b[?25hRequirement already satisfied: spacy<3.8.0,>=3.7.2 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from en-core-web-md==3.7.1) (3.7.2)\n", + "Requirement already satisfied: spacy-legacy<3.1.0,>=3.0.11 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (3.0.12)\n", + "Requirement already satisfied: spacy-loggers<2.0.0,>=1.0.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (1.0.5)\n", + "Requirement already satisfied: murmurhash<1.1.0,>=0.28.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (1.0.10)\n", + "Requirement already satisfied: cymem<2.1.0,>=2.0.2 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.0.8)\n", + "Requirement already satisfied: preshed<3.1.0,>=3.0.2 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (3.0.9)\n", + "Requirement already satisfied: thinc<8.3.0,>=8.1.8 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (8.2.1)\n", + "Requirement already satisfied: wasabi<1.2.0,>=0.9.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (1.1.2)\n", + "Requirement already satisfied: srsly<3.0.0,>=2.4.3 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.4.8)\n", + "Requirement already satisfied: catalogue<2.1.0,>=2.0.6 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.0.10)\n", + "Requirement already satisfied: weasel<0.4.0,>=0.1.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (0.3.4)\n", + "Requirement already satisfied: typer<0.10.0,>=0.3.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (0.9.0)\n", + "Requirement already satisfied: smart-open<7.0.0,>=5.2.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (6.4.0)\n", + "Requirement already satisfied: tqdm<5.0.0,>=4.38.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (4.66.1)\n", + "Requirement already satisfied: requests<3.0.0,>=2.13.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.31.0)\n", + "Requirement already satisfied: pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.5.2)\n", + "Requirement already satisfied: jinja2 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (3.1.2)\n", + "Requirement already satisfied: setuptools in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (68.0.0)\n", + "Requirement already satisfied: packaging>=20.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (23.2)\n", + "Requirement already satisfied: langcodes<4.0.0,>=3.2.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (3.3.0)\n", + "Requirement already satisfied: numpy>=1.19.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (1.26.2)\n", + "Requirement already satisfied: annotated-types>=0.4.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (0.6.0)\n", + "Requirement already satisfied: pydantic-core==2.14.5 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.14.5)\n", + "Requirement already satisfied: typing-extensions>=4.6.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from pydantic!=1.8,!=1.8.1,<3.0.0,>=1.7.4->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (4.8.0)\n", + "Requirement already satisfied: charset-normalizer<4,>=2 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (3.3.2)\n", + "Requirement already satisfied: idna<4,>=2.5 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (3.6)\n", + "Requirement already satisfied: urllib3<3,>=1.21.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.1.0)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from requests<3.0.0,>=2.13.0->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2023.11.17)\n", + "Requirement already satisfied: blis<0.8.0,>=0.7.8 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from thinc<8.3.0,>=8.1.8->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (0.7.11)\n", + "Requirement already satisfied: confection<1.0.0,>=0.0.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from thinc<8.3.0,>=8.1.8->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (0.1.4)\n", + "Requirement already satisfied: click<9.0.0,>=7.1.1 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from typer<0.10.0,>=0.3.0->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (8.1.7)\n", + "Requirement already satisfied: cloudpathlib<0.17.0,>=0.7.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from weasel<0.4.0,>=0.1.0->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (0.16.0)\n", + "Requirement already satisfied: MarkupSafe>=2.0 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from jinja2->spacy<3.8.0,>=3.7.2->en-core-web-md==3.7.1) (2.1.1)\n", + "Installing collected packages: en-core-web-md\n", + "Successfully installed en-core-web-md-3.7.1\n", + "\u001b[38;5;2m✔ Download and installation successful\u001b[0m\n", + "You can now load the package via spacy.load('en_core_web_md')\n" + ] + } + ], + "source": [ + "!pip install spacy\n", + "!python -m spacy download en_core_web_md" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "Zp-Lj6gau4_3" + }, + "source": [ + "# Bag of Words" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "BcVtZIvrwGOH" + }, + "source": [ + "#### Define some training utterances" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "colab": {}, + "colab_type": "code", + "id": "L0oRbLNvIAvA" + }, + "outputs": [], + "source": [ + "class Category:\n", + " BOOKS = \"BOOKS\"\n", + " CLOTHING = \"CLOTHING\"\n", + "\n", + "train_x = [\"i love the book\", \"this is a great book\", \"the fit is great\", \"i love the shoes\"]\n", + "train_y = [Category.BOOKS, Category.BOOKS, Category.CLOTHING, Category.CLOTHING]" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "9t9KsKsgwKOk" + }, + "source": [ + "#### Fit vectorizer to transform text to bag-of-words vectors" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Collecting scikit-learn\n", + " Downloading scikit_learn-1.3.2-cp311-cp311-macosx_12_0_arm64.whl.metadata (11 kB)\n", + "Requirement already satisfied: numpy<2.0,>=1.17.3 in /Users/saulsylvester/anaconda3/envs/kg-nlp/lib/python3.11/site-packages (from scikit-learn) (1.26.2)\n", + "Collecting scipy>=1.5.0 (from scikit-learn)\n", + " Downloading scipy-1.11.4-cp311-cp311-macosx_12_0_arm64.whl.metadata (165 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m165.4/165.4 kB\u001b[0m \u001b[31m5.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25hCollecting joblib>=1.1.1 (from scikit-learn)\n", + " Downloading joblib-1.3.2-py3-none-any.whl.metadata (5.4 kB)\n", + "Collecting threadpoolctl>=2.0.0 (from scikit-learn)\n", + " Downloading threadpoolctl-3.2.0-py3-none-any.whl.metadata (10.0 kB)\n", + "Downloading scikit_learn-1.3.2-cp311-cp311-macosx_12_0_arm64.whl (9.4 MB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m9.4/9.4 MB\u001b[0m \u001b[31m6.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m[36m0:00:01\u001b[0mm eta \u001b[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading joblib-1.3.2-py3-none-any.whl (302 kB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m302.2/302.2 kB\u001b[0m \u001b[31m7.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m[36m0:00:01\u001b[0m\n", + "\u001b[?25hDownloading scipy-1.11.4-cp311-cp311-macosx_12_0_arm64.whl (29.7 MB)\n", + "\u001b[2K \u001b[38;2;114;156;31m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m29.7/29.7 MB\u001b[0m \u001b[31m5.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0mm eta \u001b[36m0:00:01\u001b[0m0:01\u001b[0m:01\u001b[0m\n", + "\u001b[?25hDownloading threadpoolctl-3.2.0-py3-none-any.whl (15 kB)\n", + "Installing collected packages: threadpoolctl, scipy, joblib, scikit-learn\n", + "Successfully installed joblib-1.3.2 scikit-learn-1.3.2 scipy-1.11.4 threadpoolctl-3.2.0\n" + ] + } + ], + "source": [ + "!pip install scikit-learn" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 104 + }, + "colab_type": "code", + "id": "6RC9pRSUJC5i", + "outputId": "9fe9b943-db32-49de-d874-a9fe28200e0c" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['book' 'fit' 'great' 'is' 'love' 'shoes' 'the' 'this']\n", + "[[1 0 0 0 1 0 1 0]\n", + " [1 0 1 1 0 0 0 1]\n", + " [0 1 1 1 0 0 1 0]\n", + " [0 0 0 0 1 1 1 0]]\n" + ] + } + ], + "source": [ + "from sklearn.feature_extraction.text import CountVectorizer\n", + "\n", + "vectorizer = CountVectorizer(binary=True)\n", + "train_x_vectors = vectorizer.fit_transform(train_x)\n", + "\n", + "print(vectorizer.get_feature_names_out())\n", + "print(train_x_vectors.toarray())" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "bYEsm627wXeZ" + }, + "source": [ + "#### Train SVM Model" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + }, + "colab_type": "code", + "id": "FIM5vQGEJ-Pj", + "outputId": "0001795d-b462-4b7d-d144-ad7e5567d489" + }, + "outputs": [ + { + "data": { + "text/html": [ + "
SVC(kernel='linear')
In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
" + ], + "text/plain": [ + "SVC(kernel='linear')" + ] + }, + "execution_count": 9, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "from sklearn import svm\n", + "\n", + "clf_svm = svm.SVC(kernel='linear')\n", + "clf_svm.fit(train_x_vectors, train_y)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "yCXYXFAiweT0" + }, + "source": [ + "#### Test new utterances on trained model" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array(['BOOKS'], dtype=' +Sklearn Code: https://scikit-learn.org/stable/modules/feature_extraction.html#text-feature-extraction + +### Word Vectors +Overview: https://medium.com/@jayeshbahire/introduction-to-word-vectors-ea1d4e4b84bf
+Spacy info: https://spacy.io/usage/vectors-similarity + +### Regexes +Python overview: https://docs.python.org/3/howto/regex.html
+Regex Cheatsheet: https://cheatography.com/davechild/cheat-sheets/regular-expressions/
+Regex tester: https://regex101.com/
+Regex golf (to practice): https://alf.nu/RegexGolf + +### Stemming/Lemmatizing +Overview & NLTK Code: https://www.guru99.com/stemming-lemmatization-python-nltk.html
+Spacy: https://spacy.io/api/lemmatizer + +### Stopwords +Quick overview + code: https://www.geeksforgeeks.org/removing-stop-words-nltk-python/ + +### Parts of speech +TextBlob usage: https://textblob.readthedocs.io/en/dev/api_reference.html
+List of tags: https://www.ling.upenn.edu/courses/Fall_2003/ling001/penn_treebank_pos.html
Categorizing and POS Tagging : https://www.learntek.org/blog/categorizing-pos-tagging-nltk-python/ + +### Transformers: +Attention is all you need: https://arxiv.org/pdf/1706.03762.pdf
+Good overview of these architectures https://www.youtube.com/watch?v=TQQlZhbC5ps
+Illustrated transfomer: http://jalammar.github.io/illustrated-transformer/ + +### Transformer Types: +Bert: https://arxiv.org/pdf/1810.04805.pdf
+OpenAI GPT: https://openai.com/blog/better-language-models/ diff --git a/keith-galli_nlp/data/test/test_Automotive.json b/keith-galli_nlp/data/test/test_Automotive.json new file mode 100644 index 0000000..c4caf74 --- /dev/null +++ b/keith-galli_nlp/data/test/test_Automotive.json @@ -0,0 +1,500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A1BHUPKYR0RJDS", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "Linda M", "reviewText": "Having one side raised is great to alleviate spills. Works great!", "summary": "Five Stars", "unixReviewTime": 1443830400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A22MZI0RX5AZ2T", "asin": "B0009I1WF0", "style": {"Size:": " 32\" - 34.5\" Wheel Diameter", "Color:": " Black"}, "reviewerName": "Outlaw", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1497657600} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A16C92HJJ4S9DZ", "asin": "B0002NILYC", "style": {"Style:": " Floor Mat"}, "reviewerName": "Dai", "reviewText": "Love them! Great quality, looks amazing! But one bad point: the white parts gets dirty and does not become white again.\nPs: i wash my car every week and also the matts, i even scrub them with Comet, which helps a lot, but color won't be white again.", "summary": "Love them! Great quality", "unixReviewTime": 1457481600} +{"overall": 4.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A135TN1U978GMQ", "asin": "B000BQYH6Q", "reviewerName": "LaCroixEnterprise", "reviewText": "A deal for $5", "summary": "Works!", "unixReviewTime": 1491955200} +{"overall": 4.0, "vote": "11", "verified": true, "reviewTime": "12 28, 2009", "reviewerID": "A2DB26GLTHHL59", "asin": "B000DZH8KW", "reviewerName": "J. L. Maddock", "reviewText": "Needs better instructions for extraction of rod to access the plunger seal. Had to call manufacturer. Use the handel to pull up rod, loosen set bolt, push down handle, retighten set bolt, raise handle, etc....", "summary": "Rebuild kit has all the parts", "unixReviewTime": 1261958400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A33C2OTYDG5EQN", "asin": "B000C5UFG2", "reviewerName": "Zia", "reviewText": "Great sensors. My Corolla which was failing SMOG passed. Enough said", "summary": "Passed SMOG. Works great.", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A3KTLQTCZGLGM1", "asin": "B000CLLA5G", "reviewerName": "J T.", "reviewText": "Have had brakes on car for 1 year. Also put high carbon rotors on. Would highly reccomend. Brakes do not make noises and car stops great.", "summary": "Stops car with no noise", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2014", "reviewerID": "A1X9IIDK3GRTFJ", "asin": "B000BQSIWK", "reviewerName": "David", "reviewText": "This is the best small charger I have used. Both my trucks have dual Optimas and they are brought to full charge in 15 minutes after using the radio and amps for a hour.", "summary": "Charge it", "unixReviewTime": 1398988800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A1R0595T0S3O9C", "asin": "B000E8V9RG", "style": {"Size:": " single filter"}, "reviewerName": "Dennis P. Hagemann", "reviewText": "Great price at the time.", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A2MOVM5RBX3A0U", "asin": "B000C9QU5I", "reviewerName": "Jeff", "reviewText": "Installed these a few months ago. They work great, and they are much cheaper than the parts store", "summary": "Great parts at a great price", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A24XMI8XAF7485", "asin": "B0002MBKUK", "style": {"Size:": " Universal"}, "reviewerName": "Amazon Customer", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1469664000} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "02 11, 2008", "reviewerID": "A1WD6D4TRHGTYS", "asin": "B000BG1X54", "reviewerName": "Amazon Customer", "reviewText": "I tried to use it to siphon gas out of my gas tank for the generator. I couldn't get it to work.", "summary": "Won't work", "unixReviewTime": 1202688000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "A1FI27DAMD453J", "asin": "B00008RW9U", "reviewerName": "Jean-Guy", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1524441600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 5, 2013", "reviewerID": "A3SDCMI9Q0XJOO", "asin": "B000CP86ZO", "reviewerName": "Daryl Banbury", "reviewText": "I purchased these because the price was great and the reviews stated they were easy to install. After looking at them and my car I decided to have someone else install them. I think they look great and the fit looks perfect.", "summary": "Look great", "unixReviewTime": 1357344000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "ANX66J4ANMGQD", "asin": "B0006GF5SK", "style": {"Size:": " Pack of 10"}, "reviewerName": "Gary Bryan", "reviewText": "Very good product, totally happy with it!", "summary": "Five Stars", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2014", "reviewerID": "AHKJXWMSUWE2U", "asin": "B0009IQZFM", "reviewerName": "Barbara", "reviewText": "does what it is suppose to do and does it well. No worries with buying this product of from this retailer", "summary": "great", "unixReviewTime": 1402099200} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "AS7ODJZLVD5DM", "asin": "B000E7WLJW", "reviewerName": "Robert N. Cole", "reviewText": "Great bag, but is quite a bit smaller than the rack resulting in some wasted space on the sides that could have been used for luggage. We managed to fit 3 large carry on suitcases, a roll aboard day bag, a check sized bag (25\" I believe) and a gym duffel in it.", "summary": "Great bag, but is quite a bit smaller than ...", "unixReviewTime": 1473897600} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "AH67N2THYAD6M", "asin": "B000CFDGO0", "reviewerName": "96Jeep", "reviewText": "The bar works great. I can feel a difference from the stock one while driving. I could not feel as much difference while towing as I had hoped but still happy I got it. The only problem I had was taking out the rusted bolts holding the old one on.", "summary": "Sway Bar", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "A3F4NL6YB2IWED", "asin": "B000ACM0T2", "reviewerName": "marsha smedley", "reviewText": "Yep works great I like ti..", "summary": "Five Stars", "unixReviewTime": 1459641600} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "A33SDL5TELF2BK", "asin": "B000B7RCLM", "reviewerName": "J", "reviewText": "Shipped fast, works great", "summary": "Five Stars", "unixReviewTime": 1497744000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 14, 2012", "reviewerID": "A2X82DESLUFS2L", "asin": "B000C0TBCG", "reviewerName": "R. taran", "reviewText": "Less cost than any parts store & fast shipment. Much easier to buy parts here than standing in line at the local auto parts store dealing with lazy, incompetent employees.", "summary": "Good part", "unixReviewTime": 1344902400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A11Z86KHL7YG0C", "asin": "B0002NIM7I", "reviewerName": "darksider1970", "reviewText": "awsome", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A849OPW1VIRVW", "asin": "B000CPARUQ", "reviewerName": "Charlie", "reviewText": "Worked just right when used with self bleeder screws.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A1JEC6JYPM8XK6", "asin": "B000CGFHBY", "reviewerName": "StevenW.RogersII", "reviewText": "OEM replacement for my 2003 Silverado 5.3l. Works great.", "summary": "Works great.", "unixReviewTime": 1508889600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A16G5IT5RSG9BX", "asin": "B0001CMUV4", "reviewerName": "Dan Harper", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A1W1WU2H2VLSJS", "asin": "B000BQPQIY", "style": {"Size:": " 1\"", "Style:": " Swivel"}, "reviewerName": "Sam", "reviewText": "Worked great. I ordered 2 of them one for each end of the hose. Keeps the hose from kinking. Tried to see if it slowed down flow rate but never could see a difference.", "summary": "Must have for pumping fuels.", "unixReviewTime": 1430697600} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A2WQJ4S4KPXYCN", "asin": "B000AMBNPY", "reviewerName": "Chris L. Childers", "reviewText": "Worked pretty well on my Cadillac. Pleased so far good value", "summary": "Fit and worked ok", "unixReviewTime": 1435795200} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A68UDKZFN2238", "asin": "B0009IK5VW", "style": {"Size:": " 13 Inches, (Pack of 1)"}, "reviewerName": "Wideglide", "reviewText": "Nice blades for the rear of my 2011 GMC Terrain.", "summary": "Good fit.", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2ZW993G2MOXCV", "asin": "B0002F9YIC", "style": {"Size:": " 16.9 oz.", "Style:": " Single"}, "reviewerName": "Deusexmachina", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2012", "reviewerID": "A2D3AJXIT2FM2A", "asin": "B000C5UFM6", "reviewerName": "VanillaBeans", "reviewText": "I was expecting to cut an splice, being that the price was 28.00 but it was the exact replacement for the 2000 4.7L Durango before the Cat o2 sensor. Mainly impressed that I just avoided taking my car to shop.", "summary": "O2 sensor", "unixReviewTime": 1325548800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "A1JXW7N1D6BT5N", "asin": "B0002Q7BYU", "reviewerName": "Michael Eugene Smith", "reviewText": "Plugs in quick and simple.", "summary": "Plug & Play", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A1UBD3XVIV1P72", "asin": "B000AMOEGY", "reviewerName": "BulletBob", "reviewText": "Looks good", "summary": "Excellent Spare", "unixReviewTime": 1446940800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A3TJ5YMPM7KBRT", "asin": "B000B68V7W", "style": {"Color:": " Red"}, "reviewerName": "Phillip R. Hinds", "reviewText": "Have used the Blue and the Red, it is the best product on the market. Easy to use and dries quickly then do a touch once a year. Great", "summary": "The Best there is for Caliper painting", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": false, "reviewTime": "03 28, 2014", "reviewerID": "A2C142RNWX1ZMN", "asin": "B000C59MEI", "reviewerName": "ve242682angel", "reviewText": "excelente", "summary": "duraderos como ninguno", "unixReviewTime": 1395964800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A1SA8NY0QMVJ54", "asin": "B00029JMW6", "reviewerName": "P. Johnson", "reviewText": "Ideal hitch cover if you are a Chevrolet fan. I think it looks very good in my Silverado receiver hitch. I'm sure Ford owners would not think so, but for me, very nice!", "summary": "Chevy Owners Delight", "unixReviewTime": 1406592000} +{"overall": 2.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A3MLI16OX0CW4X", "asin": "B00029WVII", "style": {"Size:": " 3\"x3\""}, "reviewerName": "M. Morris", "reviewText": "Just doesn't work well on my Pickup truck mirrors. The plain old round ones that I had were better.", "summary": "The plain old round ones that I had were better.", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": false, "reviewTime": "06 22, 2017", "reviewerID": "AEIJ6QO1S38PC", "asin": "B0002KL6JM", "style": {"Size:": " 15 Ounce"}, "reviewerName": "ESCA", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A9NG740UIL780", "asin": "B0006I0NCG", "style": {"Size:": " 25 foot Roll", "Color:": " Black", "Style:": " Heavy Duty"}, "reviewerName": "Amazon Customer", "reviewText": "Arrived as advertised", "summary": "Five Stars", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A28MPFELI18JME", "asin": "B0006GF5SK", "style": {"Size:": " Pack of 10"}, "reviewerName": "bill", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "AWLD5IFKB4JU3", "asin": "B000B69V7Q", "reviewerName": "SeeFortyFive", "reviewText": "This Dorman replacement part is a perfect fit! It is made as well as the OEM, if not better. Enough said!", "summary": "Perfect fit", "unixReviewTime": 1361577600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A1MZYKARC8LZ06", "asin": "B000CO80OW", "reviewerName": "Andy C.", "reviewText": "great filter. it comes pre oiled", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "A3GU1MRGAM15Z2", "asin": "B000C9DHIG", "reviewerName": "Christopher K. Brumbaugh", "reviewText": "this unit plugged right in without any hassle or complaints.everything worked very nicely and seemed well made to me.so far s ogood.", "summary": "oe quality", "unixReviewTime": 1355184000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71UyCJJGibL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71bBBZz7+nL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A1MT70BBG2GWC", "asin": "B0002SRGFW", "reviewerName": "Chris Hernandez", "reviewText": "Worked great. Made the job so much easier. Worked on my brothers 1994 honda civic. The old inner tie rod ends were different size than the new ones. This tool worked on new Moog brand inner tie rods to be more specific", "summary": "Right tool for the job", "unixReviewTime": 1480982400} +{"overall": 4.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A3KNGMX2RVQG91", "asin": "B0002KO0TA", "style": {"Size:": " Brake Spring Tool"}, "reviewerName": "Richard R", "reviewText": "Works fairly well for installing those pesky spring clips on brake shoes. Needed some practice at first getting the holding pin lined up with the spring cap but once I got the knack,it was breeze. I would recommend for reducing the time spent re-installing springs", "summary": "Good tool for re-installing spring caps.", "unixReviewTime": 1452384000} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A322Q0ADF4UDVB", "asin": "B000BRJVUW", "reviewerName": "Granny White", "reviewText": "Have been using to replace a rocker switch in a trailer for water pump that original OEM wore out, holding up well so far", "summary": "Have been using to replace a rocker switch in a ...", "unixReviewTime": 1451088000} +{"overall": 3.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A3UOZMXPLBMBXN", "asin": "B0009V1WSE", "reviewerName": "MJ", "reviewText": "The latch Pin is crap.. but the 1/2 and 5/8 pins with the corresponding locks are great!", "summary": "Three Stars", "unixReviewTime": 1442534400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2018", "reviewerID": "A1DHLA4CFWXFMD", "asin": "B00008RW9U", "reviewerName": "Raymond Evans", "reviewText": "Works great for a quick car \"dusting\" to get the dust off and make my car look great.", "summary": "Works great and easy to use", "unixReviewTime": 1518393600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A24V8MX749JXMY", "asin": "B000CIPHUI", "style": {"Size:": " 2-Bank Battery Charger", "Color:": " Black/Green", "Style:": " Multi-Bank Battery Charger"}, "reviewerName": "Amazon Customer", "reviewText": "Can't tell how good it is until its been in use for quite awhile, but it was received on time and looks like it's working well.", "summary": "Look good so far", "unixReviewTime": 1410480000} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A3K49KN7M3IUZ6", "asin": "B000BYB4DC", "reviewerName": "daniel richardson", "reviewText": "Had to replace due to the Flooding code. Once replaced runs great.", "summary": "Once replaced runs great.", "unixReviewTime": 1428019200} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A3IG22US6OXPS7", "asin": "B000CPCBEQ", "style": {"Size:": " Pack of 1"}, "reviewerName": "Shiny BLT", "reviewText": "So far so good. Needs longer time to assess the performance and quality.", "summary": "Four Stars", "unixReviewTime": 1451865600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A1ILOCLYP8D617", "asin": "B0006H938M", "style": {"Color:": " Parchment", "Style:": " High"}, "reviewerName": "steve fisher", "reviewText": "FIT GREAT", "summary": "DOES THE JOB", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2016", "reviewerID": "A274ZCPRALWRQ7", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 1 oz."}, "reviewerName": "Richard", "reviewText": "Great for spark plugs and exhaust bolts.", "summary": "Five Stars", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "AP0DE34KUWJ3L", "asin": "B000E323JO", "reviewerName": "Lenny", "reviewText": "arrived on time works fine,,,be careful when ordering size", "summary": "Five Stars", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "AYQNH6DNJFSMC", "asin": "B000C5G43A", "reviewerName": "AJEI", "reviewText": "It is a brake pedal pad. It does what it should.", "summary": "Five Stars", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "AASJY2CF6U2H6", "asin": "B000COCRJ6", "reviewerName": "Bob Carnot", "reviewText": "The cable is at least as good as OEM part from Chevy and about 1/2 the price. Installed easily the first try", "summary": "Good Value", "unixReviewTime": 1386633600} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "10 21, 2012", "reviewerID": "AU0WZLNJ3197G", "asin": "B000BOC9K4", "style": {"Size:": " 1 3-pack"}, "reviewerName": "anderson", "reviewText": "They work great for anything, i bought them for working with fiberglass they are just flexible enough to bend and break off the dried glue, but they have them at Home Depot for $3 something. so just drive there and get them.", "summary": "buy at home depot", "unixReviewTime": 1350777600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A270XSL8G5F6X2", "asin": "B000CON75Y", "reviewerName": "Soulreaper8402", "reviewText": "good shocks just what I needed for my Dakota", "summary": "Five Stars", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A1TLFP36WWH32I", "asin": "B0002F66HY", "style": {"Size:": " J", "Color:": " White"}, "reviewerName": "DMP", "reviewText": "Fits nice a snug around my spare tire. Exactly as described and arrived promptly.", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2012", "reviewerID": "A3BDJ5QHS5K4ON", "asin": "B000CMDAOY", "style": {"Size:": " 12-mm X 1.50"}, "reviewerName": "M.R.E", "reviewText": "Rock solid design despite the fact that they are not made from one piece. I had no problem putting these on using a gorilla power wrench that really puts lug nuts to the test with its emense amount of torque.", "summary": "Good quality and look", "unixReviewTime": 1328227200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71vs8tZ9fIL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "01 23, 2018", "reviewerID": "A3BKRYWB9HOT9N", "asin": "B0002X520S", "style": {"Color Name:": " No Color", "Size Name:": " 4 Ounces"}, "reviewerName": "T", "reviewText": "Good product, easy to apply and brought the life back to my boots.", "summary": "Good product, easy to apply and brought the life back to my boots.", "unixReviewTime": 1516665600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "A3LMG4LK49BIDF", "asin": "B000BZZF4A", "reviewerName": "L &amp; C", "reviewText": "Pads and hardware fit perfect.", "summary": "Five Stars", "unixReviewTime": 1451520000} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A3B6WUDHGPFWDQ", "asin": "B0007TQWK6", "style": {"Size:": " Single Unit"}, "reviewerName": "RayRay", "reviewText": "Not a perfect match on color but it did seal up the foam on the armrest. You need at least 4 thin layers to make this stuff durable and follow the directions exactly. For the money I am satisfied.", "summary": "Not a perfect match on color but it did seal up the ...", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A2OS0G4PFD0HXS", "asin": "B000CM0WU4", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "TeeJ", "reviewText": "Easy to install, and is still holding firm after several months", "summary": "Five Stars", "unixReviewTime": 1497312000} +{"overall": 1.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A1CO9817WNYIV0", "asin": "B000CD8HH8", "style": {"Size:": " 26\"", "Style:": " 900268B"}, "reviewerName": "Daniel Hammerberg", "reviewText": "Do not buy this for your Mk7. The clip that attaches the blade to the arm is too wide. I bought this 2 months ago on sale and I can't return it now. That's what I get for trying to plan ahead.", "summary": "Does not fit 2015 GTI", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AUCA86LZ7GBHQ", "asin": "B000DLBIGG", "reviewerName": "E. Holton", "reviewText": "Within minutes we were transferred from a weak bleet to a real horn! 2015 Toyota Prius.", "summary": "Five Stars", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2017", "reviewerID": "A10ONL1SZYPOWK", "asin": "B0009F9UZM", "reviewerName": "LuBr", "reviewText": "Just what I ordered, worked great!", "summary": "worked great!", "unixReviewTime": 1507507200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "APDER5VEA5LNG", "asin": "B00029WVII", "style": {"Size:": " 3\"x3\""}, "reviewerName": "S. Pinto", "reviewText": "Perfect size for a truck mirror. Gives a nice large view of your blindspots.", "summary": "Five Stars", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A10UVFPDZG5PE5", "asin": "B0009H520C", "style": {"Style:": " Extra Guard"}, "reviewerName": "tomtom", "reviewText": "Fits just like OEM, much cheaper and looks like good quality", "summary": "Five Stars", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2017", "reviewerID": "A3VL7O0EIKGK79", "asin": "B0009JKI7W", "style": {"Size:": " 13-Inches", "Style:": " Pack of 1"}, "reviewerName": "gpm1954", "reviewText": "Easy to install. Perfect for rear window wiper.", "summary": "Perfect fit", "unixReviewTime": 1499040000} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A28UEVIJWHYAMC", "asin": "B00075XCV2", "reviewerName": "Mafundzalo", "reviewText": "Quality is good, finish is good. Arrived without being banged up too much. I like that the ends of the square tube are sealed. I have a factory mopar hitch with open sides and it rusted really bad really fast. This looks to be a better design.", "summary": "Quality is good, finish is good", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A1J92XVAY4EK5N", "asin": "B0007VNZO0", "reviewerName": "Jacques Houle Jr.", "reviewText": "Made the bumper install simple.", "summary": "Five Stars", "unixReviewTime": 1427760000} +{"overall": 4.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A8HM3WZ8H60K7", "asin": "B000COTX9S", "reviewerName": "Ernest Thompson", "reviewText": "Seems a bit frail, but has always worked fine (then again, I use hand tools).", "summary": "Seems a bit frail, but has always worked fine.", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": false, "reviewTime": "08 5, 2016", "reviewerID": "A3R1RDMP2GYYB9", "asin": "B000BQYH6Q", "reviewerName": "teresa black", "reviewText": "perfect ty", "summary": "Five Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A3GY4S65XOVENP", "asin": "B000BZG5ZI", "reviewerName": "Carlos Sandoval", "reviewText": "Direct fit for my 4 cyl 1999 wrangler. Check engine light dissapear.", "summary": "Five Stars", "unixReviewTime": 1443312000} +{"reviewerID": "APHRE6LZRHKE8", "asin": "B000C7YQ2Y", "reviewerName": "darius powell", "verified": true, "reviewText": "I love it", "overall": 5.0, "reviewTime": "02 23, 2015", "summary": "ddp", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A1P60O93O0Q8AQ", "asin": "B000CQOIVO", "reviewerName": "Adam Albee", "reviewText": "Great product, fast shipping, easy purchase", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2013", "reviewerID": "A3MU5791EDZDY6", "asin": "B0009N0W4W", "style": {"Color:": " Chrome", "Style:": " Skull"}, "reviewerName": "chase Schupska", "reviewText": "i love these things they are cheap and look great on my car i was hoping for metal but hey they were cheap", "summary": "awesome stuff bro", "unixReviewTime": 1375142400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A2GUSQO1EGK7B2", "asin": "B000B8JUNY", "reviewerName": "Poe", "reviewText": "tie enough", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A2ZKKWXUNMFYIL", "asin": "B0009IQZ2K", "reviewerName": "Aron", "reviewText": "Great, worked for what I needed it for.", "summary": "Five Stars", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A2Y5OI667JI8N1", "asin": "B000CJ05ZE", "reviewerName": "PenDragon", "reviewText": "excellent product, arrived on time, works great. i would purchase from this merchant again.very happy with this product, would recommend it to friends.", "summary": "Directed Electronics 998T Bitwriter Programmer", "unixReviewTime": 1430870400} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "08 31, 2012", "reviewerID": "A1OODBE47LKHZT", "asin": "B0009IQZ2K", "reviewerName": "Amazonaholics", "reviewText": "I'm not a Meguiar's fan when it comes to their polishes and cleaning supplies, but this pad seems to work well. I have better control of it when it's cut in half width wise, which gives me two square blocks.", "summary": "I cut mine in half...", "unixReviewTime": 1346371200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2017", "reviewerID": "A1QA8F9JUGEGJE", "asin": "B0002SR6XE", "reviewerName": "LC", "reviewText": "Works as it is designed too with good quality.", "summary": "Five Stars", "unixReviewTime": 1504051200} +{"overall": 4.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A14TXE9B8GAMKJ", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "vivster03884", "reviewText": "cleans well", "summary": "Four Stars", "unixReviewTime": 1443571200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "06 4, 2017", "reviewerID": "ATQWQIEYEIPR0", "asin": "B000BPTVTK", "style": {"Style:": " Pack of 1"}, "reviewerName": "K-9 Sasha", "reviewText": "Being from Rain-X I had to think that this would be a great addition to my windshield washer tank but I was deeply disappointed. Followed the directions for use and the smears appeared on my first wash cycle. Will never buy this again.", "summary": "Save your money and just buy Rain-X windshield washer fluid.", "unixReviewTime": 1496534400} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A23LD6AEATCBY1", "asin": "B000CIV71G", "reviewerName": "Mark", "reviewText": "Great filter.", "summary": "Five Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A3003D46SMB27Z", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "iBcNurMOM", "reviewText": "Worked as described", "summary": "Five Stars", "unixReviewTime": 1423872000} +{"overall": 1.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A2W1X52EU6LYSC", "asin": "B000BQYH6Q", "reviewerName": "Patrick", "reviewText": "Do not buy!! Extremely cheap, poorly made, too lightweight", "summary": "One Star", "unixReviewTime": 1460246400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A1LM2P6GM76CW9", "asin": "B000CAVDKE", "style": {"Style:": " 4PK775"}, "reviewerName": "Ed", "reviewText": "excellent product", "summary": "Five Stars", "unixReviewTime": 1519689600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/4119EsPmX9L._SY88.jpg"], "overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A36HCQ55SBUP60", "asin": "B000CPAVKW", "style": {"Color:": " Gloss Jet Black"}, "reviewerName": "DJ Miller", "reviewText": "Followed all the instructions and it worked as advertised. Dyed hunting cart seats from white to black. Great results", "summary": "Best dye product", "unixReviewTime": 1435017600} +{"overall": 3.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "A14NLU3EKWTHTI", "asin": "B000E3GHE6", "style": {"Color:": " Black", "Style:": " Universal Bucket"}, "reviewerName": "Tom Slick", "reviewText": "I am going to have the seats fixed. This is a temp fix. The price was right. Cheap seat covers", "summary": "covers the duct tape", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": false, "reviewTime": "10 12, 2014", "reviewerID": "A2K0FC0YHE1BXK", "asin": "B00062ZDYK", "reviewerName": "thong thor", "reviewText": "Less whining in the engine. KN does make a difference and we have it installed on all our cars.", "summary": "Less whining in the engine. KN does make a ...", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A3VV2959J5X4PY", "asin": "B0006N72U2", "reviewerName": "Luis E. Garcia Briceo", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1403913600} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A32BCAG8ATZT5S", "asin": "B000CMDAI0", "style": {"Size:": " 14-mm X 1.50"}, "reviewerName": "Alekona", "reviewText": "Quite short but alright as they leave a lot of clearance for center caps to clear.", "summary": "Four Stars", "unixReviewTime": 1452902400} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A37CQB0P77DQ19", "asin": "B0002NUNMU", "reviewerName": "mfhorn", "reviewText": "Doesn't seem to last very long and has a dull matte finish which kind of defeats the purpose.", "summary": "Not great", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A2NISESGBHXWB3", "asin": "B0000AY4YJ", "reviewerName": "Amazon Customer", "reviewText": "works great....", "summary": "Five Stars", "unixReviewTime": 1486080000} +{"overall": 1.0, "vote": "5", "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A2ONA8YPKIOXD1", "asin": "B000E28C6S", "style": {"Color:": " Black"}, "reviewerName": "Rodney Lomprey", "reviewText": "These filters are made in China and over priced. I thought they were American made, but I was wrong! Buy American!!!", "summary": "Don't waste your money", "unixReviewTime": 1385683200} +{"overall": 4.0, "verified": true, "reviewTime": "10 4, 2012", "reviewerID": "A32P075WG5Y7LV", "asin": "B0002JMU2U", "reviewerName": "D. Italiano", "reviewText": "this fit my application just fine. came to me fast and no problems using it. there is a vent hole in the top for pressure release", "summary": "as designed fits fine", "unixReviewTime": 1349308800} +{"reviewerID": "A21AIWGKF63IK0", "asin": "B000CAYTJ6", "reviewerName": "anonymous", "verified": true, "reviewText": "Fit perfect.", "overall": 5.0, "reviewTime": "05 11, 2017", "summary": "So far, so good", "unixReviewTime": 1494460800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A2FOYQAV0NF2AR", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2255"}, "reviewerName": "Andy", "reviewText": "Worked as intended - no issues so far. Value is outstanding, trying to get OEM belt would cost much, much more. Happy with the purchase!", "summary": "Excellent", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": false, "reviewTime": "10 16, 2016", "reviewerID": "A2QQ3RFM34SOET", "asin": "B0002NYE5M", "style": {"Style:": " Wax"}, "reviewerName": "Revshifu", "reviewText": "Yes I used it to clean chrome tailpipes of course you need a few items to make it work better, 3 other items.", "summary": "Great wax", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A1V91KHGEMWL9Y", "asin": "B0009IQZFM", "reviewerName": "OldNapaPartsGuy", "reviewText": "They towels work well. Very absorbent", "summary": "Towels suck up the water", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "AXYF0WVJ0XRAN", "asin": "B000B6AF2G", "style": {"Size:": " 12 Ounce", "Color:": " Clear"}, "reviewerName": "W.S.V", "reviewText": "Good stuff", "summary": "Nice", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "AGT5KNJID3VN2", "asin": "B000BZI4JS", "reviewerName": "Ole Southernlady", "reviewText": "Perfect fit and works great", "summary": "perfect fit", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A2YOM4CO7UO4MC", "asin": "B0009IQZFM", "reviewerName": "Me", "reviewText": "Works great! Best way to dry a car", "summary": "Works great! Best way to dry a", "unixReviewTime": 1413936000} +{"overall": 4.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A1GYDCCJW8CORK", "asin": "B000CSINYU", "reviewerName": "Loretta H", "reviewText": "good for a pickup truck coolant filtering system", "summary": "good system", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "AA0TIIL8Y24JF", "asin": "B0001CMUV4", "reviewerName": "Anyglenwilldo", "reviewText": "Really cut down on the rattling and bouncing for our cargo carrier.", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "AX3G6QI7D3B2D", "asin": "B0006IX7Y2", "style": {"Size:": " 15 Feet"}, "reviewerName": "SunsetAir", "reviewText": "creates a very nice down slope flow. While others' hose looks s***ty (pun attended) , mine now looks professional and lifted from ground with beautiful slope. Takes a minute to set it up, but I'm stationary, so once it is there never move it again", "summary": "creates a very nice down slope flow.", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A1ETPZJ1TMW998", "asin": "B0002SRH5G", "reviewerName": "Obubba Binetin Bakon", "reviewText": "this is an extremely invaluble tool. a must for every mechanic or shop.", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A170KSL59741BR", "asin": "B0006IX80U", "style": {"Size:": " 64 Ounce"}, "reviewerName": "g cr500", "reviewText": "smells good", "summary": "smells good", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": false, "reviewTime": "11 25, 2016", "reviewerID": "APL0NIXRGP9FG", "asin": "B0002JN574", "style": {"Size:": " 1 Ounce, (Single Unit)"}, "reviewerName": "Bookbinder", "reviewText": "Great quality material to be used for half the price of some big names. I was able to use one tube for an entire engine, and exhaust system when rebuilding a vetter.", "summary": "Great quality and price.", "unixReviewTime": 1480032000} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A61LV1XQZLXFJ", "asin": "B000CB6D0S", "reviewerName": "SHANIA TWAIN", "reviewText": "Did not fit my bmw 325i.\nwill buy oem next time", "summary": "Four Stars", "unixReviewTime": 1418169600} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A1N5CYKYE5DTZE", "asin": "B000BRF38Q", "style": {"Size:": " 10 Millimeter"}, "reviewerName": "Kira", "reviewText": "These worked to install some Suspa struts on a truck camper window. The hole spacing was different from the originals so some hole widening was required.\n\nThey seem expensive to me. They should cost maybe $2. They are available cheaper if you search the internet a little bit.", "summary": "Worked for installing struts on truck camper window", "unixReviewTime": 1469059200} +{"overall": 5.0, "verified": false, "reviewTime": "10 1, 2014", "reviewerID": "A3VAAYYBR6DTA9", "asin": "B000BKEBT0", "style": {"Size:": " Pack of 1", "Style:": " 4 oz."}, "reviewerName": "lowrider02", "reviewText": "Quick and fast processing and shipping. Item arrived safe and was exactly what I wanted. Very pleased.\"", "summary": "Very pleased. \"", "unixReviewTime": 1412121600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 26, 2012", "reviewerID": "A22PGUHNINXIG0", "asin": "B00061SH6W", "reviewerName": "robert roose", "reviewText": "This fit my Olds clutch and allowed me to pull the clutch while on the car. I did not have to move or remove the compressor", "summary": "Gotta have it for an A/C compressor clutch", "unixReviewTime": 1353888000} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2017", "reviewerID": "A3V3FTC77TBFYR", "asin": "B0007NN0ES", "style": {"Color:": " Smoke", "Style:": " Bubble"}, "reviewerName": "Caleb Robinson", "reviewText": "Looks great", "summary": "Five Stars", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "A35SCEXUP7YLYZ", "asin": "B00032K9RO", "style": {"Color:": " Chrome"}, "reviewerName": "Rainman007", "reviewText": "Excellent product! Perfectly fit. A+", "summary": "Five Stars", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "AC9WC3CYDVGAZ", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "Sealy", "reviewText": "We purchased this to use with our Weekend Warrior trailer. This works perfectly and is kept compact which is much needed when using a trailer and space is limited. We purchased the camco sewer hose as well.\n**[...]. If you have any questions, just ask! :)**", "summary": "We purchased this to use with our Weekend Warrior trailer ...", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2018", "reviewerID": "A3M6MJWHTUSC5H", "asin": "B000BUU5XG", "reviewerName": "Flores Family", "reviewText": "Great product, installed it and it works great, I have a few things left to mount but the weather is bad, the only problem was the bag that it comes with was ripped, but I will duct tape it, for now, it just for storing the pipes when not in use.", "summary": "Great product, installed it and it works great", "unixReviewTime": 1519948800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2014", "reviewerID": "AS98LLE18YSLH", "asin": "B000E2CSVS", "reviewerName": "Cumana43", "reviewText": "I love this air filter I used it for a long years in other bike, specially Enduro, with it you can be sure that dust do not come inside Carb. and It is easy to mantenance, in difference with original ones in foam", "summary": "Best improve for bike engine", "unixReviewTime": 1397347200} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1UB3MBYYZUOG6", "asin": "B0001EXGZG", "reviewerName": "hitech guru", "reviewText": "fit well", "summary": "fit well", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "AM1RPS6Q6TEV3", "asin": "B000C1QOGQ", "reviewerName": "Jerry Leija", "reviewText": "Low profile, very good product.", "summary": "Been running it for about 2k miles and works like a charm", "unixReviewTime": 1459641600} +{"overall": 3.0, "verified": true, "reviewTime": "11 10, 2012", "reviewerID": "ADCY0I8EGWCGO", "asin": "B000CAO7EI", "style": {"Color:": " Tan", "Style:": " Low Back Bucket"}, "reviewerName": "Redcatcher", "reviewText": "Quality is fair, whiich is what you should expect with a bargain seat cover. Installation goes easily, but does not fit my 2000 Accord buckets, too small on the seatback portion. You get what you pay for.", "summary": "May not fit your car", "unixReviewTime": 1352505600} +{"overall": 4.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A3F8DJPH6DIID", "asin": "B000COBLG6", "reviewerName": "J. Kittrell", "reviewText": "Very bright! Nice yellow tint. Only one of my two bulbs is still good!", "summary": "Nice yellow tint", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A1ZKSQLAN533KA", "asin": "B000CIQ5DG", "reviewerName": "pickle4k", "reviewText": "Works well, thanks", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A192PLEO3WTK3H", "asin": "B0008FUH46", "reviewerName": "Gary Payne", "reviewText": "Works great. Pretty heavy duty.", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A1CE7KS3CA3T73", "asin": "B0009IQZFM", "reviewerName": "M. Wasserman", "reviewText": "This is a great towel. Sucks the water right off my car. Once it's saturated though it doesn't wring out. So I'm ordering two more to be able to dry the whole car. It will be interesting to see if they dry quickly in the sun come summer time.", "summary": "Great towel.", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A1J59KN8GFLLK3", "asin": "B0009IQXXG", "style": {"Size:": " 24 Ounce"}, "reviewerName": "Customer Ranking", "reviewText": "the best. It shines and lasts thru rain", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A13PVHRVBX93FY", "asin": "B0006IX7YC", "style": {"Style:": " Flexible"}, "reviewerName": "daniel", "reviewText": "exact thing i need", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A28ZLULEOUBOQT", "asin": "B0009H5270", "reviewerName": "Allen", "reviewText": "Worked fine got here fast..Ty", "summary": "No more bad gas..", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A3HB7N7GLOO06U", "asin": "B0006SU3QW", "style": {"Size:": " 11 Ounce", "Color:": " Black"}, "reviewerName": "legacy", "reviewText": "Works good if used right", "summary": "Five Stars", "unixReviewTime": 1414713600} +{"reviewerID": "A25SELEABPEJPH", "asin": "B0009T6EA2", "reviewerName": "MMHAO", "verified": true, "reviewText": "looks good quality on arrival. will see how it works after installation.", "overall": 5.0, "reviewTime": "08 1, 2015", "summary": "Five Stars", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A1ALJQWNJHUA6C", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Jonathan Hong", "reviewText": "If your like me, you were doing this job with a turkey baster, which tends to take forever, and can get a little messy. This thing is awesome, I dunno how I put up with not having one all these years. Definitely should be part of any gear head's arsenal of tools.", "summary": "So simple yet such a great invention", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2014", "reviewerID": "A118MPLIXELWTX", "asin": "B000CPAVIE", "style": {"Color:": " Gloss Clear"}, "reviewerName": "Trusted-Reviews", "reviewText": "I purchased this along with duplicolors yellow caliper paint for my 06' Altima 2.5S Special Edition and it has held up fine. No chips or gimmicks or melting caused by heat whatsoever. I would order again but I still have more than have a can from the first purchase last month.", "summary": "Stuff is great", "unixReviewTime": 1403654400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2017", "reviewerID": "A2D9IQIZ49QE4L", "asin": "B000AMD6CC", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Mike", "reviewText": "Good buy.", "summary": "Five Stars", "unixReviewTime": 1506988800} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A34AM6QPOY6NMK", "asin": "B000BO6RUC", "reviewerName": "Jim C", "reviewText": "As promised!", "summary": "Five Stars", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "AN86ON2XW4AWY", "asin": "B00068AJPM", "style": {"Size:": " 64 oz."}, "reviewerName": "SMM99", "reviewText": "Scant amount of residual after rinsing. Makes me happy.", "summary": "Excellent", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A200FKBEWWO68M", "asin": "B000C9Y19U", "reviewerName": "!!!!! C5 !!!!!", "reviewText": "As good as if not better than the Kubota filter it replaces. I've used WIX for many years without any problems. Kubota is overpriced and no better than these WIX.", "summary": "As good as any Kubota filters", "unixReviewTime": 1415491200} +{"overall": 3.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A36WTBD4JEV2PC", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 8 oz."}, "reviewerName": "Ian M.", "reviewText": "My mechanic told me not to use this stuff. It's cheap, but in the long run it becomes seize and not anti-seize. He told me to find something with copper, which actually works when you need it to.", "summary": "My mechanic told me not to use this stuff. ...", "unixReviewTime": 1485129600} +{"overall": 5.0, "vote": "11", "verified": true, "reviewTime": "08 20, 2011", "reviewerID": "A23UXFU0YIUBZL", "asin": "B00061SGZO", "reviewerName": "sig", "reviewText": "I just replaced ball joint in a 2003 Acura tl. I had rented a press from auto zone, which was a small set and didn't have the right adapters. This is a musch larger set and had every thing I needed. Worked perfectly", "summary": "ball joint press", "unixReviewTime": 1313798400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A125J7MDOUXXQJ", "asin": "B000CO9AZK", "reviewerName": "Chazz", "reviewText": "Another one ordered for a little project I am building up to. Works as expected", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A27TJYR08FGCM", "asin": "B000B6CVZU", "reviewerName": "Marshall Henderson", "reviewText": "Used this on my 99 Silverado to fix a handle that had sheared off. Not quite as robust as the factory lever, but it did work just fine. Didn't leave me with a ton of confidence while pulling it though. Should work on 99-06 Silverado, Sierra, Tahoe, Yukon, Avalanche, etc.", "summary": "but it did work just fine. Didn't leave me with a ton of confidence ...", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A1A5AXM1YKD00O", "asin": "B00029X1O6", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Christian", "reviewText": "Very happy with this kit. Love the little tray under it. It holds my phone perfectly. Looks great in my 99 Jeep Cherokee.", "summary": "Looks great!", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A2D15P3DG3UQ4J", "asin": "B00029XGNM", "style": {"Color:": " High Tone"}, "reviewerName": "Amazon Customer", "reviewText": "Loud horn. Worked great!", "summary": "Worked great!", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A199XFRVGBA4TR", "asin": "B000B8N3GE", "reviewerName": "Roger murray", "reviewText": "As described", "summary": "Good", "unixReviewTime": 1464220800} +{"reviewerID": "A2PHNF3JMDY9BZ", "asin": "B0007QGT34", "reviewerName": "Scott", "verified": true, "reviewText": "Awesome stuff", "overall": 5.0, "reviewTime": "02 11, 2015", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "ADQG3ISTVBQ7N", "asin": "B000EA5WLS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Darrell Martin", "reviewText": "Works as described!", "summary": "It really works..", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "A1BVYRSKU9HNKK", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "dbk59", "reviewText": "easy to read", "summary": "Five Stars", "unixReviewTime": 1492905600} +{"reviewerID": "A2G7QVCUIUH646", "asin": "B0007QGT34", "reviewerName": "David L. Butler", "verified": true, "reviewText": "It's Royal Purple so you know it's good. My tranny hasn't blown up yet and shifts nicely. I used this oil in a 1968 model Harley-Davidson.", "overall": 4.0, "reviewTime": "01 15, 2014", "summary": "It's RP for Christ's sake!", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A160SYE0A14IZ3", "asin": "B0009IK5RG", "style": {"Size:": " 22 Inches, (Pack of 1)"}, "reviewerName": "Peter B. Tobin", "reviewText": "These wiper blades great", "summary": "The best", "unixReviewTime": 1453507200} +{"reviewerID": "A3NRDF0ONY7C3O", "asin": "B000CAYTJ6", "reviewerName": "rlbrobst", "verified": true, "reviewText": "Lasted longer than any OEM belts and doesn't sound like a flock of birds under the hood!", "overall": 5.0, "reviewTime": "08 25, 2014", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "AK1YR53R6EXQ4", "asin": "B0009H528E", "reviewerName": "E. Sell", "reviewText": "fit right on like it should", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "APNT2HXBUK6MC", "asin": "B000CSWZ6M", "reviewerName": "Don", "reviewText": "I've owned this same product for over 8 plus years and have never had a problem with it so decided to buy another one since my girlfriend uses mine. The button is very sensitive but works great and I would buy again.", "summary": "The button is very sensitive but works great and I would buy again", "unixReviewTime": 1476835200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A2OF5DC1B16S17", "asin": "B000CQSKV8", "reviewerName": "B Jones", "reviewText": "Make sure to buy the proper wiring harness. Amazon says \"Fits your (whatever truck)\" but you will still need the proper harness adapter.\n\nIt works great for me, occasionally towing an 8k camper. Why spend more?", "summary": "Why spend more?", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A17YVDKHLOT02U", "asin": "B0009H51MG", "style": {"Style:": " Extra Guard"}, "reviewerName": "Daniel Flores", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A3B84AJLHYB452", "asin": "B000C9S9WA", "reviewerName": "Troy Dowdle", "reviewText": "good quality, fast shipping", "summary": "good quality, fast shipping", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "ADK8D8C35W7M5", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Bruce Huffaker", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A2H0M978TIHOZA", "asin": "B0009IQZFM", "reviewerName": "EDR", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "AO648K5MIO269", "asin": "B000CMF4PW", "style": {"Size:": " 1/2-inch"}, "reviewerName": "Non Vine &amp; non paid reviewer", "reviewText": "Gorilla makes quality products, as always check their website fit guide as sometimes amazon's is off.", "summary": "Gorilla makes quality products", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A27SVV3HYFZUXW", "asin": "B0002S9X3K", "style": {"Color:": " Black Denim"}, "reviewerName": "K SEA B", "reviewText": "Awesome seat covers, clean up easily. Material sheds water, hair, spills. Also tough and fit great.", "summary": "Awesome", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "AEQHCCKDFP0TR", "asin": "B0002JM69W", "reviewerName": "Samuel B.", "reviewText": "I USE THIS ON AN OPEN CAB TRACTOR IN THE SUMMER IT LETS SOME AIR FLOW UNDER YOU AND HELPS PREVENT GAULDING.", "summary": "I USE THIS ON AN OPEN CAB TRACTOR IN THE ...", "unixReviewTime": 1449964800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A1640UYYQMTMAC", "asin": "B000BPUU1I", "reviewerName": "Amazon Customer", "reviewText": "Good quality.", "summary": "Five Stars", "unixReviewTime": 1482019200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "A1KMPWS0CQ81DJ", "asin": "B0002SRCMO", "reviewerName": "Carl Dunn", "reviewText": "just what I needed!", "summary": "Five Stars", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A2LRPTG1CRKMKB", "asin": "B0000AY6DG", "style": {"Size:": " 10 oz", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Taku Rat", "reviewText": "great product.", "summary": "Five Stars", "unixReviewTime": 1494374400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A2QS5NDHL6TEM4", "asin": "B000CKGAV6", "style": {"Style:": " 9007"}, "reviewerName": "geoffory", "reviewText": "I had 3 NAPA brand bulbs burn out in less than 12 months before seeking these ones out on Amazon. This set was much cheaper, and I am hopeful that these will last longer, but only time will tell.", "summary": "So far so good. Fit my 2005 focus, as expected.", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A1DIINVRPEBB76", "asin": "B0002MAILC", "style": {"Style:": " H7"}, "reviewerName": "chance brown", "reviewText": "best headlights, made a huge difference on my boxster 986", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2017", "reviewerID": "A396R0CPIPZ2D", "asin": "B000BXOGMY", "reviewerName": "Carol H.", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A368VLCLS1NTJM", "asin": "B0008D6NK0", "style": {"Size:": " Single laser", "Color:": " Silver"}, "reviewerName": "Charlie K", "reviewText": "Everything you would expect. Sure beats the old hanging tennis ball.", "summary": "A good buy - nice price", "unixReviewTime": 1508889600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A38A6QFV948W9B", "asin": "B000BS5T2A", "reviewerName": "William Desplas", "reviewText": "Looks great!!!!! Gives my truck more style. Easy to install. I choose to use no drill tabs for mounting trim.", "summary": "Fender Trim Stainless Steel Trim", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A3KHS4AWPCW68D", "asin": "B0002JMEJ4", "reviewerName": "gbdug13", "reviewText": "works good", "summary": "good stuff", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A2MTNGFOZUG1RC", "asin": "B000CEZTXW", "reviewerName": "scott andrews", "reviewText": "works fine", "summary": "Five Stars", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AM1UY5V9D478I", "asin": "B000A8JLIY", "reviewerName": "Ralph Attwood", "reviewText": "Great plugs. Better performance!", "summary": "Five Stars", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A1MIEHHH9653SU", "asin": "B0000AY3X0", "style": {"Color:": " Aqua", "Style:": " Single"}, "reviewerName": "Colton J. Stegeman", "reviewText": "The best towel on the planet. I use it for going hot tubbing or going to pools. It is small and compact but can completely dry me off quickly. It is also fun to play with in the water.", "summary": "The best towel on the planet", "unixReviewTime": 1416268800} +{"overall": 4.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A3UZKTZZBGGZF7", "asin": "B000CJ427G", "reviewerName": "Dede", "reviewText": "Went on slick and appears to be working fine.", "summary": "Four Stars", "unixReviewTime": 1404432000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A34BVRECS7TACO", "asin": "B000B8LKSW", "reviewerName": "tamin", "reviewText": "Does its job, looks nice. Finally don't have that stupid ratcheting one.", "summary": "looks nice. Finally don't have that stupid ratcheting one", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "AJ07Q40O1S7GM", "asin": "B000C9WJ8K", "reviewerName": "Bruce Sumner", "reviewText": "I will be ordering more", "summary": "Five Stars", "unixReviewTime": 1473033600} +{"overall": 4.0, "verified": false, "reviewTime": "07 2, 2015", "reviewerID": "AE0BMVEVVU6DQ", "asin": "B00067BWBI", "reviewerName": "jp2code", "reviewText": "YouTube Sound Clip: https://www.youtube.com/watch?v=0KdY5XSmw9U", "summary": "PIAA 85110 - Sound Clip", "unixReviewTime": 1435795200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A4182E5LCY1R3", "asin": "B0002F9YHS", "style": {"Size:": " 1-Liter"}, "reviewerName": "Edward J. Rinehart", "reviewText": "Fast delivery. Packaged well. Nice product. A+++++", "summary": "Nice product. A+++++", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A26JRQ1VR6KHJ6", "asin": "B000B8U61O", "style": {"Size:": " Quantity 1"}, "reviewerName": "Gary M", "reviewText": "Good product, but does not match my outside hood vent as far as the opening goes.", "summary": "Well made", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A2CA4AOYIPC8KF", "asin": "B00004YK76", "reviewerName": "VTSnoop", "reviewText": "Absolutely great oiller. I use primary on my old cars and with the flexible hose it will go in some tight spots. Well constructed and USA made. This thing has become a favorite which is built to last.", "summary": "Awesome little oiler.", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": false, "reviewTime": "09 9, 2016", "reviewerID": "A2H9DLPZY8AJNY", "asin": "B00070KA5I", "reviewerName": "Allen Driskill", "reviewText": "Works fine, seems sturdy, readings match other gauges I own.", "summary": "Wow! Measures air pressure!", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "ACF4FS52O8XTL", "asin": "B000E28MSG", "style": {"Color:": " Black"}, "reviewerName": "Kris", "reviewText": "Good quality, perfect fit for my motorcycle, love the 17mm nut on the end to make getting it on and off easier.", "summary": "Good quality, perfect fit for my motorcycle", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A17QEZZDFIHDM2", "asin": "B00029WVIS", "style": {"Size:": " 2-1/2 x 3-3/4 Inches"}, "reviewerName": "nj.firefighter", "reviewText": "Yiu may take some time to get used to this. But know i wonder why this is not standard on all cars.", "summary": "Kinda big", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "A3IBDNBPEW2X3I", "asin": "B000BZG72E", "reviewerName": "PJ", "reviewText": "Very quick and easy replacement for factory original on my California 2000 Toyota 4Runner. Couldn't have been easier.", "summary": "Great replacement for factory original", "unixReviewTime": 1421452800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 25, 2017", "reviewerID": "A1KX5BMJR55Z9", "asin": "B0009EUA0M", "reviewerName": "Tonya Ford", "reviewText": "Make detailing vehicles very comfortable. Seat is perfectly cushioned and wheels are smooth. Love it!!", "summary": "YOU MIGHT GET SLEEPY!!!", "unixReviewTime": 1498348800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A3GP2HMB2AFOKF", "asin": "B000B68C08", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "Juan", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1449446400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "A1MV9IWT3T26S2", "asin": "B000182EUU", "reviewerName": "Sport", "reviewText": "Replaced weathered and broken ones I purchased in 1997 when the truck was new. These look great, especially when they're not 16 years old and all faded!", "summary": "5 stars", "unixReviewTime": 1371427200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2013", "reviewerID": "A1L3UQG21CQL04", "asin": "B000CJ8CZY", "style": {"Number of Items:": " 1"}, "reviewerName": "marcus mere", "reviewText": "This plug is top notch. I put this in my 2006 Polaris Outlaw and it performs flawlessly. This plug has a strong spark and my quad fires up instantly even after sitting for two weeks, heck I don't even need the choke!", "summary": "Great Plug!", "unixReviewTime": 1368835200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A7IWP47ZL56OC", "asin": "B000C7YRNM", "reviewerName": "Samuel Haddaway", "reviewText": "This is the same thermostat that comes stock on the XJ's. Works like a charm on my 2000 Jeep Cherokee Classic. Had to replace it while replacing a cracked head (a common issue on the 99-00's).", "summary": "Works Perfectly in my 2000 Jeep Cherokee", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "AHP37C6957C6K", "asin": "B000C5WD2Q", "reviewerName": "KIRK R", "reviewText": "great price - this saved me $$$ from the 'stealership' price.\nnot too hard to install and it solved my CEL code problem", "summary": "Now the CEL is OFF!", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A30X9M6AN1EPJP", "asin": "B000C7QHLW", "reviewerName": "EdwinW", "reviewText": "fit perfect, exact fit for my 2005 hyundai elantra, very easy to install", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A1KPC5NBU2QERJ", "asin": "B000CQ6I0I", "reviewerName": "James Simmons", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "A23XUL170OI4MP", "asin": "B0002F68FO", "style": {"Color:": " White"}, "reviewerName": "david mcintyre", "reviewText": "great handle great price exact fit", "summary": "Five Stars", "unixReviewTime": 1492387200} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "A20TQF5NYIYAKX", "asin": "B0002SA244", "reviewerName": "joseph", "reviewText": "Works great with my new trail max seats. The assembly instructions that come with it absolutely suck. Still not a bad product though.", "summary": "Good slider for CJ", "unixReviewTime": 1363219200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A26U8LT8CT83BW", "asin": "B000ARTZQI", "style": {"Style:": " High Mileage"}, "reviewerName": "Ricster1963", "reviewText": "I've trusted FRAM for years and until someone can prove otherwise I'll continue to trust them.", "summary": "FRAM or nothing", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A2L8UUH65S1BJ6", "asin": "B000A6E9RY", "reviewerName": "C. Dan", "reviewText": "NOW I can see the little tricksters ringing the doorbell and moving out of sight of the peephole ;-)", "summary": "Can't fool me!", "unixReviewTime": 1439337600} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A1Y28S9YIMTJTJ", "asin": "B000BTDKKW", "style": {"Model Number:": " QG1142"}, "reviewerName": "Judy L", "reviewText": "It is what it is and that's all that it is...they're snow tire chains...not rocket science. They'll do when I will need them the most, I'm quite certain.", "summary": "It iis what it is and that's all that it ...", "unixReviewTime": 1484092800} +{"overall": 4.0, "verified": false, "reviewTime": "06 5, 2016", "reviewerID": "A8QD3DE5JXXQ5", "asin": "B00029WVII", "style": {"Size:": " 3\"x3\""}, "reviewerName": "rog7254", "reviewText": "too big for passenger cars.\nits made for trucks or vans", "summary": "Four Stars", "unixReviewTime": 1465084800} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A3CYJR6US0M735", "asin": "B000CQPU8Y", "reviewerName": "Angel Palomares", "reviewText": "Average quality, useless hardware.. Very difficult to install, shims don't fit snugly..", "summary": "useless hardware.", "unixReviewTime": 1437177600} +{"reviewerID": "A3A39VNBGYDJIU", "asin": "B000C5CEKC", "reviewerName": "DEBORAH MEAS", "verified": true, "reviewText": "did not fit", "overall": 1.0, "reviewTime": "03 22, 2016", "summary": "One Star", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A3PQTPIC1SFRQJ", "asin": "B0007ZE7XY", "style": {"Size:": " Pint"}, "reviewerName": "Jeremias", "reviewText": "It help", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A3PK9JHOR3SSVE", "asin": "B000COCXR2", "reviewerName": "oldfarmhand", "reviewText": "it worked as it should fair price", "summary": "Four Stars", "unixReviewTime": 1446076800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 20, 2014", "reviewerID": "A38YG8VNID52FO", "asin": "B000CGMMUI", "reviewerName": "FUBECA de PRIMEIRO", "reviewText": "Perfect fit, best price I found. No issues at all with install in 2000 Dodge Neon. I need to write some more words for this review to post.", "summary": "Perfect fit in 2000 Dodge Neon.", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2014", "reviewerID": "A2C5H5JA87CCS2", "asin": "B0009JKGJ2", "style": {"Size:": " 1 Pack"}, "reviewerName": "Larry W.", "reviewText": "I use this as the next to last step in polishing my 2003 Silverado Headlight Lenses. It\nworks really great.", "summary": "Turtle wax polishing Compound", "unixReviewTime": 1396051200} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A2BPSYOYH4NIMO", "asin": "B0007UA1NE", "reviewerName": "Leon M.", "reviewText": "works as promised, my filter is back in and working well", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "A3UQOR4P56J0LT", "asin": "B0009V1WSE", "reviewerName": "AlfromPA", "reviewText": "Works good. The key stickes in the lock sometimes but it will wiggle and giggle out.", "summary": "Works good.", "unixReviewTime": 1404000000} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A25R2FDVQXUIGJ", "asin": "B0007NN0ES", "style": {"Color:": " Smoke", "Style:": " Bubble"}, "reviewerName": "R. Jones", "reviewText": "I am glad this cover was unbreakable as the packaging wasn't the best in the world.\nTag Cover itself is excellent.\nIt is smoked, and it covers the tag.\nEnough said......", "summary": "Good Tag Cover", "unixReviewTime": 1371600000} +{"reviewerID": "AUTT87XWQIWSU", "asin": "B000CQUOVW", "reviewerName": "acharya", "verified": true, "reviewText": "I bought this because it was supposed to be stainless steel, however it rained the day after I put it onto my hitch, and had rust on it the next morning.", "overall": 2.0, "reviewTime": "06 6, 2015", "summary": "Disappointing", "unixReviewTime": 1433548800} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A3AQD3U7PNA7CT", "asin": "B000C5DSKC", "reviewerName": "Patrick Connolly", "reviewText": "Works as intended", "summary": "Four Stars", "unixReviewTime": 1453680000} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A1AHB6KQORGQ6Q", "asin": "B0007M1UO6", "reviewerName": "farmered3", "reviewText": "Works but nut does not seem as tight as it should be.", "summary": "CURT Manufacturing 40093 1-1/4 In. Diameter Sway Control Replacement Ball", "unixReviewTime": 1408752000} +{"overall": 2.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "AAUNLK3SC2X90", "asin": "B0000AXDFT", "style": {"Size:": " Size 3: Fits Cars up to 16'8\" Long"}, "reviewerName": "Korsario", "reviewText": "I didn't like it because it is made with a very thin material. Perhaps, It is too small for my CAMARO 2010.", "summary": "Too thin and too small for a Camaro 2010", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "A2OCSSXQ74B8MD", "asin": "B0002SQUTU", "reviewerName": "Zack", "reviewText": "Work great I've bought two. One for myself and I bought my dad one also. Perfect tool for brake job and s hooks are a must to hang the caliper", "summary": "Work great I've bought two", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A3N7HGTKWF3P2N", "asin": "B000CB6AL0", "reviewerName": "Calljoec", "reviewText": "Works as expected", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A1MZPOSKTJDU7K", "asin": "B00063Z4FM", "style": {"Size:": " 1/4 in x 15 ft", "Style:": " Roll"}, "reviewerName": "Dave", "reviewText": "Worked well to reseal headlight from projector retrofit. Enough here to do 3 sets at least of 5x7 headlight housings.", "summary": "Used to reseal headlights.", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A3UFFH4AGB9KLG", "asin": "B0002MBKA0", "reviewerName": "Jared", "reviewText": "Looks great and is still holding strong. No unravelling or frays anywhere", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A32ND9TXLO6153", "asin": "B000CRZXPI", "style": {"Style:": " Box Packaging"}, "reviewerName": "joe", "reviewText": "Installed on a subaru. Had to make a bracket to mount to the grill. I ran a lime from one of the oem horns to the relay and used some extra wire I had hanging around. I plastidipped the shell white and they look and sound great", "summary": "I plastidipped the shell white and they look and sound great", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "AJD1HWEME6S1S", "asin": "B000C19DGY", "reviewerName": "Samuel DeRuntz", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "A1UQXVW2EW4GAG", "asin": "B00092CKN4", "style": {"Size:": " 13 Ounces"}, "reviewerName": "ChadlyNCo", "reviewText": "I use this on my 2012 FLHX Harley all the time - its the best at making a small difficult job easy and wow do I get complements on my motorcycle all the time", "summary": "Best stuff", "unixReviewTime": 1357948800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A1P8U3EM914I5G", "asin": "B00062ZJ1W", "style": {"Size:": " 64 Ounce"}, "reviewerName": "Lee Brown", "reviewText": "After 42 years of being a mechanic and after trying dozens of car wash products I can state with confidence that this stuff works!", "summary": "Just the best overall car wash available", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2013", "reviewerID": "A57TH5BVZMB2L", "asin": "B0002BBWC2", "style": {"Style:": " Spray 54 g, 100% Solution"}, "reviewerName": "ConsumerX", "reviewText": "I love this stuff. I have resurrected a bunch of different electronic devices with this stuff! I would say everyone needs to have some of this in their tool box.", "summary": "Great Stuff", "unixReviewTime": 1384992000} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1DSIBDQVIMR8Y", "asin": "B000C9UJUU", "reviewerName": "francois", "reviewText": "ok super produit", "summary": "ok super", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "A8MMZEEB2OGGH", "asin": "B0001CMUV4", "reviewerName": "init4fun269", "reviewText": "Normally I wait to use an item before I post a review but I can tell just putting this thing in place I don't need to haul anything with it to write one. Item is much more heavy duty than I expected, great quality product . Fit perfect and everything is nice and snug now!", "summary": "Everything is nice and snug now", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A13MXQ5WADICJP", "asin": "B000CO7IIQ", "reviewerName": "geoff", "reviewText": "I used this on my 1972 H-16 Bolens garden tractor. Fit right on ,starts and charges batt. fine. A good switch for basic equipment.", "summary": "fine. A good switch for basic equipment", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "A35175OOBNYWI4", "asin": "B000B8N3MS", "reviewerName": "J. Pierfelice", "reviewText": "Does what it needs to do", "summary": "buy it", "unixReviewTime": 1415664000} +{"overall": 5.0, "verified": false, "reviewTime": "11 13, 2014", "reviewerID": "A14ZGV2AS6II37", "asin": "B000BQRG00", "reviewerName": "JAVIER ORTIZ", "reviewText": "it's ok", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A34S5K5AQE9TAG", "asin": "B000CITTWA", "reviewerName": "JM", "reviewText": "Nice step. Just what I needed to get my mom in my truck!!!!", "summary": "MOM can get in on her own without me lifting her in!!!!", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2015", "reviewerID": "AJ7Y805IYVIOD", "asin": "B0002SRDUU", "reviewerName": "Bob", "reviewText": "Good quality", "summary": "Good quality", "unixReviewTime": 1430524800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A1KLBOQPTOAEGL", "asin": "B000B59XMA", "reviewerName": "BASILIO", "reviewText": "THEY ARE SO NICE AND SO COOL... I LOVE THEM... VERY NICE AND FIT PERFECT, PUT THE MASK ON WHIT THIS GLASSES AND BAMMMM... THEY LOOK HOT... I RECOMMEND A+...", "summary": "HI...", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "A2IM6MSYPSGOIZ", "asin": "B000CPAVIE", "style": {"Color:": " Bright Yellow"}, "reviewerName": "Verstappen", "reviewText": "I have used vht caliper paint several times, does the job great, doesnt spread on lightly oily or greasy areas, it covers really good.", "summary": "great caliper paint", "unixReviewTime": 1429660800} +{"overall": 1.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A2FMUITZIFH6XQ", "asin": "B000BZL08A", "reviewerName": "Sam", "reviewText": "dosent work for my car even when I checked at amazon saying it fit my car I think Amazon should review this o2 sensor , I am stacked with 2 O2 sensor I cant return them because it pass the date to return ( the other one was 15733)", "summary": "dosent work for my car even when I checked at ...", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2013", "reviewerID": "A2DOQD2RJI4MEX", "asin": "B000COMX9K", "style": {"Color:": " Chrome"}, "reviewerName": "doityourselfer", "reviewText": "Quality chrome lugs, fit as described. Look like original parts. Quick service, solved my missing lugs problem. Always happy with quick service from Amazon, sometimes seems like they drop packeges from the sky as they get to me before I think it possible, next day.", "summary": "replacement lugs for 2003 Dodge ram van", "unixReviewTime": 1381449600} +{"reviewerID": "A3NNZBPR0LULAW", "asin": "B0002KO3QK", "reviewerName": "Robert Dellert", "verified": true, "reviewText": "I had to grind it down to fit an 05 Ford Freestar strut mount", "overall": 2.0, "reviewTime": "03 4, 2017", "summary": "I had to grind it down to fit an 05 ...", "unixReviewTime": 1488585600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A1GS87THL1DJRF", "asin": "B000C2WF6I", "reviewerName": "GORETTE", "reviewText": "Positivo", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A8W7V7FLHAE69", "asin": "B000CPCBEQ", "style": {"Size:": " Pack of 1"}, "reviewerName": "J. Vang", "reviewText": "Fluid takes a bit to warm up as you can feel it in your shifter vs the MTL bottle, but it's perfect once it's there. GL4 so perfectly safe for most if not all manual gearboxes.", "summary": "but it's perfect once it's there", "unixReviewTime": 1484524800} +{"overall": 4.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A1MO7UYGWKDO6C", "asin": "B000B66UUW", "reviewerName": "Mark C.", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1412294400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 10, 2010", "reviewerID": "A1J2UNTYHF6WIA", "asin": "B000CO9FF0", "reviewerName": "Michael W. Gaskins", "reviewText": "I have an 03 Subaru Outback with 193K miles and I have had orginal equipment and exotic bulbs... including PIAA but I have found these bulbs to have the longest lifespan and function of any I have tried... for more than ten times the price. They WORK", "summary": "Best deal in automotive", "unixReviewTime": 1265760000} +{"overall": 4.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A1LVTTUS2RBC7N", "asin": "B000AM8BLI", "style": {"Style Name:": " 3157NA/4157NA"}, "reviewerName": "steve", "reviewText": "Was easier to buy it on amazon instead of store for sum werid reason,they work just like the ones in the store so far all good", "summary": "All good", "unixReviewTime": 1451952000} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A2AN7QJ7XTRP8L", "asin": "B0002J2D2W", "style": {"Style:": " Dash Kit"}, "reviewerName": "Mr Gerbik", "reviewText": "Works pretty well,I was aware I would have to do some grinding, this is made easy with a dremel. My trim plate didn't fit properly so I just left it off.", "summary": "Works pretty well", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "AB11MORVA2T50", "asin": "B000C59ST2", "reviewerName": "Steven Turner", "reviewText": "Awesome improvement on my 01 Grand Cherokee", "summary": "Perfect", "unixReviewTime": 1478131200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81nmPvO5ZSL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71OaUIdASrL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/710LDotYlrL._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 25, 2017", "reviewerID": "A2F96ZF3JNWRLH", "asin": "B000C55MX8", "reviewerName": "Wolfie", "reviewText": "WOW! The new coil over shocks from Monroe are amazing! Thought they were going to be super stiff and I was gonna hate the ride quality actually love it! Did mild off road in my 2001 GMC Yukon and they handled amazing! Definitely would buy for my other vehicles as well", "summary": "The new coil over shocks from Monroe are amazing! Thought they were going to be super stiff ...", "unixReviewTime": 1498348800} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A7BM3PPF702BP", "asin": "B00029XGNM", "style": {"Color:": " Low Tone"}, "reviewerName": "Landry L.", "reviewText": "Bought as an OEM Replacement for a 97 Jeep Cherokee horn that had been long submerged and totaled. The horn performs as expected and is loud, but not obnoxious. Grounded through the bolt and wired for the Positive terminal.", "summary": "Quality OEM Replacement", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A1FHMCKUCMSFJA", "asin": "B0002U2V1Y", "style": {"Size:": " California Gold Clay Bar System, Single Unit"}, "reviewerName": "Tovarizer", "reviewText": "Great, easy to worth with. I'm a simple kind of guy and this was easy for me to do. And the amazing results are truly incredible! My car is out baking in the sun all day and I need all the help I can get. (Los Angeles)", "summary": "Car was in bad shape till I used this...No joke!", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A1FUXCQSQPLR8I", "asin": "B0006SU3QW", "style": {"Size:": " 11 Ounce", "Color:": " Black"}, "reviewerName": "Bryan", "reviewText": "Great product. I like to think I'm a very good painter. Grabbed some plastidip to shield the front end of my hood from rocks. Works like a charm. Went on easy enough, was a pain to remove excess though. Granted I was impatient. Overall great product though.", "summary": "Great Product", "unixReviewTime": 1484438400} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A2HWJ7GF0HAYPA", "asin": "B000CFME2A", "style": {"Size:": " 1-Pack"}, "reviewerName": "timothy p marchant", "reviewText": "Worked well on my briggs & stratton lawnmower", "summary": "Used for my lawnmower", "unixReviewTime": 1480809600} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "06 28, 2014", "reviewerID": "A381352DSKLU4F", "asin": "B0000CCXWA", "style": {"Color Name:": " Black"}, "reviewerName": "Mike Carillo", "reviewText": "I bought this to cut down the drying on my three cars ,one is very rare car Aston Martin and didn't want a rag near it while drying ,very powerful and worth the money", "summary": "very good", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "AHLUUMG772L4D", "asin": "B000C5UFNK", "reviewerName": "bwayout", "reviewText": "It fit the car just like it was suppose to", "summary": "Five Stars", "unixReviewTime": 1417046400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A1WT8ONJISLSUE", "asin": "B000C2Y5IY", "reviewerName": "mrdiy", "reviewText": "Works and fits great. Replaced my old one when changing my water pump about 6 months ago and have no complaints.", "summary": "Works on my 2003 Suburban", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A2UY2KXRZOOBGX", "asin": "B0009H51WQ", "style": {"Style:": " Extra Guard"}, "reviewerName": "Frederick G. Haydt", "reviewText": "Arrived as expected, packaging ok, would repeat order", "summary": "Five Stars", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": false, "reviewTime": "09 27, 2016", "reviewerID": "A3JUNPMNVHUZWZ", "asin": "B0002JN57Y", "style": {"Size:": " 7 Gram, (Single Unit)"}, "reviewerName": "Anthony", "reviewText": "More than enough for 16 plugs. There is still about half left, and I applied liberally.", "summary": "More than enough", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A28BDX2XV6Q6PK", "asin": "B000CFU4HM", "reviewerName": "vernon crow", "reviewText": "Truck is looking good now pump em up and you can coast down hill won't need to burn fuel.", "summary": "Five Stars", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A3EQWE4XR9TJZO", "asin": "B000C17G5E", "reviewerName": "newbee", "reviewText": "fits nice", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "AZZ9NMXN8132W", "asin": "B0009IQXJ0", "reviewerName": "knowledge", "reviewText": "Purple gel is the $&@T...I use a sponge and it lasts for a week+. I allow 10 minutes to dry before applying a 2nd coat. Only downside is I do get some sling where as HotShine I do not. But the gel is more weather resistant", "summary": "Purple gel is the $&@T... I use ...", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": false, "reviewTime": "05 11, 2009", "reviewerID": "A35LT14WG5BX0T", "asin": "B000CD8HH8", "style": {"Size:": " 17\"", "Style:": " 900171B"}, "reviewerName": "Lola Bunny", "reviewText": "A great wiper blade, and another slick deal from amazon with the B1G1 Free promotion!\n\nThanks Amazon!", "summary": "Great product!", "unixReviewTime": 1242000000} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A34UGTE1NAZSSL", "asin": "B0009IQZPW", "reviewerName": "Amazon Customer", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A1EPPRHLD89JHG", "asin": "B000CMHKRC", "style": {"Color:": " Original Version"}, "reviewerName": "Ryan N", "reviewText": "Worked great for the front pads of my 08 A3. Rears are a PITA and require a different tool. Rented it from AutoZone.", "summary": "Worked great for the front pads of my 08 A3", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A3H5PLZKNAAUVW", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "consumer67", "reviewText": "Very easy to use, fits yoru hand well. and is accurate as well. Great Item", "summary": "Get one", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A1VPN54OUQPR4S", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Jim R", "reviewText": "The tire gauge works great for schraeder valves. It connects easily and is easy to read. I would also like one for presta valves.", "summary": "Quick inflation", "unixReviewTime": 1402272000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A1JXHIN0PF900Q", "asin": "B0009TS1MQ", "reviewerName": "Bob", "reviewText": "As usual the McGard products are of superior quality. The plating is tough and it's solid metal. A decent, if not minor deterrent to theft.", "summary": "Great Product!", "unixReviewTime": 1376956800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A1D0TTD8SBUE0L", "asin": "B0007RDVHA", "style": {"Size:": " Pro-Strength Chrome Wheel Cleaner, 24 oz."}, "reviewerName": "jboles1", "reviewText": "this is without question, one of the best on the market. it requires little effort provides excellent results. I would recommend this product.", "summary": "chrome wheel cleaner", "unixReviewTime": 1370649600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "AQECUEAXG089K", "asin": "B000BRCGNQ", "reviewerName": "SHD9389", "reviewText": "What can you say about a Fantastic fan! It's fantastic. This on acts as an exhaust fan or a intake fan to pull the cool evening air into the camper.", "summary": "Great", "unixReviewTime": 1373500800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A3ADMVFP6Z4Y1E", "asin": "B0009IQZJS", "reviewerName": "John Smith", "reviewText": "awesome product and company to order from", "summary": "Five Stars", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2014", "reviewerID": "A353K300I9LROY", "asin": "B00029XGQ4", "style": {"Color:": " Black"}, "reviewerName": "BigGATexxan", "reviewText": "I replaced these on my truck, OE ones from 2001 weren't cutting it, so these were a major improvement. Now I get my point across and can be heard when people do stupid things.", "summary": "Very loud on my truck.", "unixReviewTime": 1400198400} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A32TVHNKDK1671", "asin": "B0009VIQ1A", "style": {"Style:": " Duster"}, "reviewerName": "Niki", "reviewText": "It's descent and good price.", "summary": "Does the job", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A1GCIZJ0JRC4OY", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 800mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Thomas Pearson", "reviewText": "Charged my battery.", "summary": "Five Stars", "unixReviewTime": 1406419200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "AK3QTU15XSU30", "asin": "B0009OR8V6", "reviewerName": "KDB", "reviewText": "If you don't have one and you do brakes, buy one now. This makes compressing the calipers easy and, done properly, will not damage your ABS system.", "summary": "Easy and safe", "unixReviewTime": 1486166400} +{"overall": 2.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "AM2QC16HSPKAQ", "asin": "B000C18Q44", "style": {"Style:": " H4666"}, "reviewerName": "medtchva", "reviewText": "These headlights are no brighter than the very old ones I replaced in a 1996 Chevy S-10. In addition, after only a couple of months of use, there's condensation building up inside one of the two I used.", "summary": "No better than the old headlights I had", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2016", "reviewerID": "A32HCP37MHXUUY", "asin": "B0000AY60S", "reviewerName": "Shaun", "reviewText": "Meguiar's waxes are some of the best you can buy;. Easy on and easy off. Great shine. I will buy this again. This is the brand I use on all of my collector cars also.", "summary": "Meguiar's Flagship Premium Marine Wax", "unixReviewTime": 1480550400} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "A1RUPR897PU2FO", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "drwebster93", "reviewText": "Nice big tube of dielectric grease. Don't bother with those tiny packets at the register at auto parts stores, this is the way to go.", "summary": "Nice big tube of dielectric grease", "unixReviewTime": 1442880000} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A3QDX169ELJ5U3", "asin": "B00075XCT4", "reviewerName": "Cristian R.", "reviewText": "2000 Jeep Grand Cherokee Laredo with skid plates. Good quality product seems durable, but it is a pain to put on.", "summary": "2000 Jeep Grand Cherokee Laredo", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2RU8SN2GSD0IX", "asin": "B0006IX80A", "style": {"Color:": " White", "Style:": " Jensen (Metal Base '94 & Up Models)"}, "reviewerName": "Paka's thoughts", "reviewText": "Nice lid! Old one had a hole. Glad to find this one that fit right on with no modifications. Be careful to order the right one. Just watch what you're doing and install it carefully. Works fine. Thanks!", "summary": "Nice lid! Old one had a hole", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A1PGNMIJ6AZ3YT", "asin": "B000B8YDUO", "reviewerName": "TheLastAndTheCurious", "reviewText": "Does what it says. Great for holding O-Rings and gaskets in place during assembly", "summary": "Great for holding O-Rings and gaskets in place during", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A3PPF58JR4BET0", "asin": "B0001CMUV4", "reviewerName": "Amazon Customer", "reviewText": "Glad that Amazon showed me these were frequently bought together item. Not sure why they don't include these with the cargo carrier. This is almost a must have.", "summary": "Glad that Amazon showed me these were frequently bought together ...", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A38AH2XGOVSC77", "asin": "B000CQOIPU", "style": {"Style:": " 5.25 in Drop"}, "reviewerName": "Derek G", "reviewText": "Installed as a riser hitch on a 2016 Honda Odyssey. This hitch makes attachment of the ball incredibly easy. Dual holes in the square tube allow varying the length that the hitch protrudes from the vehicle, which is very handy.", "summary": "This hitch makes attachment of the ball incredibly easy. Dual holes in the square tube allow varying ...", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A9X6ZGZXREHHY", "asin": "B000BPZ4SW", "reviewerName": "gail stewart", "reviewText": "As Advertized", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"reviewerID": "APKHI1AD9AYZW", "asin": "B000C7YJP8", "reviewerName": "Ben", "verified": true, "reviewText": "Tossed this into an 1987 Ford F-150 with the 5.0L V8, had a temp sensor code I found with my scanner. Replaced with this part, problem solved.", "overall": 5.0, "reviewTime": "07 7, 2014", "summary": "Precise fit for 87 Ford truck", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "A3O3JXEHJ2QN5R", "asin": "B00029JXNO", "reviewerName": "Roger H.", "reviewText": "look good", "summary": "Five Stars", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": false, "reviewTime": "10 20, 2016", "reviewerID": "A14VQ5JVNYYZ1O", "asin": "B000AM8BLI", "style": {"Style Name:": " 3157NA/4157NA"}, "reviewerName": "L. Lilly", "reviewText": "Good quality bulbs. For my 2005 Toyota Corolla", "summary": "Good quality bulbs.", "unixReviewTime": 1476921600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 4, 2011", "reviewerID": "A2R8QRDT7OY7D6", "asin": "B000C9TD2K", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "littlejohn252", "reviewText": "I have been using Wix for years on all of my vehicles and have had very good results. Product was shipped promptly and arrived well packaged. I'd recommend Wix and Amazon every time for your filter needs.", "summary": "Great product", "unixReviewTime": 1317686400} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A3VUS4IH9HM8AA", "asin": "B000COC67E", "reviewerName": "Glen Russell", "reviewText": "great", "summary": "Four Stars", "unixReviewTime": 1448323200} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "11 13, 2009", "reviewerID": "A1EH2S92FHWZRP", "asin": "B0006H00ZW", "style": {"Size:": " One Size", "Color:": " One Color"}, "reviewerName": "Just a guy", "reviewText": "This is a portion of the Thule system. You need load bars, a fit kit, and a foot pack. This foot pack includes the lock cap (not the locks) and the load bar end caps.", "summary": "work great hold up well needs fit pack to function", "unixReviewTime": 1258070400} +{"reviewerID": "A1JWWX1C9XRYDJ", "asin": "B000C5SGA4", "reviewerName": "david", "verified": true, "reviewText": "worked good, fit perfectly cable was correct lenght", "overall": 5.0, "reviewTime": "12 6, 2016", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "ADOICVM3XXPU4", "asin": "B0009JB7GI", "style": {"Style:": " 4 DC sockets"}, "reviewerName": "Oley", "reviewText": "This is a well made product that allows me to use several different 12V powered devices at once. I have one in my motor home and another in my car.", "summary": "great product", "unixReviewTime": 1447200000} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A1XXZDKHZT6025", "asin": "B0009IQZ1Q", "style": {"Style:": " Ultra Synthetic"}, "reviewerName": "Regular user", "reviewText": "Good way to go when changing to synthetic fluids.", "summary": "Five Stars", "unixReviewTime": 1437091200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A3UAULX82QWCEI", "asin": "B000C2UCU4", "reviewerName": "Wendi M Persinger", "reviewText": "Fit just like the factory. No complaints.", "summary": "Factory Fit....", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A1FPKU1RUOMKAI", "asin": "B0002STSQM", "style": {"Size:": " Single"}, "reviewerName": "Frederick R. Ludwick", "reviewText": "Does what it needs to.", "summary": "Five Stars", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A3V1QNQJ3SBQ0B", "asin": "B0006SH4HS", "reviewerName": "Marilyn hatt", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A36WQ1KU50Q69V", "asin": "B0002MAILC", "style": {"Style:": " 9005"}, "reviewerName": "Amazon Customer", "reviewText": "Really bright with a nice white light", "summary": "Very bright!", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A39GBR98ZPEJ9D", "asin": "B0000AZ9KS", "reviewerName": "Lamar B.", "reviewText": "Does the job i need.", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2018", "reviewerID": "A1AH6DQ4AKVWVQ", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK1410"}, "reviewerName": "Daniel", "reviewText": "Works as expected.", "summary": "Five Stars", "unixReviewTime": 1524268800} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A10C2LNRK4SMJL", "asin": "B000B6JJUK", "reviewerName": "Consumer King", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A3G980SMFUTECC", "asin": "B0002F68JU", "style": {"Size:": " 236\""}, "reviewerName": "Ed Motter", "reviewText": "Very nice", "summary": "Five Stars", "unixReviewTime": 1503014400} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "ALCNP69FHTCT3", "asin": "B000765DI6", "reviewerName": "Randy Howerton", "reviewText": "Can only mount using 4 of the 6 holes. Displaces spare tire, and not sure yet how to handle the tires relocation", "summary": "Good quality product, but mounting issue", "unixReviewTime": 1476403200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A2OJR1L8KUTT0K", "asin": "B00092CKN4", "style": {"Size:": " 13 Ounces"}, "reviewerName": "richard hennigh", "reviewText": "keeps my comp screen clean and dust free", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "A3TDSLRZ38X54M", "asin": "B0002U1TX0", "style": {"Size:": " Carnauba Liquid Wax, 1 Gallon"}, "reviewerName": "Danny Bedgood", "reviewText": "Love the Mothers products.", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A3I093DEFVCUUY", "asin": "B000BHKZIE", "reviewerName": "D.Graham", "reviewText": "I've been using these for awhile now and they work well. I would like to point out to anyone unaware, that these hoses are 1/2\" and you'll likely need a 1/4\" adapter to connect to a recovery machine or vacuum pump.", "summary": "Need 1/4\" female to 1/2\" male adapter", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A3N37IWYXIEFL0", "asin": "B000CPJMY8", "style": {"Size:": " 14 Ounce"}, "reviewerName": "Brandon", "reviewText": "Enough to do both wheel bearing changes. Great grease and since it is bright blue, very easy to clean up and remove excess grease.", "summary": "Great grease and since it is bright blue", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "A38KF46MQAUCXX", "asin": "B000CMHVBW", "reviewerName": "Michael B.", "reviewText": "Put these on every trailer I repair", "summary": "Great box", "unixReviewTime": 1499817600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "AEJFY34G904TK", "asin": "B0009IBJCQ", "reviewerName": "IA RidgeRunner", "reviewText": "I have had a model made by Schumacher for many years that has been reliable. When my son put a charger on his \"wish list\", I knew which brand to choose from.", "summary": "Reliable!", "unixReviewTime": 1392422400} +{"reviewerID": "A1E3QTY2AET3NV", "asin": "B000BUV1RK", "reviewerName": "Alex113st", "verified": true, "reviewText": "i would have to say this is one of the best heaters on the market I use it in my work trailer and when I walk in in the morning every thing is warm, as it heats every thing to the same temp.", "overall": 5.0, "reviewTime": "03 19, 2014", "summary": "Awesome heater.", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "AR83NM3X6SV7", "asin": "B000C846MI", "reviewerName": "Amazon Customer", "reviewText": "Fits perfectly.", "summary": "Five Stars", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2014", "reviewerID": "AC4HGDV9303YH", "asin": "B000B8JUM0", "reviewerName": "Lee C.", "reviewText": "What can you say about a gas cap? I went with this over the locking version, because I have seen those break numerous times and then you can't get your cap off.\n\nFit perfectly and does what it is supposed to do.", "summary": "What can you say", "unixReviewTime": 1393286400} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "AFYCFHWTSPJP7", "asin": "B0009TCR8U", "reviewerName": "Lawrence R. Wright", "reviewText": "Looks well made but (A) I wish there was a stainless option and (b) too big a threaded shaft to fit the Curt brand ball mount, so now I need to go to a machine shop. The \"rise\" feature is great for leveling out a load for those of us towing with small, low vehicles.", "summary": "Need that \"rise\"", "unixReviewTime": 1445904000} +{"overall": 3.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A5UHWF859TQOI", "asin": "B000DN7T3A", "reviewerName": "lartross", "reviewText": "They just aren't as loud as I had hoped", "summary": "Three Stars", "unixReviewTime": 1424563200} +{"overall": 3.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A3L93XLCOO8U49", "asin": "B000C9WLEC", "reviewerName": "Whaaat", "reviewText": "Looks ok 2 me Haven't installed it but I expect it will fit. Price was good. Will buy again if all goes well", "summary": "Its OK", "unixReviewTime": 1410220800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A2EZBKKBVLNXQ4", "asin": "B00009K762", "style": {"Size:": " 15\"x15\""}, "reviewerName": "kyldh", "reviewText": "I remember growing up and always seeing one of these net straps over the passenger seat of my Dad's motorcycle. Now I know why. I use mine all the time for my jacket... extra helmet... whatever else... great strap to have with you at all times on the bike.", "summary": "A million uses", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A13BU3B3CBLRFB", "asin": "B0006HOT8G", "style": {"Size:": " 12-mm X 1.50"}, "reviewerName": "David", "reviewText": "Quality lug nuts. Exactly what I needed for my new rims.", "summary": "Quality tough lug nuts from a reputable company!", "unixReviewTime": 1454371200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "ASDA0NBW0LL9C", "asin": "B000BOAX1G", "style": {"Size:": " other"}, "reviewerName": "Tuan D. Pham", "reviewText": "excellent...but cheaper at walmart", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A33PMFYF01DAB", "asin": "B000C57LFK", "reviewerName": "John T.", "reviewText": "Great product!", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "AMCAZ4RTTD2V2", "asin": "B000CPAV8Y", "reviewerName": "Ian MacIntyre", "reviewText": "used to paint a set of new calipers so far so good, no flaking or strange texture just looks painted\n\nsnow and ice will be a different story but so far so good", "summary": "caliper paint", "unixReviewTime": 1381104000} +{"overall": 3.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A1N515U85QOAYS", "asin": "B000C59WQ6", "reviewerName": "Amazon Customer", "reviewText": "Part looked and fit good. The only issue was I had to put a thick washer under the castle nut because the hole for the pin was below the top of the nut.", "summary": "Part looked and fit good. The only issue was I had to put ...", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A38BRR8HQWN9UF", "asin": "B000COX0JM", "reviewerName": "kode3", "reviewText": "Every time, every car.", "summary": "A+ stuff for real", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A52LEP6ND1R9M", "asin": "B000E970SC", "reviewerName": "B. Farland", "reviewText": "Great product great price and fast shipping !!!", "summary": "Five Stars", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2016", "reviewerID": "A25XM6VQFB2LTG", "asin": "B0000BYO97", "reviewerName": "keven i.", "reviewText": "I have two Audis and use this for every oil change. Pump it walk away and come back. Simplifies oil changes!!", "summary": "You really need this!", "unixReviewTime": 1479513600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2013", "reviewerID": "A1DE6TBSLU26YC", "asin": "B00062ZFLQ", "reviewerName": "Ilvia Romero", "reviewText": "I cant really tell any increase in torque horsepower or fuel economy, but I trust K&N and I don't have to replace it every 10k miles... Or ever for that matter haha", "summary": "Fit right in my vr6 gti :)", "unixReviewTime": 1366329600} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "AEXCBIYPSIHER", "asin": "B000C31KQS", "style": {"Style:": " Extra Guard"}, "reviewerName": "silvio navarro", "reviewText": "very good product", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "AFL4AT383OCRT", "asin": "B000BUU5YU", "style": {"Size:": " 50 Feet", "Style Name:": " Camco Heavy Duty RV Auto Extension Cord with PowerGrip Handle, Includes Convenient Carrying Strap - 50ft (10 Guage, 30 Amp) (55197)"}, "reviewerName": "Char", "reviewText": "good price!", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A3LFX8XOMJTSGL", "asin": "B0002F9YHI", "style": {"Style:": " Leather Conditioner"}, "reviewerName": "Dayle Martin", "reviewText": "Love this stuff. It even helped bring back the leather seats in my used SRT8 seats that had never been treated. Most of the wrinkles are now nearly invisable.", "summary": "The BEST leather conditioner.", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A3S0HSMF3MU2EQ", "asin": "B000CSNK8O", "reviewerName": "danleep11", "reviewText": "Well made. Easy to install", "summary": "Easy to install", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "A30BH3EJ4R9DQ5", "asin": "B000C9SP4W", "reviewerName": "JMar", "reviewText": "Fits most chevy vehicles. Rated for 15 psi", "summary": "Five Stars", "unixReviewTime": 1500854400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A2GDEP4CFMJ2GN", "asin": "B0002BEWZQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Christopher", "reviewText": "Worked fine on a 2002 F-150", "summary": "does what it should", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A1FLNR3C7P6I3R", "asin": "B00076RLEK", "reviewerName": "L. Davidson", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2014", "reviewerID": "A1FAETFXIWAELQ", "asin": "B0002JMAKW", "reviewerName": "Taun Taun Logistics, LLC", "reviewText": "This is great stuff! I used this to do a flush on my Lexus GS400 and it works great.\n\nPros:\nBetter braking performance\nMixes with DOT3 and DOT4\nCastrol Brand so you know its good.\n\nCons:\nNone\n\nBuy with confidence and enjoy!", "summary": "Best DOT3/DOT4 Brake Fluid out there!", "unixReviewTime": 1394064000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1CFTWGPH7MEOW", "asin": "B0002SR48G", "style": {"Size:": " 1/2-4 5/8 Inch"}, "reviewerName": "Farmboy", "reviewText": "Just the right size to remove bearing", "summary": "Split This", "unixReviewTime": 1464048000} +{"overall": 3.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A82UP2UHMGR20", "asin": "B0006O2PBW", "style": {"Size:": " Single"}, "reviewerName": "James G.", "reviewText": "Great but I found them a week later at a store for a lower price", "summary": "Great", "unixReviewTime": 1424822400} +{"overall": 4.0, "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "AM99PKSI02ZBO", "asin": "B0009EUA0M", "reviewerName": "tobewiser", "reviewText": "Good value and design.", "summary": "Good value, works well in the garage.", "unixReviewTime": 1522972800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A2L6LA4UQ1QXTQ", "asin": "B000C9DHHM", "reviewerName": "Dirtymax1", "reviewText": "Easy changeout. Way less expensive than the dealer. Works great.", "summary": "Great product. Low price.", "unixReviewTime": 1485129600} +{"reviewerID": "A3SWEM9SKW4VZ5", "asin": "B0007QGT34", "reviewerName": "Todd C Brown Jr", "verified": true, "reviewText": "I put this gear oil in my truck and WOW what a difference I could feel. Even noticed a little better MPG, I had also swapped over a couple other drive line fluids too.", "overall": 5.0, "reviewTime": "05 4, 2014", "summary": "awesome fluid", "unixReviewTime": 1399161600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "AUTM589CJURXK", "asin": "B000COBCAG", "reviewerName": "Tim", "reviewText": "exactly the part I needed - they work well & are inexpensive.\nNice that you get several in the package as I tend to shoot these across the garage when removing the window handle.", "summary": "perfect part", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A1J58G2AUMEX01", "asin": "B000C59WHA", "reviewerName": "Zach T.", "reviewText": "Best price around!", "summary": "Great deal!", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "ASGAMX73SEZT3", "asin": "B00027ESJU", "style": {"Size:": " Low"}, "reviewerName": "rjmead", "reviewText": "Just as I expected from Thule. Thanks, RJMead.", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A38DRCYSLQDQAL", "asin": "B0009H52BG", "style": {"Style:": " Extra Guard"}, "reviewerName": "Win", "reviewText": "been using them since i got my drivers license. love the sure grip on these.", "summary": "great product", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A3IJ8CIQLMJJEN", "asin": "B000CPI62W", "style": {"Style:": " 4 in Drop"}, "reviewerName": "Thomas W. Houlton", "reviewText": "it's big a sturdy --should really be able to bruise my shinbone now!!", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A26SA6ECVQB7TY", "asin": "B0009ETC6U", "reviewerName": "jeremy", "reviewText": "Good deterrent bang for buck. Big bulky heavy chain. Cheap chinese welds.", "summary": "Good bang for buck", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A3FDY0A1KX341Y", "asin": "B00076RL0O", "reviewerName": "Timothy Flood", "reviewText": "Looks good", "summary": "Five Stars", "unixReviewTime": 1441497600} +{"overall": 2.0, "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "A24FP6F9QM5OKY", "asin": "B000BPS06U", "reviewerName": "Stucktruckin", "reviewText": "Pretty expensive plug for not seeing any kind of a difference in my fuel mileage. Turns out my Jeep doesn't really like them and stalls quite a bit when idling.", "summary": "Not sure they made a difference", "unixReviewTime": 1387584000} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A38YAWDBWGXRQB", "asin": "B0009N0W60", "reviewerName": "Shawn", "reviewText": "Love them! Easy on and a great look.", "summary": "Five Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "AUXI7XEH9N8P5", "asin": "B000CPCRDG", "style": {"Color:": " Black"}, "reviewerName": "Stagesmith", "reviewText": "Works well", "summary": "Five Stars", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "AC1CU4MZLG373", "asin": "B000CGRP46", "reviewerName": "Wilton Medina", "reviewText": "Complete kit for rebuilding the pump.", "summary": "Good Quality.", "unixReviewTime": 1419033600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A31PH3PSK3DRG5", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "sharkcage", "reviewText": "Use this all the time, way better than the old style", "summary": "way better than the old", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2017", "reviewerID": "A1A3UWKFNQ99N6", "asin": "B000E4SOPU", "reviewerName": "Amazon Customer", "reviewText": "Exact fit for my 99 Chevy suburban. Works great, fairly easy install", "summary": "Just what I needed", "unixReviewTime": 1495843200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2012", "reviewerID": "A19TUQD0GBXBYE", "asin": "B0002SRL20", "reviewerName": "J. Hudson", "reviewText": "I have had this for almost two years. I am careful not to bang it around, but still, I have had no trouble. The angled stem is great for tight places. I fill a lot of small tires with hard to get to stems. The gauge is easy to read - even with \"old\" eyes.", "summary": "Fantastic and rugged air gauge", "unixReviewTime": 1342396800} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2017", "reviewerID": "A2VXZWW0DB21GX", "asin": "B0002Q80GS", "reviewerName": "Joe", "reviewText": "Just as described", "summary": "Four Stars", "unixReviewTime": 1507939200} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "AIVO909KO7AYI", "asin": "B000BRFS8Q", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "George B.", "reviewText": "I ended up buying 2 of these because of the size of my roof. It worked great as my cool coat went smooth and adheared great to my RV roof and looks like a million bucks.", "summary": "Great product easy to use", "unixReviewTime": 1418601600} +{"overall": 2.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A3O9M9TKZFC2DM", "asin": "B000CO94E2", "reviewerName": "JandY_Serna", "reviewText": "Doesn't fit tight. Constantly have to pick off floor after shifting gears, from park, to drive, to reverse.", "summary": "Not OEM quality", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A1VVZ4REECNU8I", "asin": "B0009I1WF0", "style": {"Size:": " 36\" - 39\" Wheel Diameter", "Color:": " Grey"}, "reviewerName": "Christian", "reviewText": "Tough made. Wish it had straps to tie up the covers", "summary": "Five Stars", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "ACU31TH7X4Y8T", "asin": "B000C5I2YO", "reviewerName": "Phils Deal", "reviewText": "Slipped right onto petal. Fits good.", "summary": "For my 2003 F-150.", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "A1MLMIMNNHXFPB", "asin": "B000E2CVEM", "reviewerName": "Aaron Ward", "reviewText": "Works in my Ducati Monster 800 as expected. Reasonable price and Prime shipping is great for this item.", "summary": "Nice", "unixReviewTime": 1366675200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "ASPL1FAA89VZJ", "asin": "B000C7QMBM", "reviewerName": "monte gordon", "reviewText": "Exact fit.", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A3W0RTZVWMDE1O", "asin": "B0002Q80RW", "reviewerName": "Ron C.", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "A3QZMXQXLULLOV", "asin": "B0000AZ6NH", "reviewerName": "Ken K", "reviewText": "Needed new ones for my boat and trailer, these worked great, did not come loose during trips to and from the lake.", "summary": "Works great", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "AGL0ONTL2C8L5", "asin": "B000BXKZ5G", "style": {"Number of Items:": " 4"}, "reviewerName": "Bob Arnett", "reviewText": "Just right. No problems.", "summary": "Five Stars", "unixReviewTime": 1496966400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2011", "reviewerID": "A3HD9Y94L5CTPT", "asin": "B0009I2OIE", "reviewerName": "sledhead", "reviewText": "as easy as plug and play. used it for my electric brake setup and worked without a hitch without cutting and taping wires.", "summary": "just plug and go", "unixReviewTime": 1319414400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "ATTOE91RTH4PX", "asin": "B0002SR6XE", "reviewerName": "Dustin", "reviewText": "If you own a Jeep or off road rig, you will need to have these on hand. Works great when greasing the aftermarket drive shaft cardon joint. Plus a lot cheaper on Amazon vs the local part store.", "summary": "A must need item for Jeep owners!!", "unixReviewTime": 1518912000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A3TGWNZJ7HX1HS", "asin": "B000CD8HH8", "style": {"Size:": " 18\"", "Style:": " 900181B"}, "reviewerName": "Jason Crawford", "reviewText": "Great Price!", "summary": "Five Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A31JZMEJ7N9TQG", "asin": "B0002V9IFU", "style": {"Size:": " 15.2 Ounce"}, "reviewerName": "Tony from Florida", "reviewText": "I have a 16 year old car with decent dark charcoal leather seats. I used this on the seats and was quite impressed with the results. I took my car in the MB dealership for service and the server rep commented on how nice the interior was after 16 years.", "summary": "Meguiar's Leather Treatment", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2013", "reviewerID": "A3C3OEGXYRP1W4", "asin": "B000E28MSG", "style": {"Color:": " Chrome"}, "reviewerName": "Rando", "reviewText": "Chrome makes everything look better, and the quality and function of this oil filter is very good. I would recommend it to any biker..", "summary": "Nice Looking Filter", "unixReviewTime": 1358640000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A3NA9L829MTD5L", "asin": "B0007ZG9TO", "style": {"Size:": " 1"}, "reviewerName": "Robert J. Evers", "reviewText": "good as always", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "A31XRWRREE6JPS", "asin": "B000CIQ5DG", "reviewerName": "bradly", "reviewText": "Put it in my century resorter and it works great no problems", "summary": "Five Stars", "unixReviewTime": 1510876800} +{"overall": 3.0, "verified": true, "reviewTime": "05 21, 2014", "reviewerID": "AR4VOV15VD7KC", "asin": "B000BPSVV4", "style": {"Style:": " Black"}, "reviewerName": "ima cellgod", "reviewText": "it took two weeks for me not to smell this in the car. And the smell is still on my hands after i drive. I had to get this because i am addicted to the ribs when driving. I would suggest they let their stock air our. Or when you buy it let it air out side for a week.", "summary": "stinks", "unixReviewTime": 1400630400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "AJXXJ90I542LA", "asin": "B0009OMYDS", "reviewerName": "eddy", "reviewText": "Chemical resistant and bristles are made of good material for cleaning", "summary": "Good product", "unixReviewTime": 1480377600} +{"overall": 3.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A3F8TKXL64QQEZ", "asin": "B0002KO4S2", "style": {"Size:": " 8-Piece Hook and Pick Set"}, "reviewerName": "Elliott Mendenhall", "reviewText": "Product was satisfactory. Nothing spectacular. Plastic hande was very slippery. Needs better grip.", "summary": "Just okay", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A6U75KGQPG7BW", "asin": "B0002NIKLQ", "reviewerName": "DanP", "reviewText": "Looks and Fits Great..", "summary": "Brand Looks great on the back of my Truck...", "unixReviewTime": 1423612800} +{"overall": 1.0, "verified": true, "reviewTime": "04 11, 2013", "reviewerID": "ABY7ZUPSW3EQ9", "asin": "B000C5DZQE", "reviewerName": "FTX42", "reviewText": "These heater control valves are known for having a high failure rate; just ask the auto parts store guys.\nThis is my fourth replacement. Best to carry a spare in the vehicle.", "summary": "Cheap part", "unixReviewTime": 1365638400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A305WNUATN3ZEH", "asin": "B000CP8EYW", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Boomer Sooner", "reviewText": "Always use Redline when I can get it. This 20w-60 is needed for this hot Florida climate.", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 14, 2014", "reviewerID": "A3TAKXA5BC9S58", "asin": "B000CLAYUS", "reviewerName": "Lilia Tacoronte", "reviewText": "This filter seems a little flimsy ate first. Once in the filter holder it fits with no issues and works!", "summary": "Good inexpensive filter", "unixReviewTime": 1402704000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "AUDLAN1D4AD97", "asin": "B0002Z9QXK", "style": {"Size:": " 26 Inches"}, "reviewerName": "FJV", "reviewText": "great blade, easy to install", "summary": "great wiper blade", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "AFOEKN0YMKQ4U", "asin": "B0006N5RYK", "style": {"Size:": " 3\""}, "reviewerName": "Jon", "reviewText": "as described. Thanks!", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A2QVAGB3VBMCV3", "asin": "B000CS9Q6E", "reviewerName": "Big Guy", "reviewText": "No issues. Worked very well.", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A3T379UUEF7PCC", "asin": "B0002BEX78", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Zane", "reviewText": "Worked for my aftermarket head unit, just sucked having to crimp the wires to the head unit wires", "summary": "It works", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1U845Q5NZ2O9S", "asin": "B000C6OL70", "style": {"Size:": " single filter"}, "reviewerName": "David J Robles", "reviewText": "Perfect fit ... 06 dodge caravan !", "summary": "Five Stars", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2014", "reviewerID": "AOYJVY1VOFBQS", "asin": "B000COPDHY", "reviewerName": "HAPPYSILLYFACE", "reviewText": "Pretty simple design and plugs the hole just fine and has survived several car washes unlike other types that can get snagged and damaged.", "summary": "Looks Good!", "unixReviewTime": 1396569600} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A6VTFBLOFRUHU", "asin": "B000BUU5XG", "reviewerName": "john b.", "reviewText": "discount priced becouse it was a return, all of it was there but the box was junk / not the shipping box.", "summary": "discount priced becouse it was a return, all of ...", "unixReviewTime": 1475193600} +{"reviewerID": "A2AN0TS20XLVBS", "asin": "B0002SPCGC", "reviewerName": "cobra", "verified": true, "reviewText": "Works great. Plenty of power even using on half the power. Sure saves drying time. Gets all the water from those hidden spots that leak after your done.", "overall": 5.0, "reviewTime": "01 4, 2013", "summary": "Great", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "AH7ZIJ8AUS9T8", "asin": "B000CQ6C9K", "reviewerName": "hitesh", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A6PYHK5DMJV12", "asin": "B000CII6JM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "JOYCE DISIPIO", "reviewText": "need more", "summary": "Five Stars", "unixReviewTime": 1444953600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A3E2KH7VG5O09Q", "asin": "B000COVXDM", "reviewerName": "Michael taylor", "reviewText": "Does the job for a good orice", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2014", "reviewerID": "AFHWCCO5NHEEQ", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Evan J", "reviewText": "Works great and is cheaper than the local auto stores.", "summary": "Five Stars", "unixReviewTime": 1410048000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "AKG32WI1H9526", "asin": "B000C92RDC", "reviewerName": "toker01", "reviewText": "Good stuff\nI pull a trailer and that sometimes creates hot brakes.\nThis is superior brake fluid does not fade and is compatible with DOT 3 fluid", "summary": "Wagner FC133301 Severe Duty Dot 5.1 Brake Fluid", "unixReviewTime": 1381708800} +{"reviewerID": "A31NBG8LP2OO10", "asin": "B000BUV1RK", "reviewerName": "onlinejoe", "verified": true, "reviewText": "Didn't produce the heat it should, only warmed the pad at the bottom. Sent it back. Bought a blue flam heater.", "overall": 1.0, "reviewTime": "03 23, 2015", "summary": "Didn't produce the heat it should, only warmed the ...", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A1SBXR56PRKOKP", "asin": "B000BUU5YU", "style": {"Size:": " 15 Feet", "Style:": " 50 Amp"}, "reviewerName": "Gary M", "reviewText": "Great service the product is really made with high quality. I needed 15' foot longer in case my cable from my trailer wouldn't reach.", "summary": ".", "unixReviewTime": 1450396800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A25FOWNP885FG6", "asin": "B00029JOE2", "reviewerName": "Eugene", "reviewText": "Awesome plate for the front of my cady", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A2GK6CGQ0LCUDL", "asin": "B000CPAVIE", "style": {"Color:": " Gloss Clear"}, "reviewerName": "A.R.", "reviewText": "Used this over the rust-oleum red caliper paint and it gave it the nice baked on powder coat look. Not too shiny either. Sprayer is really good too, very good coverage.", "summary": "Nice clear gloss.", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": false, "reviewTime": "09 26, 2017", "reviewerID": "A1LMIAJH2EO4ZD", "asin": "B000CMHKRC", "style": {"Color:": " Original Version"}, "reviewerName": "Baltojeff", "reviewText": "This does what it says, however, not sure how effective it would be on multiple piston calipers. But for my use it worked perfectly. Good quality and relatively heavy duty.", "summary": "Pushed in the calipers, just like it says.", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "AZXAW5VB6UZOQ", "asin": "B000C9IK0G", "reviewerName": "Rosco", "reviewText": "Fit perfectly for a 2003 chevy tahoe, great quality replacement hose.", "summary": "great quality replacement hose", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2017", "reviewerID": "AWVJO11ANPVJN", "asin": "B000CIQ47S", "reviewerName": "AJ", "reviewText": "fit perfect, no complaint", "summary": "Five Stars", "unixReviewTime": 1505520000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A2Z3RCHF4G1U1S", "asin": "B0000AY9HO", "reviewerName": "Mark S.", "reviewText": "New product, works", "summary": "Five Stars", "unixReviewTime": 1454889600} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2011", "reviewerID": "A1O6NW9LRFMNQ3", "asin": "B000A3I26Q", "reviewerName": "Donnie Waid", "reviewText": "It works and looks really nice. Good buy for the money. Would give it 5 stars but it seems to be very flimsy. Let's see how long it holds up. For what it costs no one should complain if it lasts a year. Donnie", "summary": "Nice Light", "unixReviewTime": 1297555200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A2EIX7T6CN6IPT", "asin": "B000B8JUM0", "reviewerName": "dakota67", "reviewText": "Was the fix for an engine that was stalling at idle on a slight incline. Saved alot compared to a repairt shop.\nVehicle 1995 Buick Park Avenue Ultra", "summary": "Cheap fix", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A222AHMMKYCS0X", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 3.35 oz."}, "reviewerName": "Mark Herron", "reviewText": "It's gasket maker...just what you expect...cheaper than the parts store", "summary": "Did the job!", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A185OWVTJFXYGZ", "asin": "B000C55MVU", "reviewerName": "Rowdy", "reviewText": "Keeps the ol truck from bouncing. No more moving all over the road ,,love em", "summary": "love", "unixReviewTime": 1470009600} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "AXY3NS79108AH", "asin": "B000BUU5XQ", "style": {"Style:": " Regular"}, "reviewerName": "Nick P.", "reviewText": "Tend to hold dirt and sand underneath", "summary": "Four Stars", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2010", "reviewerID": "A3IT9B33NWYQSL", "asin": "B0002SR4PY", "reviewerName": "A. C.", "reviewText": "Why do they torque the filter to 300ft lb anyway? No matter, this works great to get them off. Will even crush the can, if it takes that much force to get it off.\n\nUPDATE July 25, 2013 These even work great in air ratchets! :D", "summary": "Very handy for those filters installed by quickie places", "unixReviewTime": 1284163200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A39Y40QVJU72XO", "asin": "B000BPWSIQ", "reviewerName": "Michael Smith", "reviewText": "Just what I order very nice.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2014", "reviewerID": "AOYNAR4QUXO3E", "asin": "B000CB6ACO", "reviewerName": "James L. Miles", "reviewText": "Put these on my new(to me) 2006 Toyota Tundra and so far they are working very well. Will definitely buy another pair of these blades when these wear out. Wiper blades seem to last about the same time no matter what you pay for them.", "summary": "Working well for me", "unixReviewTime": 1399680000} +{"overall": 4.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A3BA5Y9O8JQTMY", "asin": "B000CIKAPA", "reviewerName": "The music man", "reviewText": "I purchased these for my 2002 Silverado, they went on pretty easy. My truck was too jacked up from the back, now it sits more even. Nice improvement for not too much money. Belltech makes a decent product.", "summary": "Shackle kit for my 2002 Silverado", "unixReviewTime": 1472860800} +{"reviewerID": "A59P4HF0IM8O2", "asin": "B000CAYTJ6", "reviewerName": "Kneelzsteex", "verified": true, "reviewText": "Got as quickly as NAPA could get in stock. Good as OEM", "overall": 5.0, "reviewTime": "01 2, 2018", "summary": "Quality", "unixReviewTime": 1514851200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A2VOVJQVTCQPL2", "asin": "B000BRJVUW", "reviewerName": "Cory M.", "reviewText": "Very nice quality switch. Worked out great.", "summary": "Good buy.", "unixReviewTime": 1431475200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A38BDZVVDI5QN9", "asin": "B000BOAX1G", "style": {"Size:": " other"}, "reviewerName": "themanfo", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A6WQW12NGQAGJ", "asin": "B0009IK5RG", "style": {"Size:": " 13 Inches, (Pack of 1)"}, "reviewerName": "BUTCHT1", "reviewText": "Excellent price.", "summary": "Five Stars", "unixReviewTime": 1497571200} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A4BLA5JU33LLM", "asin": "B00065VGUC", "style": {"Number of Items:": " 1"}, "reviewerName": "Terry T", "reviewText": "Works as expected", "summary": "Four Stars", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A6JCKG3RS7V30", "asin": "B000C7QIAW", "reviewerName": "kcakouros", "reviewText": "FIT THE 1970 F100 , WAS A QUILITY REPLACEMENT FOR THE ORIGNAL. PERFORMS WELL AND WAS EXCATLY HAS DESCRIBED. I WOULD BUY ANOTHER ONE IF NEEDED.", "summary": "restored and perfect", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A1O8XV8GGADTB1", "asin": "B0002UQAXY", "reviewerName": "Heck", "reviewText": "Great Product. Very Nice!", "summary": "Great Product. Very Nice!", "unixReviewTime": 1440720000} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "ATMT3GAYI51HS", "asin": "B000C9S5GU", "reviewerName": "Lucki", "reviewText": "This oil filter does the job it was easy to fit and I would use it again. No hesitation in recommending this product", "summary": "No Issues", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A16HA1QAOJD6XX", "asin": "B00030AVCY", "reviewerName": "rjeii2", "reviewText": "had to put some super glue on it cuz the tape started to wear but i like it still", "summary": "Five Stars", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A31ESACN50R8VO", "asin": "B0006MRRU8", "style": {"Size:": " Quantity 1"}, "reviewerName": "Pmflyer", "reviewText": "great product and company to deal with !", "summary": "Five Stars", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A1NXQMISG8GO6Z", "asin": "B0006V0LNY", "reviewerName": "Z. Cardoza", "reviewText": "This stuff is unreal. Used it in a granite sink. Can't wait to slap it on my truck!", "summary": "Unreal", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A1P39Q6BOBK1ZS", "asin": "B0002SRGXY", "style": {"Style:": " Brake Anchor Pin Service Kit"}, "reviewerName": "P.S.", "reviewText": "SUPER STRONG STEEL!", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A2UPZMFV7UKH9N", "asin": "B000BZZRIY", "reviewerName": "Betty G", "reviewText": "perfect price, fast shipping.", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A1JV8XF9CRH5UE", "asin": "B0009H51ZS", "reviewerName": "Ha b.", "reviewText": "Perfect for my truck.", "summary": "Five Stars", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A2S8QWPBB83T67", "asin": "B00068AJPM", "style": {"Size:": " 64 oz."}, "reviewerName": "Justavet", "reviewText": "Mothers' products are always top notch. An ounce or so in a 2 gallon bucket and you have all the suds and cleaning power you need for the average wash.", "summary": "Mothers' products are always top notch. An ounce or ...", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A1K203IA3T6Q0D", "asin": "B000BZJ6J0", "reviewerName": "Martinzmayde", "reviewText": "Works as described", "summary": "Five Stars", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A1XGUNI1DHK7FD", "asin": "B000BUQOCM", "style": {"Style:": " With Hose"}, "reviewerName": "RV", "reviewText": "excellent buy.", "summary": "Five Stars", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A36YGNDVNNSCYT", "asin": "B0002MA4WK", "style": {"Size:": " full size"}, "reviewerName": "MdvGator", "reviewText": "Easy set up and they work great. I use it to load my smoker on an enclosed trailer and they are a back saver.", "summary": "Excellent Ramp Solution", "unixReviewTime": 1444262400} +{"overall": 1.0, "verified": true, "reviewTime": "10 3, 2017", "reviewerID": "A8T6LQ5G52LLB", "asin": "B0002MAILC", "style": {"Style:": " H9"}, "reviewerName": "James J.", "reviewText": "I bought these to replace my stock bulbs and to be honest they were the same as far as light output. I will be putting my LED bulbs back in until I can find something that is brighter and/or better. These unfortunately go in the trash.", "summary": "Disappointed", "unixReviewTime": 1506988800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "AAL8RMURM6XYA", "asin": "B0002H335A", "style": {"Size:": " 2 Ton"}, "reviewerName": "IM", "reviewText": "sturdy & easy to use. very useful for a small trailer", "summary": "sturdy stands", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "AKBGK6QXZWETL", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2220"}, "reviewerName": "Ramon", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A3TYVXOE8KRQNR", "asin": "B000CEP1RG", "reviewerName": "Matthew Grant", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "AFL4AT383OCRT", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "Char", "reviewText": "works very well!", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "A3C5BUZADBDXKX", "asin": "B000C3XDAY", "reviewerName": "damguy56", "reviewText": "good filter", "summary": "good", "unixReviewTime": 1422921600} +{"reviewerID": "A2XEIXD9SXFVTZ", "asin": "B000E301IO", "reviewerName": "Mark", "verified": true, "reviewText": "Worked perfectly. It took considerable patience to install but many will be able to do this in 40 mins or less if you have a little mechanical ability.", "overall": 5.0, "reviewTime": "01 16, 2016", "summary": "Sagging Rear Window Problem Solved!", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A1G3QV0EKK2YMJ", "asin": "B000CQFUQ6", "reviewerName": "BRS", "reviewText": "Great quality.", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": false, "reviewTime": "07 22, 2014", "reviewerID": "A6RXHHCA9OB1L", "asin": "B000COC67E", "reviewerName": "Tarheel", "reviewText": "Must have for a motorcycle workshop. Easy to put together and works quite well. Good quality seats and casters. Withstands heavy use.", "summary": "Easy to put together and works quite well", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "AYQNWE3AX4H08", "asin": "B000CPJMY8", "style": {"Size:": " 14 Ounce"}, "reviewerName": "arl6969", "reviewText": "I use this stuff on any nut-n-blot that sees water inside or out(prevents corrosion),not just for water type bearings and marine application-seems to work good", "summary": "multi-useful", "unixReviewTime": 1359417600} +{"overall": 1.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "ASJQO19NGKPTQ", "asin": "B000BRJVUW", "reviewerName": "BULL HEAD", "reviewText": "small", "summary": "One Star", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2017", "reviewerID": "A3JKCH918TNE5D", "asin": "B000BZJE9C", "reviewerName": "Luigi Serio", "reviewText": "Very pleased with the quality and performance of this fuel pump. For my 2004 BMW 330i. Easy install. And throttle response is crazy good, again. Truly like I remember it being when I bought the car. Excellent!", "summary": "Excellent Quality and Performance", "unixReviewTime": 1514592000} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2017", "reviewerID": "APCLTI4JD6H14", "asin": "B000BPSV0K", "style": {"Color:": " Light Grey"}, "reviewerName": "Chicago007", "reviewText": "Looks good and quite easy to put on. You must be careful not to twist the lace otherwise it will look bad and be uncomfortable for your hands. My only complaint is they should make one to better fit the larger circumference of the steering wheel on most cars these days.", "summary": "Good Looks", "unixReviewTime": 1502409600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A1VVPQ6SKJ60NS", "asin": "B0002MAJBG", "style": {"Style:": " Jeep"}, "reviewerName": "Lisa", "reviewText": "Love the lighted JEEP decal when brakes are applied", "summary": "Five Stars", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A84RGKD8PPDFY", "asin": "B000BAT9VK", "style": {"Size:": " 1 Quart (32 Ounce), (Pack of 6)"}, "reviewerName": "Jerome Parker", "reviewText": "Good product ", "summary": "Five Stars", "unixReviewTime": 1512000000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A3G1RCVWTA80X5", "asin": "B000BQSIWK", "reviewerName": "Steve Renfrow", "reviewText": "I am not fond of the timer, I had to reset this about four times to get a full charge on my car. Other than that, I think it is a good charger.", "summary": "Works as advertised", "unixReviewTime": 1486166400} +{"overall": 3.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A98IPHXGI4ZQM", "asin": "B000CN5QG8", "reviewerName": "Alan", "reviewText": "It is working its way out after several months of opening and closing the tail gate. It is not really all that efficient at keeping dirt out either.", "summary": "It is working its way out after several months of ...", "unixReviewTime": 1427673600} +{"overall": 4.0, "verified": true, "reviewTime": "11 14, 2017", "reviewerID": "A29PB8CHLXHUIK", "asin": "B0008FUH46", "reviewerName": "Schazaam", "reviewText": "The lock can be a little hard to get off of the trailer, so I took a star for that. Beyond that it's doing it's job of protecting my trailer from being stolen. 20 bucks to stop that? I'll take it!", "summary": "Simple device, but functional", "unixReviewTime": 1510617600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2013", "reviewerID": "A3AVF3HCS0CMJU", "asin": "B0002SRCKG", "style": {"Style:": " Seal Puller"}, "reviewerName": "AppleTech", "reviewText": "Love Lisle tools. I've never bought anything from them that didn't work as advertised and they are well made. This one works great and makes it easier to get out seals without gouging the mating surfaces. Must have.", "summary": "Good quality (Made in USA) Tool", "unixReviewTime": 1368230400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "AUDO7OH82G1SR", "asin": "B000CB7DG6", "reviewerName": "SapperBAF", "reviewText": "Great Price!!!", "summary": "Great value!", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A21W6QR2XHHLU8", "asin": "B000E28MTA", "style": {"Color:": " Chrome"}, "reviewerName": "Larry", "reviewText": "K&N filters are well known for their superior products. I've sold many of this product and true car and motorcyclist's like having this product. I've recommended them to friends. And this chrome filter just adds more \"bling\" to my motorcycle", "summary": "K&N filters are well known for their superior products. I've sold many of this product and ...", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A34TVPXKL09MAU", "asin": "B000BXKYYI", "reviewerName": "Ecoats", "reviewText": "Good funnel.", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A3VHB2R744VDNK", "asin": "B0007TC9LW", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Vatch", "reviewText": "I was able to remove the radio and the CD player on a 1993 Mazda MX-6. After viewing a YouTube video, i realized that i should push the pins outward to remove the radio. Otherwise the pins would just slip back out.\nPaid $4.87 with free shipping...", "summary": "Nice tool - makes the job easy", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A2LM95N51AKH9W", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "j", "reviewText": "My battery was starting to act up and not hold a good charge so I tried this to help maintain it. What a difference! My battery turns the engine over way faster now and never loses charge while I'm out", "summary": "Easy to use, makes a big difference", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A2BU6DHHNYG9VG", "asin": "B00063X7KG", "style": {"Style:": " Clay Kit"}, "reviewerName": "Amazon Customer", "reviewText": "For my bmw", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"reviewerID": "A27EYC94A42VIS", "asin": "B0000AY69V", "reviewerName": "Eric M Dahl Jr.", "verified": true, "reviewText": "Dried car well with no spots.", "overall": 5.0, "reviewTime": "08 3, 2017", "summary": "Love it", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": false, "reviewTime": "08 7, 2016", "reviewerID": "A2S5TAJ0YQPBZE", "asin": "B000BRF7QE", "style": {"Size:": " 10.3 Ounce"}, "reviewerName": "J. Armstrong - Northwoods Bookshop", "reviewText": "Nothing better for caulking an RV. Do not use silicone.", "summary": "Perfect for RVers", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A1EZKCUKG129KI", "asin": "B00075OSCO", "reviewerName": "Shyler Meier", "reviewText": "Best value i could finde for these and works really good long life", "summary": "Five Stars", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "A1H088TU8TW5DG", "asin": "B000BUU5YU", "style": {"Size:": " 25 Feet", "Style:": " 30 Amp"}, "reviewerName": "Bryant Justice", "reviewText": "nice product", "summary": "Five Stars", "unixReviewTime": 1473033600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A2YUM96XNSBC0W", "asin": "B000BHKZIE", "reviewerName": "Matthew C", "reviewText": "Great and reliable. I bought the Charbor Freight version and that did the unthinkable when it comes to a tool like this: it leaked. NO leaks with the one. Awesome and pretty good quality.. The valves are more reliable. Connectors are good.", "summary": "Excellent value and NO leaks", "unixReviewTime": 1428451200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 23, 2013", "reviewerID": "A2HQFFF63WG76T", "asin": "B000E3BVSI", "reviewerName": "keith", "reviewText": "Grrat look. Fits perfectly on my Jeep Wrangler 4X4. The 3M tape runs the length of the guards and there's 3 strips per guard. The fit is great and its tight. I don't think it will ever come off!", "summary": "great", "unixReviewTime": 1369267200} +{"overall": 3.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A1BMYBCHD94FL3", "asin": "B0009H52BG", "style": {"Style:": " Extra Guard"}, "reviewerName": "KGJ", "reviewText": "Lesser quality", "summary": "Three Stars", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "A3FA5OEIAYLB5I", "asin": "B000C9Y1FE", "reviewerName": "Amazon Customer", "reviewText": "Wix filters are highly rated and this beats the local stores price when you have prime free delivery. The only thing I noticed was they are now made (or at least this one is) in China.", "summary": "Allison Transmission filter.", "unixReviewTime": 1384905600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2017", "reviewerID": "A2GHAAIKFYTFY1", "asin": "B0009JKGKQ", "style": {"Size:": " 4 Ounces"}, "reviewerName": "PaulTD", "reviewText": "Nice size, tip is perfect for 1/4\" air fittings.", "summary": "Perfect.", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A1VYOB51W34LCX", "asin": "B00029J3KM", "reviewerName": "myoung", "reviewText": "looks and sounds great on my toyota.", "summary": "Five Stars", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A37IJM3ZJQ9B7C", "asin": "B000C57W7C", "reviewerName": "ssqueakert", "reviewText": "Seems to be functioning as expected.", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 4, 2012", "reviewerID": "A2XWC8XFUVPEPM", "asin": "B0002SRH7O", "style": {"Style:": " Front End Service Set"}, "reviewerName": "mynamemyname", "reviewText": "easier than a pickle fork...I used the puller to push out some ball joints on my 96 civic. Worked great.", "summary": "better than a pickle fork", "unixReviewTime": 1344038400} +{"overall": 3.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A1KOJ03D6S5JZX", "asin": "B000BSY9J4", "reviewerName": "Thomas C. Staab", "reviewText": "It's OK for the money. It is too bulky and all plastic. Will have to be care full so not to damage it. It will do the job as I am not a pro and cannot write off my test equipment. Arrived quickly and undamaged. Skin packaging of the item is a pain to remove.", "summary": "It's OK for the money. It is too bulky ...", "unixReviewTime": 1405209600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A3HNFJYKHOHMSM", "asin": "B000C3F3SO", "reviewerName": "JG", "reviewText": "Installed one on a Nissan Altima without issue. Very happy with the included installation hardware.", "summary": "Good stuff.", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "AF6Q81P1I9NSW", "asin": "B0007VS2PW", "reviewerName": "MD", "reviewText": "Worked great! Beware, takes nail polish off!", "summary": "Five Stars", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "A6B53E1Z258WX", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "V1k1", "reviewText": "it works great when I wash my car, and there's a lot of it! keeps it shiny and is a basic shampoo for your car", "summary": "great", "unixReviewTime": 1376870400} +{"overall": 3.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A2LFT90FBETCAC", "asin": "B000CLOU1W", "reviewerName": "James Yorke", "reviewText": "Product works fine.", "summary": "Three Stars", "unixReviewTime": 1404691200} +{"overall": 1.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A30D2NV3Q0PPO3", "asin": "B0009IK5RG", "style": {"Size:": " 24 Inches, (Pack of 1)"}, "reviewerName": "semsem1969", "reviewText": "came broken, went straight to the garbage", "summary": "One Star", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A16649LO0OFE0S", "asin": "B000CAZUW6", "reviewerName": "Amazon Customer", "reviewText": "Factory replacement part works like a dream!", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A1XJ2YFSVPRAHM", "asin": "B000ALBZDK", "style": {"Size:": " 0.5 Ounce", "Color:": " Arizona Beige Metallic"}, "reviewerName": "AM15", "reviewText": "I was doubtful of how well this would blend into the paint of my truck, but it exceeded my expectations. You can't beat it for the price!", "summary": "Excellent product.", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A20WPIPI98FVAA", "asin": "B0009IBJAS", "reviewerName": "R. Hirsch", "reviewText": "Excellent battery maintianer and slow charger. Works perfectly.", "summary": "Excellent to maintain batteries.", "unixReviewTime": 1413849600} +{"overall": 3.0, "verified": false, "reviewTime": "01 23, 2017", "reviewerID": "A3VS3HJSFP00IP", "asin": "B000CKGAV6", "style": {"Style:": " 9007"}, "reviewerName": "cantrell", "reviewText": "decent price", "summary": "Three Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A3H5S787B5GHGT", "asin": "B0009JKI7W", "style": {"Size:": " 22-Inches", "Style:": " Pack of 1"}, "reviewerName": "P.M.", "reviewText": "As advertised", "summary": "Five Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2017", "reviewerID": "A3L4WF841LLE0", "asin": "B0009U65FU", "reviewerName": "KEVIN K", "reviewText": "Best, long lasting tire shine I've ever used", "summary": "Five Stars", "unixReviewTime": 1508976000} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2ONA8AOOSVOC6", "asin": "B00063X38M", "style": {"Size:": " 5 Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "good and sticky", "summary": "Five Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A2T64WWMYXCRP4", "asin": "B000CB7BAY", "reviewerName": "Amazon Customer", "reviewText": "works great, used the Trico 47-700 7mm Break to Fit Narrow Refill to refill it", "summary": "works great, used the Trico 47-700 7mm Break to Fit Narrow Refill to refill it", "unixReviewTime": 1460678400} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A1EC0UN1LXYEHH", "asin": "B000C9WJ8K", "reviewerName": "GeekFrog", "reviewText": "Installed it on an old 3 HP outboard motor and while it is a little ridiculous, since the filter holds like a tenth of what the gas tank does on its own, I really like it. I like that it is clear and I got a bonus increase in fuel capacity.", "summary": "Good filter", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A5OW5IOI4DHQJ", "asin": "B000C1LW0E", "reviewerName": "Gene", "reviewText": "I used this for my 66 VW beetle that was getting vapor lock from the horrible ethanol laced gas that the EPA force us all to use. No more vapor lock ... but ethanol fuel still is a joke ...", "summary": "... VW beetle that was getting vapor lock from the horrible ethanol laced gas that the EPA and the \"climate ...", "unixReviewTime": 1484956800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "12 5, 2013", "reviewerID": "A1N00UR3VXPLU6", "asin": "B000C53XRK", "reviewerName": "Aaron", "reviewText": "I have a 1996 Jeep Grand Cherokee v8 5.2. Perfect fit, took care of a lot of steering problems, very easy install.", "summary": "Works like a charm.", "unixReviewTime": 1386201600} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A1YN92WBYWJI8V", "asin": "B000BNYMX2", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Gerald Masso", "reviewText": "the best oil ever...", "summary": "Five Stars", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A3VD1YOSBARRJK", "asin": "B000C822PQ", "reviewerName": "T. S. Eliot", "reviewText": "Perfect fit like original. Seals vapors. Like it.", "summary": "Gas cap replacement", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A2PO47ZWE85WJ3", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "Brian Holmes", "reviewText": "a=", "summary": "Five Stars", "unixReviewTime": 1485043200} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A3H0T1LK426QTQ", "asin": "B0002BG6RI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "ethompson49", "reviewText": "Fits just fine.....looks great !", "summary": "Four Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A3A7E0IURG9MGM", "asin": "B000CQOIT6", "reviewerName": "rodney elledge", "reviewText": "very nice item,fast shipping", "summary": "great deal", "unixReviewTime": 1490572800} +{"overall": 3.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A1KVJFSAS9AO9", "asin": "B0002MA4WK", "style": {"Size:": " full size"}, "reviewerName": "Rbud", "reviewText": "To small for my need I need a larger size.", "summary": "Three Stars", "unixReviewTime": 1505433600} +{"overall": 4.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A8ZAR5H9DC8FB", "asin": "B0002F66HY", "style": {"Size:": " F", "Color:": " White"}, "reviewerName": "Jpg", "reviewText": "Kind it thin but the price was really cheap so for the price I think it's great i'm able to change them out when I don't want the expensive one on in a certain area camping", "summary": "Then but good does it's job", "unixReviewTime": 1430265600} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A2TUKGDXU57XIY", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "HEM", "reviewText": "It does it's intended job very well.", "summary": "Four Stars", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": false, "reviewTime": "07 23, 2014", "reviewerID": "A3LCZIZ5WRID7B", "asin": "B0002SQYS2", "style": {"Size:": " 1 Gallon"}, "reviewerName": "Alea gentile", "reviewText": "soooo much cheaper then the auto stores and works very well. I use this stuff all the time. In 30 mins I can have a car looking brand new.", "summary": "Great Product", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A2QCRU1RZHA7AO", "asin": "B000BOA9RY", "style": {"Size:": " Pack of 1"}, "reviewerName": "joseph bruni", "reviewText": "product good .good price", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A23ZCYEP0N2NFP", "asin": "B000AUMYMM", "reviewerName": "Negative_Milk", "reviewText": "a nice little kit, the brush sucks though, but the paint looks good", "summary": "Four Stars", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A2ARD3BUVV4XYO", "asin": "B000CM3IEG", "reviewerName": "Amazon Customer", "reviewText": "Great Replacement part, Five Stars !!", "summary": "Five Stars", "unixReviewTime": 1497312000} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2017", "reviewerID": "A1JO612G010FBZ", "asin": "B000BQY6LW", "reviewerName": "rg", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1487462400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2013", "reviewerID": "A3J6ZLH25IUZAG", "asin": "B00062Z0DO", "reviewerName": "Andrew McGee", "reviewText": "fits perfectly and works great in my 97 jeep wrangler sport 4.0. it comes with 2 stickers too if your into that sort of thing one of them is a do not dispose sticker and the other it a k&n sticker", "summary": "fits perfectly", "unixReviewTime": 1387756800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51qigMiRkyL._SY88.jpg"], "overall": 3.0, "vote": "3", "verified": true, "reviewTime": "09 7, 2013", "reviewerID": "A21BVHKVFVUIHB", "asin": "B000COS0H4", "style": {"Color:": " Chrome"}, "reviewerName": "Stknowhere", "reviewText": "I've use McGuard for many years but was surprised to see rust deposits on the inside of 3 out of 5 packages. The lug nuts seem OK after wiping them off but this is a concern.", "summary": "Received with rust in the package?", "unixReviewTime": 1378512000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "AFYIX2EPIVHJP", "asin": "B0009I5WS8", "reviewerName": "John D.", "reviewText": "Easy install, works great.", "summary": "Five Stars", "unixReviewTime": 1497052800} +{"overall": 3.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A1JBWUC3REGAYP", "asin": "B000A6Z950", "style": {"Style:": " Passenger Side"}, "reviewerName": "glenn", "reviewText": "just like factory.", "summary": "Three Stars", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A1BRRTHNQPQVW1", "asin": "B0002TKGFS", "reviewerName": "Jimmy Rigger", "reviewText": "Awesome quality the last one bout lasted for almost 10 years. 9.5 years to be exact, even then the only thing that broke was the battery contact prongs up in the grease gun. only ever needed replacement battery after about 5 years. And we're talking daily religious use.", "summary": "Awesome quality, can't beat it.comes with everything you'll ever need.", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A1EN4SYHOFMZK7", "asin": "B000C9R1D8", "reviewerName": "Batu Colak", "reviewText": "Perfect fit, quality OEM part", "summary": "Five Stars", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3AA554K074FC", "asin": "B000C57YUM", "reviewerName": "Richard Borg", "reviewText": "Fit perfectly on my 2004 dodge ram 1500, 4x4\nBe careful with grease fittings", "summary": "Perfect fit", "unixReviewTime": 1456099200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "AC21LUXPXZEQT", "asin": "B0002SRG34", "reviewerName": "Calvin", "reviewText": "heli coil worked fine, i used it to fix my 240sx transmission crossmember bolts.\n\ni used a 13/32 drill bit to bore out the hole, then the heli coil kit.", "summary": "fixed my s13 coupe transmission crossmember bolts with this", "unixReviewTime": 1445904000} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A3NQ39RFYASZKL", "asin": "B000CKN76M", "reviewerName": "shanesmaineshop", "reviewText": "fit fine thanks", "summary": "Four Stars", "unixReviewTime": 1425772800} +{"overall": 1.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A2TGJFD6CGY0KB", "asin": "B0002CSQ6Q", "style": {"Color:": " Black", "Style:": " Brushed Red KC"}, "reviewerName": "john", "reviewText": "Lost one in the Wind Not Good", "summary": "One Star", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2017", "reviewerID": "A84Z81Q19RSVV", "asin": "B000760FX4", "style": {"Size:": " 2 Pack"}, "reviewerName": "4x4", "reviewText": "very easy to use, works as expected", "summary": "Five Stars", "unixReviewTime": 1503532800} +{"overall": 4.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "A2HASNYLI3W9ZF", "asin": "B00029WVHY", "reviewerName": "abusultanfive", "reviewText": "Very good", "summary": "Four Stars", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "ALQSLK948GGFY", "asin": "B000CQI23Y", "reviewerName": "killface", "reviewText": "Exactly what I needed to mount MSD ignition leads, stereo amplifier power line, and electric fan leads to my side mount battery posts!", "summary": "Just what I needed!", "unixReviewTime": 1425686400} +{"overall": 3.0, "verified": true, "reviewTime": "06 18, 2013", "reviewerID": "A1JU37PONGB6H8", "asin": "B0002MA4WK", "reviewerName": "ChuckVan1954", "reviewText": "I have another pair of these and they've worked ok. I didn't want to drill the holes in my tail gate since different loads require a different spacing, but loading into the back of a pickup always requires careful attention to safety.", "summary": "it'll work", "unixReviewTime": 1371513600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "ASW66VC3E3GQ5", "asin": "B0002UEOLO", "reviewerName": "William", "reviewText": "put a nice coating on my caliper slide pins. It is really good. I slathered the rod with lube and slid it in the hole. Reminded me of something else but I couldn't put my finger in it...", "summary": "lubes the rod up nice, ready for insertion", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": false, "reviewTime": "07 19, 2014", "reviewerID": "A2UW8MXY1A6D76", "asin": "B0002KL098", "reviewerName": "Customer123456", "reviewText": "Put this along with 2 quarts of ATF in my 1996 Ford Explorer(Drained the old fluid out), and it shifts like new.\n\nThis stuff works great!", "summary": "Immediate Improvement", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A1SRL9RS46YFNY", "asin": "B0000AXS24", "style": {"Color:": " Black"}, "reviewerName": "pedro vazquez", "reviewText": "Good productos", "summary": "Five Stars", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "AYNPB2QQS2QUF", "asin": "B000CONU1K", "reviewerName": "dino77dan", "reviewText": "Easy to install. Highly re ommended.", "summary": "Good quality locks.", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A28YJ3RXJM0R5P", "asin": "B00062YCGA", "style": {"Size:": " 5 Quart"}, "reviewerName": "Michael", "reviewText": "Awesome price for such good oil!", "summary": "Five Stars", "unixReviewTime": 1446336000} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "08 23, 2010", "reviewerID": "AJU1HQWCM13Y8", "asin": "B000CPAEJA", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "John Dowdell", "reviewText": "High quality CV joint grease. I use this grease in my Longfield super axles, on my 4x4.", "summary": "High quality CV joint grease", "unixReviewTime": 1282521600} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A2G7YC89EHUP2G", "asin": "B000C9WL6A", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "review", "reviewText": "Well made", "summary": "Four Stars", "unixReviewTime": 1404518400} diff --git a/keith-galli_nlp/data/test/test_Beauty.json b/keith-galli_nlp/data/test/test_Beauty.json new file mode 100644 index 0000000..faada9f --- /dev/null +++ b/keith-galli_nlp/data/test/test_Beauty.json @@ -0,0 +1,500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A309W2EPFGXK7P", "asin": "B0012Y0ZG2", "style": {"Size:": " 57"}, "reviewerName": "raisa poltun", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A2F87BBKVFB2H1", "asin": "B001OHV1H4", "style": {"Size:": " 23"}, "reviewerName": "georgina", "reviewText": "Really good", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": false, "reviewTime": "05 6, 2018", "reviewerID": "A3HIEBXDI9EQA6", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "john robbins", "reviewText": "Outstanding! Top organic shampoo!", "summary": "Five Stars", "unixReviewTime": 1525564800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2012", "reviewerID": "A2HYL1CITWDZJK", "asin": "B0012Y0ZG2", "style": {"Size:": " 265"}, "reviewerName": "Porshia Monsanto", "reviewText": "I love the feel of my skin after using the Avon Skin So Soft Fusions Dual Softening Body Wash. My skin was amazingly smooth!!", "summary": "Excellent Product", "unixReviewTime": 1347840000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A2SU85PYAB6M67", "asin": "B00MTR49IG", "reviewerName": "Carolyn Maynard", "reviewText": "Very silky and smooth is the results I received after using the product.", "summary": "Smooth and Silky hair", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A115LE3GBAO8I6", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "Leslie A. Pritchard", "reviewText": "This cream smells incredible and has made my skin so soft. Try the coordinating hand cream and massage cream. Love it!", "summary": "Awesome", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "AT55FHUTTF5DM", "asin": "B0012Y0ZG2", "style": {"Size:": " 328"}, "reviewerName": "Loonytoon.", "reviewText": "I always get compliments when I wear this perfume. It was delivered in a timely manner. It looked just like the picture. The price was nice.", "summary": "I LOVE IT!!!", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2012", "reviewerID": "A1WIWSI84T3543", "asin": "B0012Y0ZG2", "style": {"Size:": " 256"}, "reviewerName": "Bustermamaw", "reviewText": "I LOVE this product.!! It feels so good on your skin.\nI tried to order again and was told they didn't know when or if they would get it back.\nI would give this this a #5!!", "summary": "Love this Body Souffle", "unixReviewTime": 1344384000} +{"overall": 5.0, "verified": false, "reviewTime": "01 5, 2014", "reviewerID": "A36LNAKD2FOHVX", "asin": "B0012Y0ZG2", "style": {"Size:": " 181"}, "reviewerName": "Heather Marie Levan", "reviewText": "I recently had this amazing citrus salad from Whole Foods and this body wash is every bit as yummy! I don't recommend eating it of course but I highly recommend it in the morning to wake the senses. Refreshing!", "summary": "Citrus Salad", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A105A034ZG9EHO", "asin": "B0012Y0ZG2", "style": {"Size:": " 180"}, "reviewerName": "K. Mras", "reviewText": "yum", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A2WEFN5GAH3CUE", "asin": "B0012Y0ZG2", "style": {"Size:": " 32"}, "reviewerName": "carmen zook", "reviewText": "Love this shampoo, can't get enough of it! Leaves hair super soft, shiny and manageable. A little expensive to buy but well worth the investment!! Nothing else compares!", "summary": "Coretex repair formula shampoo", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A1XGD1A869SSXC", "asin": "B000URXP6E", "style": {"Size:": " 85"}, "reviewerName": "tracy morrison", "reviewText": "My favorite!!!!!", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3V0ZDC7WJX4G6", "asin": "B0012Y0ZG2", "style": {"Size:": " 3.3 oz"}, "reviewerName": "TwoCoconuts", "reviewText": "Lovely powder bomb fragrance. I adore its softness. Perfect for day or office wear. I spray with a heavy hand for use at night. Not much projection but warms to the body nicely.", "summary": "Gorgeous Scent", "unixReviewTime": 1431302400} +{"reviewerID": "A3PWCOTLFTGNJD", "asin": "B000FI4S1E", "reviewerName": "charles e fells jr", "verified": true, "reviewText": "light and summery. smells great! great service. thanks!!", "overall": 5.0, "reviewTime": "04 24, 2015", "summary": "smells great! great service", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A2JWINJJ8E1IIC", "asin": "B00006L9LC", "style": {"Size:": " 5"}, "reviewerName": "michael mcnicholas", "reviewText": "I love this shampoo . It leaves what hair l have left nice and clean.lt also smells nice.", "summary": "Five Stars", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A1UARSQWRRYEB7", "asin": "B001OHV1H4", "style": {"Size:": " 90"}, "reviewerName": "LW", "reviewText": "Love this shampoo! Recommended by a friend! Color really lasts!", "summary": "The Best!", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "AFRPK7R9KRVUC", "asin": "B000URXP6E", "style": {"Size:": " 22"}, "reviewerName": "LibbyG", "reviewText": "My favorite of the Thymes scents. It really uplifts me in the shower when I use this body wash. The scent lingers for a bit, but I like to follow up with the body lotion to really set the scent.", "summary": "Great fresh scent", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "APV301O2BXWU2", "asin": "B001OHV1H4", "style": {"Size:": " 92"}, "reviewerName": "Jim Mullery", "reviewText": "Love this shampoo and am happy to find it online", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "vote": "22", "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A14SJT4M0BP298", "asin": "B0012Y0ZG2", "style": {"Size:": " 106"}, "reviewerName": "Ramon Rodriguez", "reviewText": "Great product for relaxing!", "summary": "Five Stars", "unixReviewTime": 1513468800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3IVDKJ8B51LO0", "asin": "B00006L9LC", "style": {"Size:": " 366"}, "reviewerName": "Penney Hill", "reviewText": "Would buy more of the body cream if moire was available. This body cream is hard to come by. I buy anytime I find on a site. Lotion is easily available but the body cream is difficult to obtain. This is my signature fragrance.", "summary": "Best Product", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1QMMNAIOIP0YO", "asin": "B0012Y0ZG2", "style": {"Size:": " 31"}, "reviewerName": "Zak young", "reviewText": "It makes your scalp tingle and does a great job of cleaning your hair.", "summary": "Great for every day use.", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A1B5D7AI4KYG98", "asin": "B000URXP6E", "style": {"Size:": " 290"}, "reviewerName": "Al hermosillo", "reviewText": "Very good stuff", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "APV301O2BXWU2", "asin": "B0012Y0ZG2", "style": {"Size:": " 92"}, "reviewerName": "Jim Mullery", "reviewText": "Love this shampoo and am happy to find it online", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A2JPQVFMKT94M2", "asin": "B001OHV1H4", "style": {"Size:": " one size"}, "reviewerName": "ad", "reviewText": "This is so handy and unique! Comes in a protective pouch, and with an extra refil. Seems like it will last a long time for those who just like a little dab of a beautiful scent.", "summary": "Seems like it will last a long time for those who ...", "unixReviewTime": 1495152000} +{"reviewerID": "A3N6811PDY2QM3", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Amazing! Instant relaxation.", "overall": 5.0, "reviewTime": "04 19, 2016", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A1OZSH4XVMZO5N", "asin": "B00006L9LC", "style": {"Size:": " 7"}, "reviewerName": "Allison S.", "reviewText": "Very speedy delivery and the product was exactly as expected. For anyone who hasn't used Biolage products, START. The only shampoo/conditioner that actually performs as promised for my very long, very fine, very long hair! Would definitely buy again from this seller!", "summary": "Perfect!", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AD1RIYOFGGS37", "asin": "B000URXP6E", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "Ralph VanHoose", "reviewText": "gave the shower gel for a Christmas gift, she said she loved it, thanks rvv.", "summary": "she said she loved it, thanks rvv", "unixReviewTime": 1429401600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3JOF3FISSE7E0", "asin": "B001OHV1H4", "style": {"Size:": " 15"}, "reviewerName": "Catherine Daniel", "reviewText": "makes hair fuller and is gentle on scalp. hair feels soft.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A29WQLB8ACNZ5T", "asin": "B00006L9LC", "style": {"Size:": " 511"}, "reviewerName": "Marie Buckley", "reviewText": "I use this product daily I love it.", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2018", "reviewerID": "ARPSCXPD7FYZ4", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "thomas vanmeter", "reviewText": "Great product, I had no issues and love the way it smelled and how it made my skin feel.", "summary": "Great Product", "unixReviewTime": 1526688000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A2XFY9IT8UVY9E", "asin": "B00006L9LC", "style": {"Size:": " 379"}, "reviewerName": "KS", "reviewText": "Really love the product--has made a visible difference in my skin. Also, seller was great, product arrived MUCH sooner than expected.", "summary": "Really love the product--has made a visible difference in my skin", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A2GBIFL43U1LKJ", "asin": "B00006L9LC", "style": {"Size:": " 60"}, "reviewerName": "K.Sofia", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2014", "reviewerID": "A265U4400IMZN4", "asin": "B0012Y0ZG2", "style": {"Size:": " 1.7 oz"}, "reviewerName": "Elaine Blake", "reviewText": "Great buy\nProduct works very wel;l. Leaves skin smooth and soft\nIf you use Estee Lauder products, Amnazon is great place to save money on them", "summary": "Good Deal", "unixReviewTime": 1390780800} +{"overall": 5.0, "vote": "30", "verified": true, "reviewTime": "07 11, 2017", "reviewerID": "A35GLRQ89X0WRD", "asin": "B0012Y0ZG2", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Kelly", "reviewText": "My scalp randomly starts hating any kind of product being on it and retaliates by going crazy with eczema like symptoms that seems to last forever. This is the only shampoo and conditioner that I have found that doesn't make my scalp cranky...It's a good product!", "summary": "Good products", "unixReviewTime": 1499731200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "APRCXHKSYVYZX", "asin": "B000URXP6E", "style": {"Size:": " 7.6oz"}, "reviewerName": "Mindy", "reviewText": "One of my Favorite scents!", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3UE3Z1GP28DRW", "asin": "B0009RF9DW", "style": {"Size:": " 69"}, "reviewerName": "nila a. vehar", "reviewText": "This is perfect in many ways, fragrant, light, and clean.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "ANM9LSZS7C67V", "asin": "B0017TZD7S", "reviewerName": "Keith Alan", "reviewText": "This is great since I am on a Military base and have common showers. Makes good lather. I use the softer side and the rough side on my feet! Maybe I am a big baby, but it hurts to use the rough side anywhere else.", "summary": "Rough n Tough", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A1F8L7H54H5WFZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "FrankieTwoSocks", "reviewText": "My \"go to\" shampoo for my blonde foiled hair. The only other product I'll use aside from Pureology. Warning to new users, don't leave in too long or it will blue your hair and wait one week before using on newly highlighted hair.", "summary": "My \"go to\" shampoo for my blonde foiled hair. ...", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A39JMSWQA06ZN6", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "Bettina Janet Mc Laughlan", "reviewText": "Beautiful hair after use...shiny !", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "AFRPK7R9KRVUC", "asin": "B0009RF9DW", "style": {"Size:": " 22"}, "reviewerName": "LibbyG", "reviewText": "My favorite of the Thymes scents. It really uplifts me in the shower when I use this body wash. The scent lingers for a bit, but I like to follow up with the body lotion to really set the scent.", "summary": "Great fresh scent", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A1OZSH4XVMZO5N", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Allison S.", "reviewText": "Very speedy delivery and the product was exactly as expected. For anyone who hasn't used Biolage products, START. The only shampoo/conditioner that actually performs as promised for my very long, very fine, very long hair! Would definitely buy again from this seller!", "summary": "Perfect!", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A7M85H7UTJEKI", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "TMB", "reviewText": "This stuff smells heavenly and I am so happy to find Amazon has it! I have been importing it at a much higher price and love the convenience of ordering it now via Amazon, not to mention the price break. I use it as bubble bath daily and love it!", "summary": "Hard to find in CA!", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A1OZSH4XVMZO5N", "asin": "B000URXP6E", "style": {"Size:": " 7"}, "reviewerName": "Allison S.", "reviewText": "Very speedy delivery and the product was exactly as expected. For anyone who hasn't used Biolage products, START. The only shampoo/conditioner that actually performs as promised for my very long, very fine, very long hair! Would definitely buy again from this seller!", "summary": "Perfect!", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A2INILPDI33JG3", "asin": "B0012Y0ZG2", "style": {"Size:": " 279"}, "reviewerName": "Susan Lamparter", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-5AC628FDC3"}, "reviewerName": "Amzon Customer", "reviewText": "Love the product. OMG my husband even noticed my eyes looking better!!!", "summary": "Very nice", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JXCMOICECC61", "asin": "B000URXP6E", "style": {"Size:": " 8.0 fl. oz."}, "reviewerName": "denise blandford denise blandford", "reviewText": "Love this stuff makes my skin feel great the only brand I buy just wish it did not cost so much", "summary": "Great product", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2ANZE8NVU7BCO", "asin": "B000URXP6E", "style": {"Size:": " 186"}, "reviewerName": "Glamour Girl", "reviewText": "I love this shower gel, tiny bit makes super sudsy.", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 6, 2011", "reviewerID": "A3SFRT223XXWF7", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "C. C. Christian", "reviewText": "If you ever want to feel pampered by a shampoo this one is the one. It smells like a wonderful perfume and cleans your hair until it shines plus adding a fullness that most other shampoo's don't give you. It is expensive, but worth it!", "summary": "Bvlgari Shampoo", "unixReviewTime": 1304640000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A2WA4LQGM8X68D", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Molly", "reviewText": "Best stuff, smells great, tames frizz and leaves shiny!", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"reviewerID": "A3Q33D02J9UTT0", "asin": "B000FI4S1E", "reviewerName": "KG", "verified": false, "reviewText": "This is a great product for pampering yourself. I would recommend purchasing extra bottles as they make great gifts. This product is hard to find locally.", "overall": 5.0, "reviewTime": "08 6, 2012", "summary": "Herbaflor", "unixReviewTime": 1344211200} +{"reviewerID": "A2K4C2K7NZLOQI", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Well pleased", "overall": 5.0, "reviewTime": "01 17, 2017", "summary": "Five Stars", "unixReviewTime": 1484611200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "A2M0OIN5678XKQ", "asin": "B000URXP6E", "style": {"Size:": " 170"}, "reviewerName": "Reese", "reviewText": "this product is very hard to find - and rare in department stores anymore. I love the scent and always get compliments on it. Can't stand Paris Hilton as a person, but dang, she makes a wonder perfume!", "summary": "love this stuff", "unixReviewTime": 1399334400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A2I02X97TQCOHX", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "Sam", "reviewText": "Man, I wish Axe never got rid of this scent. It's really awesome. It's perfect for those Friday and Saturday nights that you're going out. A perfect blend of warm woods and leather, awesome fragrance.", "summary": "Party Like a Rockstar!", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3T1HGP5MN7OB6", "asin": "B0012Y0ZG2", "style": {"Size:": " B-013"}, "reviewerName": "lefeverb", "reviewText": "Great Product. TOBS always has very pleasant and masculine scents!!", "summary": "Very Pleased", "unixReviewTime": 1412812800} +{"reviewerID": "A8CGEXNIB402C", "asin": "B000FI4S1E", "reviewerName": "Wanda D, Patton", "verified": true, "reviewText": "I purchased Chanel Antaeus Bath and shower Gel. The process was quick and easy and I received the product when promised.", "overall": 5.0, "reviewTime": "07 28, 2012", "summary": "Channel Bath Gel", "unixReviewTime": 1343433600} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A3KHIT48AYHC0L", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "DLB", "reviewText": "Have used this product for the past 7 months. It has proven to be a great shampoo by improving the overall health of my hair.", "summary": "H2O+ aquatics natural shampoo", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A1DFZPQPCHBYTY", "asin": "B0009RF9DW", "style": {"Size:": " 286"}, "reviewerName": "Sean Love Racing LLC", "reviewText": "Found this stuff in Japan and wondered if I could find it again. 3drops of it goes as far as a handful of normal soap, it stays foamy and soapy and has a nice scent!", "summary": "Super lathery nice soap!", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3RQS9GT66TEB8", "asin": "B00006L9LC", "style": {"Size:": " 43"}, "reviewerName": "W. Schilling", "reviewText": "I like the way it cools my head and cleans my hair", "summary": "Cooling", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": false, "reviewTime": "10 29, 2014", "reviewerID": "A1MF4IEANGZ0OB", "asin": "B001OHV1H4", "style": {"Size:": " 370"}, "reviewerName": "P. Landis", "reviewText": "Fabulous moisturizer.", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A250XH0NBH6AHN", "asin": "B0012Y0ZG2", "style": {"Size:": " 125"}, "reviewerName": "deborah c. mcclellan", "reviewText": "This product is very gentle on my skin", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A2PUZMHH482FU7", "asin": "B0012Y0ZG2", "style": {"Size:": " 266"}, "reviewerName": "inparadise", "reviewText": "Love this stuff - i'm on my second order. Started to get thinning hair. now there's whisps where there wasn't any and hair feels thicker all over.", "summary": "love this stuff", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A20K51AP7RX6V8", "asin": "B000URXP6E", "style": {"Size:": " 8"}, "reviewerName": "David", "reviewText": "Hard to find and expensive but I love this shower cream. I first discovered it more than 10 years ago and I'm very happy to be reacquainted with it. The best part about it is that it says with you all day.", "summary": "Hard to find and expensive but I love this shower cream", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A2LFGBMPZPSAMV", "asin": "B0009RF9DW", "style": {"Size:": " 123"}, "reviewerName": "Katie Miller", "reviewText": "Oh my god... I love Britney spears for one... And this collection !!! I can spritz some of the perfume on, or soak in the tub with the bubble bath, and come out smelling like a vanilla fairy goddess. Such an amazing mix of scents in one spray!!!", "summary": "My favorite perfume.. the set is even better!!!", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A3HHQ7UIJJAOAV", "asin": "B000URXP6E", "style": {"Size:": " 179"}, "reviewerName": "redlin51", "reviewText": "I love this for when I take a shower.", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "AV19Z8ZCIQM4G", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Good but kind of drying", "summary": "Four Stars", "unixReviewTime": 1524096000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "A1CURM7FGX5UJP", "asin": "B0012Y0ZG2", "style": {"Size:": " 170"}, "reviewerName": "ss.", "reviewText": "This shower gel went above my expectation. This was not overpowering like other shower gels full of musky cologne.\nI have sensitive skin so this went on my skin without a problem. Thanks for the fast shipping.", "summary": "Great shower gel", "unixReviewTime": 1376870400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A3RMWHVP1CX5J1", "asin": "B001OHV1H4", "style": {"Size:": " 6 Pack"}, "reviewerName": "Robert Gray", "reviewText": "Can't get this in the US (not ever made here, as far as I know), and not in Canada apparently anymore either. Pricey but it's an import....", "summary": "Beloved UK import", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A1UARSQWRRYEB7", "asin": "B000URXP6E", "style": {"Size:": " 90"}, "reviewerName": "LW", "reviewText": "Love this shampoo! Recommended by a friend! Color really lasts!", "summary": "The Best!", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A1T81NJLOGPL3P", "asin": "B000URXP6E", "style": {"Size:": " 5 oz."}, "reviewerName": "Meryl Marguerite Rojas", "reviewText": "super conditioner", "summary": "one of the best conditioner I have ever used", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2DFFI0IG23LFK", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Kindle Customer", "reviewText": "Love this stuff. Only shampoo I will use.", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": false, "reviewTime": "01 21, 2017", "reviewerID": "A3IGHIOZ898AWG", "asin": "B001OHV1H4", "style": {"Size:": " 28"}, "reviewerName": "Julie", "reviewText": "This shampoo is so refreshing! I love how clean and tingly it makes my scalp feel, and it smells really good, too!", "summary": "Love this refreshing shampoo!", "unixReviewTime": 1484956800} +{"reviewerID": "A3TFW9R3OCAGUI", "asin": "B000FI4S1E", "reviewerName": "ali alawieh", "verified": false, "reviewText": "I love the smell of the shower gel also it bodyspary and also a great gift set that I got from wife that only cost me $20. it's great to a get gift from your hard own money.", "overall": 5.0, "reviewTime": "01 3, 2015", "summary": "I love the smell of the shower gel also it bodyspary ...", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A121C9UWQFW5W6", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Barbara Wallace", "reviewText": "Just what I wanted and it arrived early", "summary": "Five Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "AMPSYLH47ZFU6", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "J. Trevino", "reviewText": "I have used this product for years. It is the only one that controls the frizz on humid days.", "summary": "I have used this product for years. It is ...", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A2JPQVFMKT94M2", "asin": "B00006L9LC", "style": {"Size:": " one size"}, "reviewerName": "ad", "reviewText": "This is so handy and unique! Comes in a protective pouch, and with an extra refil. Seems like it will last a long time for those who just like a little dab of a beautiful scent.", "summary": "Seems like it will last a long time for those who ...", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1577W1CXJ2WI9", "asin": "B0012Y0ZG2", "style": {"Size:": " 500ml"}, "reviewerName": "Lori E. Hoover", "reviewText": "Luv it!", "summary": "Five Stars", "unixReviewTime": 1426636800} +{"reviewerID": "APRCXHKSYVYZX", "asin": "B000FI4S1E", "reviewerName": "Mindy", "verified": true, "reviewText": "One of my Favorite scents!", "overall": 5.0, "reviewTime": "05 19, 2015", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A1PC83477QHU77", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "shirley koberstein", "reviewText": "just what I wanted and at a great price", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"reviewerID": "A2JAEYUNQB6BIF", "asin": "B000FI4S1E", "reviewerName": "AuTumn", "verified": true, "reviewText": "Gift for sister. She loves it", "overall": 5.0, "reviewTime": "02 22, 2016", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 1.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A3J034YH7UG4KT", "asin": "B000FTYALG", "style": {"Size:": " 7.0 oz", "Flavor:": " Classic Ice Blue"}, "reviewerName": "Adam", "reviewText": "I bought this to smell nice after I shave. When I put it on I smelled awful. I am 19 and I smelled like a grandmother with too much perfume.", "summary": "Smells awful", "unixReviewTime": 1376784000} +{"reviewerID": "A2UH411RVKUH96", "asin": "B000FI4S1E", "reviewerName": "Barb", "verified": false, "reviewText": "Have used this for over a month and I love it! No more itching or burning of my skin. Along with the Olay Age Defying moisturizer, my skin feels smooth and non-greasy. Lovely light scent too.", "overall": 5.0, "reviewTime": "07 30, 2016", "summary": "Love it", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2NAS3M5B7Z8Q3", "asin": "B0012Y0ZG2", "style": {"Size:": " 127"}, "reviewerName": "Red", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A10ZJZNO4DAVB", "asin": "B001OHV1H4", "style": {"Size:": " 43"}, "reviewerName": "Loeyd", "reviewText": "What the hubby wanted", "summary": "Love it", "unixReviewTime": 1493337600} +{"overall": 4.0, "verified": false, "reviewTime": "09 3, 2017", "reviewerID": "AOEUN9718KVRD", "asin": "B0010ZBORW", "style": {"Color:": " Foot File"}, "reviewerName": "Bigslacker", "reviewText": "This foot file is good as a finishing, smoothing touch after heavy duty foot scrubber. Just by itself it won't take care of calluses.", "summary": "Gentle.", "unixReviewTime": 1504396800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "A1AFSSJ58HYER7", "asin": "B0009RF9DW", "style": {"Size:": " 10.2 oz"}, "reviewerName": "HIPRICE", "reviewText": "I love this gel, it makes my bedroom smell great, as well as me. Love it, love it, love! Need to buy more! Thank U!", "summary": "GREAT BUY!", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A2F7429CLFVV3T", "asin": "B001OHV1H4", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "Charlene D. Barker", "reviewText": "Leaves your hair full of volume and smells great", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3E52KMZJI788W", "asin": "B000URXP6E", "style": {"Size:": " 25"}, "reviewerName": "K9 Lover", "reviewText": "The silver shampoo I had been using is no longer available, so I tried this. It does a great job as far as color goes but didn't leave my hair as soft. I have very thick coarse hair and it's hard to find a product to soften it. Overall I'm very pleased, especially for the cost.", "summary": "keeps my white hair from looking yellow.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A27I10FZD5Y0OA", "asin": "B00006L9LC", "style": {"Size:": " 6"}, "reviewerName": "Jacqueline Anderson", "reviewText": "By far the BEST shampoo and conditioner I have used. As someone with very thick and dry hair it has given me back the shine and texture I craved.", "summary": "Excellent product!", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A181EKCGC3RGHL", "asin": "B0012Y0ZG2", "style": {"Size:": " 59"}, "reviewerName": "Grams", "reviewText": "Love this shampoo and haven't been able to find it anywhere . . . .until I looked on Amazon. ;-) It is great for wash, pick, and let dry.", "summary": "Love this shampoo and haven't been able to find it ...", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2013", "reviewerID": "A1UBIQNOWJJO9N", "asin": "B0012Y0ZG2", "style": {"Size:": " 156"}, "reviewerName": "Diana", "reviewText": "I am using this product years ago\nI never think that i can find it online\nThat's make me happy", "summary": "LOVE IT", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A2RRQ78UZSEDF1", "asin": "B00RZYW4RG", "reviewerName": "Beulah", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"reviewerID": "A2IJOEZZTLRJ83", "asin": "B000FI4S1E", "reviewerName": "Linda L.", "verified": true, "reviewText": "Love this! The peppermint smells so fresh, the lotion is great and lip balm wonderful. This makes a great Christmas gift to females of all ages.", "overall": 5.0, "reviewTime": "03 4, 2013", "summary": "Philosophy a Candy Cane Stocking Stuffer", "unixReviewTime": 1362355200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "ASLE3QYFD5C70", "asin": "B0009RF9DW", "style": {"Size:": " 24 oz."}, "reviewerName": "kathy leone", "reviewText": "Love this!", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 1.0, "verified": true, "reviewTime": "05 3, 2018", "reviewerID": "AEL1DK2OJ41ZZ", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Made dandruff worse and irritated rest of skin", "summary": "One Star", "unixReviewTime": 1525305600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A3KXVT8LE6X9LR", "asin": "B001OHV1H4", "style": {"Size:": " 561"}, "reviewerName": "415sf", "reviewText": "ive been using this cleanser for a few years now. i only found it in korea and brought a few tubes every time i visit (once a year). gentle but gets all the crap off. so happy to see it available stateside now.", "summary": "gentle but gets all the crap off. so happy to see it available stateside ...", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "AUBJHP5EYBWWT", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "ursovain", "reviewText": "Great anti-frizz product!", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "AUBJHP5EYBWWT", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "ursovain", "reviewText": "Great anti-frizz product!", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2013", "reviewerID": "A2XPTXCAX8WLHU", "asin": "B000URXP6E", "style": {"Size:": " 263"}, "reviewerName": "Mindy Lipton", "reviewText": "My daughter bought this for me because she knows how much I love it and sometimes its hard to find in the stores.", "summary": "Love it", "unixReviewTime": 1368230400} +{"reviewerID": "AE7U89M0RXP0W", "asin": "B000FI4S1E", "reviewerName": "Kathy Meletis", "verified": true, "reviewText": "Nice product.", "overall": 5.0, "reviewTime": "11 4, 2014", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A289XUH39KKR89", "asin": "B000URXP6E", "style": {"Size:": " 18"}, "reviewerName": "E E.", "reviewText": "Great price! Product received exactly as described, in perfect condition and on time. Thank You", "summary": "Great price! Product received exactly as described", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2JRCTJU21AJ4X", "asin": "B00006L9LC", "style": {"Size:": " 77"}, "reviewerName": "Jennifer R Fiorita", "reviewText": "Very high quality product. I had difficulty finding something without paraben etc. that can actually hold my son's faux hawk all day - until now. This stuff is fantastic - just wish it weren't so expensive.", "summary": "This stuff is fantastic - just wish it weren't so expensive", "unixReviewTime": 1428710400} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A2N0CVZO3GPQ45", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "J. broder", "reviewText": "nice", "summary": "Four Stars", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2012", "reviewerID": "A2HYL1CITWDZJK", "asin": "B0012Y0ZG2", "style": {"Size:": " 265"}, "reviewerName": "Porshia Monsanto", "reviewText": "I love the feel of my skin after using the Avon Skin So Soft Fusions Dual Softening Body Wash. My skin was amazingly smooth!!", "summary": "Excellent Product", "unixReviewTime": 1347840000} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A80A8PCDT0NFB", "asin": "B0012Y0ZG2", "style": {"Size:": " 57"}, "reviewerName": "Royce Lowe", "reviewText": "Used for years, it has DHT blocker", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A3RDTNM03SH6TE", "asin": "B000URXP6E", "style": {"Size:": " 61"}, "reviewerName": "DS", "reviewText": "This not only deep cleans, but also clears my sinuses at the same time. I LOVE the peppermint--it is so refreshing!", "summary": "Redken Intra Force Shampoo and Toner", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "AXQAIG2XT292S", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Grandma Mary", "reviewText": "Fast shipping, great price & product. 100% satisfaction.", "summary": "great price & product", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A2KV46HMWY1YWB", "asin": "B000URXP6E", "style": {"Size:": " 586"}, "reviewerName": "Kindle Customer", "reviewText": "Smells wonderful. Feels great on hands and arms, etc.", "summary": "Must have product", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A3T466V6635L3Z", "asin": "B0009RF9DW", "style": {"Size:": " 113"}, "reviewerName": "Ali Ayyash", "reviewText": "This is the best body wash I've ever used. I use it every day and it's the only body wash that leaves my body smelling good for a prolonged period of time, and at the same time reduce the greasiness of the skin.", "summary": "You'll feel clean and smell good.", "unixReviewTime": 1381363200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71fWVkyq4ML._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "A190ENIBZ72LMF", "asin": "B0009RF9DW", "style": {"Size:": " 8.5oz"}, "reviewerName": "Innessa", "reviewText": "Great gel, it is organic and smell so good, natural!!!", "summary": "Five Stars", "unixReviewTime": 1524700800} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A320TM0B7A5Q1C", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "ray mcconaghy iii", "reviewText": "Wow, this product really is purely organic and natural! Outstanding vegan ingredient list and no chemical additives. Works perfect, suits my dry hair.", "summary": "Great and natural", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "AE051QZ4E3BPX", "asin": "B00006L9LC", "style": {"Size:": " 50"}, "reviewerName": "Debra A Marcks", "reviewText": "Received product in a timely fashion and am pleased.", "summary": "Shampoo", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A1ZN7IP615TNQO", "asin": "B001OHV1H4", "style": {"Size:": " 58"}, "reviewerName": "Kathleen B.", "reviewText": "Nice light mousse. Gives some control to old gray wild hair.", "summary": "Good product.", "unixReviewTime": 1488067200} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2018", "reviewerID": "AABWJ79OLTS38", "asin": "B0009RF9DW", "style": {"Size:": " 8.5oz"}, "reviewerName": "ChickenNugget", "reviewText": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid. It smells good but the bottle will be gone in 2 weeks because of how thin it is. I haven't used much, maybe I can return it.", "summary": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid", "unixReviewTime": 1524182400} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A3JJ3GK8Q39TDE", "asin": "B00QXW95Q4", "reviewerName": "Katrina Jones", "reviewText": "Use regularly. love this product.", "summary": "love this product", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2012", "reviewerID": "A20Q8XM208DXT1", "asin": "B0012Y0ZG2", "style": {"Size:": " 19"}, "reviewerName": "Lloyd", "reviewText": "My hair was falling out, probably because of Psoriasis. Polytar stopped my hair from falling out and most of it grew back. Can't be without this shampoo, no longer available in my province. Thank You Amazon.", "summary": "Polytar Shampoo", "unixReviewTime": 1345766400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "AF0QBHJJUO5R2", "asin": "B0012Y0ZG2", "style": {"Size:": " 125"}, "reviewerName": "PJ Buyer", "reviewText": "This is pricey, but the results are worth it. Skin feel silky and the aroma is wonderful. Not much is needed for results, so it does last a long time. I will keep coming back to buy it on Amazon because I have not found it locally.", "summary": "Awesome body wash", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A2ABCUIYJETG6Q", "asin": "B00006L9LC", "style": {"Size:": " 392"}, "reviewerName": "Elizabeth", "reviewText": "My husband loves this soap and I love how it makes him smell. Worth the dollars!", "summary": "Worth the dollars", "unixReviewTime": 1500681600} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A344ILJPHYQ0V", "asin": "B001OHV1H4", "style": {"Size:": " 33"}, "reviewerName": "Yluminada", "reviewText": "muy bueno", "summary": "Four Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AIG1G1AKH7JVB", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Best stuff ever! Makes my hair less frizzy when using with a flat iron. Makes it soft & silky. Highly recommend!", "summary": "Best stuff ever", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A3ADPDEVGNMBWN", "asin": "B0009RF9DW", "style": {"Size:": " 163"}, "reviewerName": "JParizona", "reviewText": "We use this in our corporate fitness shower stall. Refill the wall mounted dispenser. No surprises if you are use to using tea tree as it doen't suds up like normal soaps nor leave a soapy residue on the skin. Perfect for our use in shower.", "summary": "Tea Tree gallon is great for our corporate use", "unixReviewTime": 1365379200} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1SY26REK8411L", "asin": "B0012Y0ZG2", "style": {"Size:": " 177"}, "reviewerName": "Run2Daylite", "reviewText": "Stops man stink in its tracks.", "summary": "babes dig it", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A1BR2MY80R6CX4", "asin": "B00006L9LC", "style": {"Size:": " 463"}, "reviewerName": "Niki R", "reviewText": "Great scents, my son loves them all", "summary": "Great for guys", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A29WQLB8ACNZ5T", "asin": "B000URXP6E", "style": {"Size:": " 511"}, "reviewerName": "Marie Buckley", "reviewText": "I use this product daily I love it.", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A2RWJPXMBFGCF0", "asin": "B00JF2GVWK", "reviewerName": "N. Donastorg", "reviewText": "This body wash smells amazing. Let me see how to describe \"amazing\" as a scent. It smells like you just showered in a botanical garden on a beautiful spring day. Plus your skin feels silky smooth thereafter.", "summary": "Spring is in your shower", "unixReviewTime": 1491350400} +{"reviewerID": "A2TEMMADR9GNRO", "asin": "B000FI4S1E", "reviewerName": "Terese Sarckees", "verified": true, "reviewText": "luv it", "overall": 5.0, "reviewTime": "07 5, 2015", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A347D5SOZ68PPE", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Great product would buy from seller agian", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1SY26REK8411L", "asin": "B0009RF9DW", "style": {"Size:": " 177"}, "reviewerName": "Run2Daylite", "reviewText": "Stops man stink in its tracks.", "summary": "babes dig it", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A38EDCGATXMRI3", "asin": "B00006L9LC", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Amazon Customer", "reviewText": "Good Stuff!", "summary": "Good Stuff!", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2MX559LDZAQ5Q", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "girl45shooter", "reviewText": "Great conditioner that leaves hair clean.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A1XGD1A869SSXC", "asin": "B00006L9LC", "style": {"Size:": " 85"}, "reviewerName": "tracy morrison", "reviewText": "My favorite!!!!!", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A358YXSQDOI4N5", "asin": "B0012Y0ZG2", "style": {"Size:": " B-020"}, "reviewerName": "bc1941", "reviewText": "Great product", "summary": "Great", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "AOMVFFY4OPSPQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "Worked great!", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A320TM0B7A5Q1C", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "ray mcconaghy iii", "reviewText": "Wow, this product really is purely organic and natural! Outstanding vegan ingredient list and no chemical additives. Works perfect, suits my dry hair.", "summary": "Great and natural", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2014", "reviewerID": "APTBOPU0IZZ0Y", "asin": "B000URXP6E", "style": {"Size:": " 119"}, "reviewerName": "Fitz", "reviewText": "I have always loved the fragrance of this product and when I found it at this price, I went for it! I received it in a very timely matter.", "summary": "Good Deal", "unixReviewTime": 1393286400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A1MBLC4ZSP4QEB", "asin": "B0012Y0ZG2", "style": {"Size:": " 52"}, "reviewerName": "Richard A.", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A2WA0B9CJ28E45", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Rainy", "reviewText": "Great hair care products always leave my hair feeling clean and soft, ive tried a lot of products but these are my favorite", "summary": "Biolage", "unixReviewTime": 1370131200} +{"overall": 3.0, "verified": false, "reviewTime": "06 29, 2014", "reviewerID": "A2USMIT2CSA08", "asin": "B000YB70PS", "style": {"Size:": " LG X 32"}, "reviewerName": "Natalia Murataeva", "reviewText": "I purchased this comb as a gift, it is much smaller in the real life", "summary": "OK", "unixReviewTime": 1404000000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A2SEHJL7RHNW0Q", "asin": "B000URXP6E", "style": {"Size:": " 364"}, "reviewerName": "Bob in Columbus", "reviewText": "Purchased this for my wife, she loves the product. She uses it very night, can see a difference in her skin.", "summary": "Purchased this for my wife, she loves the product ...", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A32NCLA7SHQBFW", "asin": "B0012Y0ZG2", "style": {"Size:": " 205"}, "reviewerName": "sumthing_nyce", "reviewText": "This one is a winner I can't afford the J'Adore original but this is very close reminds me of Perry Ellis 360 (circa 1990s) but I like it", "summary": "Very close", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A1QQHWTPZYIXM3", "asin": "B0012Y0ZG2", "style": {"Size:": " 203"}, "reviewerName": "D. Oldham", "reviewText": "Sweet smelling bubbles and nourishing skin care!", "summary": "Victoria Secrets Pink body wash!", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A10ZJZNO4DAVB", "asin": "B000URXP6E", "style": {"Size:": " 43"}, "reviewerName": "Loeyd", "reviewText": "What the hubby wanted", "summary": "Love it", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "AG53V5LXH1KP6", "asin": "B000URXP6E", "style": {"Size:": " 444"}, "reviewerName": "Eri", "reviewText": "The swatch in the photo is wrong, but I received exactly what I ordered, and SO fast! Aubergine Queen #530 is a beautiful plum with a tiny bit of silver flake. It's gorgeous, too bad it was d/c'd...thank goodness for Amazon!", "summary": "Great Service! Awesome product!", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "ADNBIWDCIZJ0S", "asin": "B00006L9LC", "style": {"Size:": " 370"}, "reviewerName": "J. MILLER", "reviewText": "In my opinion any product by Decleor is going to improve your skin!!\nHigh end luxury skin care at a good price.", "summary": "heaven", "unixReviewTime": 1380153600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A19GO5VNH8D1TF", "asin": "B000URXP6E", "style": {"Size:": " 392"}, "reviewerName": "A. Caldwell", "reviewText": "Always excellent, third time ordering, more to come, husband loves the soap.", "summary": "Great Soap", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "ASLE3QYFD5C70", "asin": "B000URXP6E", "style": {"Size:": " 24 oz."}, "reviewerName": "kathy leone", "reviewText": "Love this!", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A9MRAYG97FQML", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pound"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent Amla powder! Very fresh and edible quality. You need be little competitive on the price though.", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "AGER9YK3VDQMV", "asin": "B0012Y0ZG2", "style": {"Size:": " 188"}, "reviewerName": "marianne winfield", "reviewText": "Great product! Clean&fresh smell. It is one of my bath and shower products. I do love many of the Boots products.", "summary": "Lovely!!!", "unixReviewTime": 1377907200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AU3V1LSV81SGH", "asin": "B00006L9LC", "style": {"Size:": " 370"}, "reviewerName": "B", "reviewText": "Love this product! I use as a night cream and wake up with a soft refreshed feeling.", "summary": "love it!", "unixReviewTime": 1453680000} +{"overall": 1.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A2YNPGFDPBKZ3L", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Jasmin"}, "reviewerName": "Amy L.", "reviewText": "The jasmine scent is barely detectable. I am returning this item.", "summary": "Scent is barely detectable.", "unixReviewTime": 1510012800} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2013", "reviewerID": "A1BRNOD64VZ1GP", "asin": "B000URXP6E", "style": {"Size:": " 403"}, "reviewerName": "Jessem", "reviewText": "This is \"hands down\" my favorite shine complex. Smells the best - citrusy and light,fresh. No longer able to find at beauty supply stores. Been using for years !", "summary": "just found out no longer making", "unixReviewTime": 1372982400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A3980XKDL0SZEX", "asin": "B00006L9LC", "style": {"Size:": " 511"}, "reviewerName": "Amazon Customer", "reviewText": "Very satisfied.", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61iM-DR-wgL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/710+28paxwL._SY88.jpg"], "overall": 3.0, "vote": "5", "verified": true, "reviewTime": "03 25, 2018", "reviewerID": "A3T2BPXBDMLJPE", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "GabesAmazon", "reviewText": "Good light scent. Have received complements from people that I smell nice after using it. 3 stars because bottle is kind of small for a shower gel (size compariso photo attached) and it doesnt really help me wake up in the morning like other products.", "summary": "Good light scent", "unixReviewTime": 1521936000} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2016", "reviewerID": "A4EKBPGD0LK2K", "asin": "B0012Y0ZG2", "style": {"Size:": " 157"}, "reviewerName": "Sarah Jones", "reviewText": "Love this product! It's very nearly good as lanolin products. It you want to avoid lanolin, it's the way to go! (P.s.- Their stretch mark cream is awesome)", "summary": "Love this product", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "AKWBRE0JKA2A1", "asin": "B000URXP6E", "style": {"Size:": " 119"}, "reviewerName": "Penelope53", "reviewText": "Fragarant is strong enough to use without lotion or spray.", "summary": "Satisfied!", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A2I3TOK508FLX0", "asin": "B00RZYW4RG", "reviewerName": "Amazon Customer", "reviewText": "Great product , price and fast shipping", "summary": "Great product, price and fast shipping", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A84MTP7LSOTXG", "asin": "B001OHV1H4", "style": {"Size:": " A-019"}, "reviewerName": "LeAnn Johnson", "reviewText": "Love this stuff! Adds glowing moisture to my dry skin without oily feeling!", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51KOjA0WMTL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A85ENSL5HBBZF", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "nancy mccarthy", "reviewText": "100% natural and organic and performes much better than chemical counterparts for the same price.", "summary": "Met all my expectations", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A2N4OUX2ORC859", "asin": "B000URXP6E", "style": {"Size:": " 515"}, "reviewerName": "Dave", "reviewText": "Wife uses this cream always. Hard to get.", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2013", "reviewerID": "A2IJOEZZTLRJ83", "asin": "B0012Y0ZG2", "style": {"Size:": " 306"}, "reviewerName": "Linda L.", "reviewText": "Love this! The peppermint smells so fresh, the lotion is great and lip balm wonderful. This makes a great Christmas gift to females of all ages.", "summary": "Philosophy a Candy Cane Stocking Stuffer", "unixReviewTime": 1362355200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "ACK0K1VME15R7", "asin": "B000URXP6E", "style": {"Size:": " 56"}, "reviewerName": "KilDiKat", "reviewText": "Best stuff on earth for your hair!", "summary": "A must BUY!!!", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A3UHBFT2EGPDG5", "asin": "B000URXP6E", "style": {"Size:": " 8"}, "reviewerName": "MELODY SOUTHER", "reviewText": "wonderful stuff ,,great shower cream , better than any other i have tried for mild oily skin .the large is the best value and last a lot longer than i thought", "summary": "awesome product worth the money", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A13PKMKQ0177SH", "asin": "B0012Y0ZG2", "style": {"Size:": " 366"}, "reviewerName": "cara luter", "reviewText": "I have been wearing this fragrance for years and the body cream luxurios. In fact I wear it alone for a longer lasting and subtle effect.", "summary": "Great value!", "unixReviewTime": 1379030400} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A35LFTGC7TO48F", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "AnnaG", "reviewText": "I received my order on time, and the products were not broken which I was afraid of.....the smell is heavenly Caress body washes never fail", "summary": "I received my order on time, and the products ...", "unixReviewTime": 1434758400} +{"reviewerID": "A3E1JS2EB8ZH94", "asin": "B000FI4S1E", "reviewerName": "trace", "verified": true, "reviewText": "I really like this wash and was feeling lazy so I decided to buy it on amazon. Just be advised its about 3-4 times more expensive on amazon than in most stores.", "overall": 5.0, "reviewTime": "02 23, 2015", "summary": "I really like this wash and was feeling lazy so I decided ...", "unixReviewTime": 1424649600} +{"reviewerID": "A1L0QECT7J93ZP", "asin": "B000FI4S1E", "reviewerName": "Elena", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/71R1a7bU1IL._SY88.jpg"], "reviewText": "Great body wash for sensitive skin. Definitely works for me. Leaves skin moisturized and clean. Will repurchase for sure.\nPS: the candy scent is very pleasant as well.", "overall": 5.0, "reviewTime": "04 22, 2018", "summary": "Great!", "unixReviewTime": 1524355200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2AET552WMN8LZ", "asin": "B00006L9LC", "style": {"Size:": " 3"}, "reviewerName": "RichJankowski", "reviewText": "Great product - my wife loves it", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A12B5Y225ADJWE", "asin": "B000URXP6E", "style": {"Size:": " 402"}, "reviewerName": "J. Johnstone", "reviewText": "My favorite color:) a nice brown with some sparkles. I would recommend to a friend any day of the week!!!", "summary": "Love it", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "AFXRO7K3ZZ0PX", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "JoeBotts", "reviewText": "The best pre-shave juice ever! This lotion has been around forever and nobody has ever improved on it.", "summary": "The best ever", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A2TY2IK21P4498", "asin": "B0012Y0ZG2", "style": {"Size:": " 196"}, "reviewerName": "kimmi", "reviewText": "I GOT TO GET SOME MORE BECAUSE MY BATHS ARE BECOMING KINDA LAME WITHOUT THIS LIQUID SOAP SO FOR NOW I AM OKAY", "summary": "THIS IS THE BEST", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A1UARSQWRRYEB7", "asin": "B0012Y0ZG2", "style": {"Size:": " 90"}, "reviewerName": "LW", "reviewText": "Love this shampoo! Recommended by a friend! Color really lasts!", "summary": "The Best!", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": false, "reviewTime": "02 26, 2014", "reviewerID": "A3EA4UZ8DK7S7F", "asin": "B0009RF9DW", "style": {"Size:": " 114"}, "reviewerName": "red8089", "reviewText": "this body wash smells amazing! and as an added bonus,if you plug the bathtub and put a little under warm,running water,it makes a wonderful bubble bath with loads of suds! and the suds last a long time too.this body wash's scent relaxes you and softens your skin!", "summary": "so relaxing...", "unixReviewTime": 1393372800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1C8LL1BBQ7GTO", "asin": "B001OHV1H4", "style": {"Size:": " B-020"}, "reviewerName": "Gamaliel Padilla", "reviewText": "Arrived in perfect condition", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2009", "reviewerID": "A1L4ZAG36ZO15M", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.8 oz"}, "reviewerName": "Birmingham Man", "reviewText": "Best general purpose shampoo on the market. My wife says it produces a shine in her hair she can't get from any other product. Unique and lovely fragrance that characterizes the products in this line for both men and women.", "summary": "Penhaligon's Blenheim Bouquet Shampoo - GREAT !", "unixReviewTime": 1252627200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A125PSVY71Q7KZ", "asin": "B001OHV1H4", "style": {"Size:": " 329"}, "reviewerName": "BlueAngel", "reviewText": "It's great! Packaged right no dents on the box (container) it came with. Love the product been using it for years... Will order again from this store.", "summary": "arrived on time", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "AA0KFWC049J0U", "asin": "B0012Y0ZG2", "style": {"Size:": " 180"}, "reviewerName": "Dan C.", "reviewText": "I have not used this yet. With that said I love their products. I am taking this to the beach with me.", "summary": "philosphy", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A2O4T6MQ540AGF", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Brandon Meekins", "reviewText": "Fast shipping and just as described.", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A9ZMABTHVLKOL", "asin": "B00006L9LC", "style": {"Size:": " 52"}, "reviewerName": "Texasgal", "reviewText": "I really wish Redken had not discontinued this product, it is such a great product and now I will need to find a long term replacement :(", "summary": "it is such a great product and now I will need to find a ...", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3TBIPGY6C5KIL", "asin": "B0009RF9DW", "style": {"Size:": " 143"}, "reviewerName": "Mustaine Lee", "reviewText": "love this product! ran out of face wash on a trip once so I used this and have used it as face wash ever since!", "summary": "body & face", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A2NH58DY5F0XSZ", "asin": "B0009RF9DW", "style": {"Size:": " 176"}, "reviewerName": "michael Luna", "reviewText": "AAA+", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1WMNCCFKM2A4Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 108"}, "reviewerName": "Bill Ummel", "reviewText": "Great product great price", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A2S696CI415O20", "asin": "B0012Y0ZG2", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Q.C. Stickler", "reviewText": "I'm a fan!", "summary": "I'm a fan!", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2DK8CVJ2HYDRI", "asin": "B000URXP6E", "style": {"Size:": " 36"}, "reviewerName": "Pamela Biafora", "reviewText": "Works great for hair thats thin. Wish Walgreens kept it on the shelf.", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A2H9JIWY7JDD3J", "asin": "B000URXP6E", "style": {"Size:": " 100"}, "reviewerName": "Milostiva", "reviewText": "Tired, stressed out? A shower with this will rouse your spirit. And at the small price the best bargain in town.", "summary": "a simple delight", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A320TM0B7A5Q1C", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "ray mcconaghy iii", "reviewText": "Wow, this product really is purely organic and natural! Outstanding vegan ingredient list and no chemical additives. Works perfect, suits my dry hair.", "summary": "Great and natural", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A1T81NJLOGPL3P", "asin": "B001OHV1H4", "style": {"Size:": " 5 oz."}, "reviewerName": "Meryl Marguerite Rojas", "reviewText": "super conditioner", "summary": "one of the best conditioner I have ever used", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "AD6WIZKKXYQVL", "asin": "B0012Y0ZG2", "style": {"Size:": " B-002"}, "reviewerName": "MLawton", "reviewText": "This treatment is awesome to reinforce your hair and make it look shinny and healthy. I def recommend it for everybody.", "summary": "Nice product", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "AT9SW0VOLAKQD", "asin": "B001OHV1H4", "style": {"Size:": " 25"}, "reviewerName": "rockwell gal", "reviewText": "Love this shampoo. I have been using it for years...keeps the yellow out of gray hair.", "summary": "Five Stars", "unixReviewTime": 1505952000} +{"overall": 5.0, "verified": false, "reviewTime": "08 29, 2017", "reviewerID": "AGEKVD8JPZQMT", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " White Gardenia"}, "reviewerName": "Matt", "reviewText": "This is very high quality soap. It has a wonderful scent. It lathers well and rinses clean. It left my skin feeling moisturized and not the least bit dried out. It is very good soap!", "summary": "Great soap", "unixReviewTime": 1503964800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A22XX80SB8WMUK", "asin": "B00006L9LC", "style": {"Size:": " 3"}, "reviewerName": "Chloe", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A1V9QLYRT1O4KF", "asin": "B0009RF9DW", "style": {"Size:": " 192"}, "reviewerName": "Amazon Customer", "reviewText": "The product arrived as promised and in good condition.", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A26V69GHN5DVOG", "asin": "B000FOI48G", "reviewerName": "Sheng", "reviewText": "This is scientology of personal hygiene equipments. Everyone outside looks at it as a crazy contraption, but every owner is LOVING it!", "summary": "This is scientology of personal hygiene equipments. Everyone outside ...", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "AOMVFFY4OPSPQ", "asin": "B00006L9LC", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "Worked great!", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2BTEB0X9BLH2T", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "Dave B.", "reviewText": "Hi, I don't believe they are still selling this Azur brand. Sorry for the late review, but this was a great gift for my wife and she loved the fragrance. We look forward to buying something similar.", "summary": "Great Fragrance!", "unixReviewTime": 1464393600} +{"overall": 1.0, "verified": true, "reviewTime": "04 2, 2018", "reviewerID": "A1ZM06J2A5XGHY", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Skin did not improve. Felt like using scented water.", "summary": "Dont buy", "unixReviewTime": 1522627200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "AH5IPOPDVNJMW", "asin": "B000URXP6E", "style": {"Size:": " 27"}, "reviewerName": "Sunshine Girl", "reviewText": "Love these, wish they weren't so pricey.", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "AV19Z8ZCIQM4G", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Good but kind of drying", "summary": "Four Stars", "unixReviewTime": 1524096000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "ACK0K1VME15R7", "asin": "B0012Y0ZG2", "style": {"Size:": " 56"}, "reviewerName": "KilDiKat", "reviewText": "Best stuff on earth for your hair!", "summary": "A must BUY!!!", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3UE3Z1GP28DRW", "asin": "B0012Y0ZG2", "style": {"Size:": " 69"}, "reviewerName": "nila a. vehar", "reviewText": "This is perfect in many ways, fragrant, light, and clean.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A2F7429CLFVV3T", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "Charlene D. Barker", "reviewText": "Leaves your hair full of volume and smells great", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A12HTKLZWLEAF5", "asin": "B0012Y0ZG2", "style": {"Size:": " 126"}, "reviewerName": "Marcia Fairman", "reviewText": "I have an Airbnb. This is perfect for guests. The price is right and I can provide shampoo with little waist. I appreciate this product", "summary": "This is perfect for guests", "unixReviewTime": 1506816000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A26FGQS4JIPDH5", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Linda Willford", "reviewText": "My son also likes this", "summary": "smells great", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2016", "reviewerID": "AM88FAF0V7U6D", "asin": "B000URXP6E", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome product", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "AL4R7S0YP7MJR", "asin": "B0012Y0ZG2", "style": {"Size:": " 45"}, "reviewerName": "Diane", "reviewText": "This is a great moisturizing body wash. Leaves skin silky soft for hours. A must buy who wants soft skin.", "summary": "Heavenly scent", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A23NIAK357LIYU", "asin": "B000URXP6E", "style": {"Size:": " 162"}, "reviewerName": "Amazon Customer", "reviewText": "i love it", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A7COTFQZZ86N", "asin": "B001OHV1H4", "style": {"Size:": " 25"}, "reviewerName": "Elaine", "reviewText": "Does a great job of keeping hair from yellowing. Leaves it clean and soft.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-A14D63B301"}, "reviewerName": "Amzon Customer", "reviewText": "Bought it for my mother who has dark circles and puffiness under her eyes due to allergies. She loves it and says she has notice a difference under her eyes and puffiness. I'll definitely buy some more for her.", "summary": "Great", "unixReviewTime": 1534982400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A26HF31NL346VR", "asin": "B0009RF9DW", "style": {"Size:": " 184"}, "reviewerName": "Amazon Customer", "reviewText": "Loved the products however did think it was priced a little high wanted to get the lotion but the price with shipping and handling was way too much!", "summary": "Loved the products however did think it was priced a ...", "unixReviewTime": 1456790400} +{"overall": 4.0, "verified": false, "reviewTime": "11 11, 2016", "reviewerID": "A3COAV45SLM4LY", "asin": "B0009RF9DW", "style": {"Size:": " 10"}, "reviewerName": "Raziel1313", "reviewText": "My favorite scent for personal care but out is not sold in retail stores anymore. Would order in bulk but cannot justify the marked up price.", "summary": "My favorite scent for personal care but out is not sold ...", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2018", "reviewerID": "A3OTFWV6920FT", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Vee", "reviewText": "Great product! No complains.", "summary": "Great product", "unixReviewTime": 1526256000} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "AHQFK3PX6EKQH", "asin": "B00006L9LC", "style": {"Size:": " 444"}, "reviewerName": "Trisha Ramirez", "reviewText": "I have been wearing for years while I am on stage (and off stage). I wish it were still in stores. Thank you!", "summary": "Love it - thank you", "unixReviewTime": 1380672000} +{"overall": 5.0, "vote": "17", "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A1O7LQP26XE36M", "asin": "B0009RF9DW", "style": {"Size:": " 292"}, "reviewerName": "Maria Mercedes Calzado", "reviewText": "Nice!!", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "AOG134B92MGKO", "asin": "B00006L9LC", "style": {"Size:": " 5 oz."}, "reviewerName": "MRS K L WARRINGTON", "reviewText": "good, happy with the product and price", "summary": "Four Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1ZIN388IVCX6Z", "asin": "B001OHV1H4", "style": {"Size:": " 5 oz."}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "AT55FHUTTF5DM", "asin": "B000URXP6E", "style": {"Size:": " 328"}, "reviewerName": "Loonytoon.", "reviewText": "I always get compliments when I wear this perfume. It was delivered in a timely manner. It looked just like the picture. The price was nice.", "summary": "I LOVE IT!!!", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A3RMWHVP1CX5J1", "asin": "B00006L9LC", "style": {"Size:": " 6 Pack"}, "reviewerName": "Robert Gray", "reviewText": "Can't get this in the US (not ever made here, as far as I know), and not in Canada apparently anymore either. Pricey but it's an import....", "summary": "Beloved UK import", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "A1118RD3AJD5KH", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "DL", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1524614400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "AXRLM8I2VTIMV", "asin": "B000URXP6E", "style": {"Size:": " 72"}, "reviewerName": "tk amazon queen", "reviewText": "By far my favorite fragrance and this is the perfect size. Great for gifts too since it comes pre-packed with a ribbon.", "summary": "awesome stuff!", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A1WL02Q81VWPX6", "asin": "B0012Y0ZG2", "style": {"Size:": " 515"}, "reviewerName": "Vickie W.", "reviewText": "This has been my favorite forever!", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3IRJA2MBOJ411", "asin": "B0012Y0ZG2", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Anne F. Batty", "reviewText": "Every year we vacation on a lake and the kids love to wash their hair in the lake. This shampoo and conditioner is perfect!!", "summary": "Perfect!!", "unixReviewTime": 1440374400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71fWVkyq4ML._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "A190ENIBZ72LMF", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Innessa", "reviewText": "Great gel, it is organic and smell so good, natural!!!", "summary": "Five Stars", "unixReviewTime": 1524700800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-595E2D87BD"}, "reviewerName": "Amzon Customer", "reviewText": "I have seen a dramatic reduction in the fine lines around my eyes, very happy with this cream", "summary": "Good quality", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A2I9O5E0Q731GN", "asin": "B000URXP6E", "style": {"Size:": " 51"}, "reviewerName": "Josephine Siu", "reviewText": "Wish I could get some more!", "summary": "Five Stars", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A1WL02Q81VWPX6", "asin": "B001OHV1H4", "style": {"Size:": " 515"}, "reviewerName": "Vickie W.", "reviewText": "This has been my favorite forever!", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A2X7VCBZQROXVM", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Amazon Customer", "reviewText": "I love this product. Really makes my hair moisturized and silky", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2018", "reviewerID": "AUS96J3A7A9MK", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Kirk Wiper", "reviewText": "Got both products from this seller, shampoo and body wash. Both - top notch. 5 stars", "summary": "Selenium is awesome!", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A1Z14Z7HOM429U", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Laura J. Johnson", "reviewText": "Yeah, the huge size!!! This stuff has changed my naturally curly hair!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"reviewerID": "A2AXHDSJEBEOIB", "asin": "B000FI4S1E", "reviewerName": "D.Marie", "verified": true, "reviewText": "smells delicious, cleans well, rinses off easily too. Moisturizing...I can even use this to shave. Great as a bubble bath, too!", "overall": 5.0, "reviewTime": "02 9, 2017", "summary": "Smells yummy, cleans well, Will repurchase.", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A1N4MVSWIRSMIT", "asin": "B0012Y0ZG2", "style": {"Size:": " 295"}, "reviewerName": "MELINDA A HUNNICUTT", "reviewText": "Hope they come back with this scent", "summary": "Five Stars", "unixReviewTime": 1422316800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A3HA7DWA3A6P4D", "asin": "B00006L9LC", "style": {"Size:": " 41"}, "reviewerName": "Stellina Reed", "reviewText": "Great Product; does wonders for colored treated hair.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A2ZZ75UB8VK31U", "asin": "B001OHV1H4", "style": {"Size:": " 25"}, "reviewerName": "Bamabyrdie", "reviewText": "Love this product because of the way it makes my hair feel and look.", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": false, "reviewTime": "09 30, 2014", "reviewerID": "AMKW6DTGH7DHY", "asin": "B000URXP6E", "style": {"Size:": " 432"}, "reviewerName": "Jiazhen Zhu", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": false, "reviewTime": "10 30, 2016", "reviewerID": "A15NM9DLEOB4XI", "asin": "B0012Y0ZG2", "style": {"Size:": " 13"}, "reviewerName": "RedEarth", "reviewText": "I really like the way this product enhances my hair's natural curl without being sticky. Lightweight and non-greasy.", "summary": "Nice hair product.", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A2EHOO31B1KDP4", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Elaine Parsons", "reviewText": "One of my favorites", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A2S255TZX0IO1X", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "ShopperForAll", "reviewText": "Best sulfate-free shampoo and conditioner ever! And...I've tried many. A little goes a long way, so don't hesitate to buy this wonderful product. .", "summary": "Best sulfate-free shampoo and conditioner ever", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": false, "reviewTime": "08 28, 2014", "reviewerID": "A3U05BH8UYBNLE", "asin": "B000URXP6E", "style": {"Size:": " 1.7 oz"}, "reviewerName": "Doa Kim", "reviewText": "Nice and my mom likes it", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "AG7YBSJODBMOB", "asin": "B000URXP6E", "style": {"Size:": " 98"}, "reviewerName": "fenway", "reviewText": "This shampoo cleans my hair well, lathers well, and smells good.", "summary": "Great shampoo", "unixReviewTime": 1421193600} +{"reviewerID": "A1RM3LETB09B5E", "asin": "B000FI4S1E", "reviewerName": "Bun", "verified": true, "reviewText": "Smells great good packaging easy to squeeze out", "overall": 5.0, "reviewTime": "09 5, 2015", "summary": "Awesome!", "unixReviewTime": 1441411200} +{"overall": 4.0, "verified": false, "reviewTime": "09 4, 2017", "reviewerID": "A19KLUZ1XD3SRN", "asin": "B019FWRG3C", "style": {"Color:": " Lavender Blossoms"}, "reviewerName": "Gaby at Starting Fresh blog", "reviewText": "These lavender blossoms are similar to those that local lavender farms sell in our nearby green market. It comes out a little more expensive than when purchased from the growers, but it is just as fragrant and reasonably priced.", "summary": "Dried lavender blossoms", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A1QZ7QH2NEMECC", "asin": "B0012Y0ZG2", "style": {"Size:": " 174"}, "reviewerName": "Jamelia", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A1D82V07WELVCE", "asin": "B001OHV1H4", "style": {"Size:": " 110"}, "reviewerName": "SONIA TADROS", "reviewText": "excellent quality and fast shipping", "summary": "Five Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A26HF31NL346VR", "asin": "B0012Y0ZG2", "style": {"Size:": " 184"}, "reviewerName": "Amazon Customer", "reviewText": "Loved the products however did think it was priced a little high wanted to get the lotion but the price with shipping and handling was way too much!", "summary": "Loved the products however did think it was priced a ...", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": false, "reviewTime": "10 3, 2016", "reviewerID": "A6CEOJ5ISIGRB", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "samantha", "reviewText": "I love the smell of this body wash! It doesn't dry out my skin either!", "summary": "Smells great!", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A15ZAILX1XGI0A", "asin": "B001OHV1H4", "style": {"Size:": " -"}, "reviewerName": "Meme", "reviewText": "My main powder brush now :D I like that it is a little more firm and voluminous than regular powder brushes. It helps with my application of powder. I love the slight angle it has and I can't say much else other than I love it!", "summary": "D I like that it is a little more firm and voluminous ...", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "AH5KMT72HXKVO", "asin": "B0012Y0ZG2", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "tracy canty", "reviewText": "I received my item before the expected date. I'm very pleased.", "summary": "I'm very pleased.", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A324UOF43Y43WY", "asin": "B0012Y0ZG2", "style": {"Size:": " 364"}, "reviewerName": "Amazon Customer", "reviewText": "Great ingredients, but didn't agree with my skin", "summary": "Five Stars", "unixReviewTime": 1504656000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A1NVH7LUS2AVWW", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "Amazon Customer", "reviewText": "For some reason, nowhere near me sells this. Amazon fixed this problem, and I'm now a happy fox.", "summary": "and I'm now a happy fox.", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AMXYXIWW74J4", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Lesli", "reviewText": "Love this stuff! Works great when flat ironing my hair and it smells great!", "summary": "Love this product!", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1SJFQ8VSKZWHF", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Kayla Cytron-Thaler", "reviewText": "This soap is great! It has a nice smell that isn't too overwhelming. It is also sulfate free!", "summary": "This soap is wonderful!", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A3NFZN1GS1RKR9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Peony"}, "reviewerName": "Mintea", "reviewText": "Long lasting, high quality soap, wide spectrum of scents... Leaves skin incredibly soft and fragrant. Pricey, but worth every penny.", "summary": "Excellent Product", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2013", "reviewerID": "AZD3ON9ZMEGL6", "asin": "B0009RF9DW", "style": {"Size:": " 124"}, "reviewerName": "huangweixiong", "reviewText": "It smells good, suitable for my needs, the price is cheap, I am very satisfied. I would recommend this product to my family and close friends.", "summary": "i love it", "unixReviewTime": 1369526400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A3YUWJTIW15EE", "asin": "B001OHV1H4", "style": {"Size:": " A-019"}, "reviewerName": "Fancy Lady", "reviewText": "I love this lotion and use it under make up for a glow. I used to be able to but it locally but can't find it any more. This is a good price.", "summary": "Lotion", "unixReviewTime": 1382832000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AMXYXIWW74J4", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Lesli", "reviewText": "Love this stuff! Works great when flat ironing my hair and it smells great!", "summary": "Love this product!", "unixReviewTime": 1468454400} +{"overall": 1.0, "verified": true, "reviewTime": "05 6, 2018", "reviewerID": "AYKOSAJTP5AVS", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Senthil Kumar M", "reviewText": "It dries my hair, doesnt help to reduce dandruff. I have to use very less shampoo nevertheless it dries.. don't know how this got higher ratings", "summary": "Dries my hair, doesnt help to reduce dandruff. ...", "unixReviewTime": 1525564800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3E9APU6SYF2SD", "asin": "B019V2KYZS", "reviewerName": "KatieMul", "reviewText": "Perfect size.", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A1VOA3CU9XRDDS", "asin": "B001OHV1H4", "style": {"Size:": " 3"}, "reviewerName": "BBoker", "reviewText": "Makes my hair shine better than anything else I've tried!", "summary": "Super shine!", "unixReviewTime": 1407628800} +{"reviewerID": "AV10T680T0UWB", "asin": "B000FI4S1E", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "Smells wonderful and lathers nicely. Like all Andalou products you know its good for your skin and works well too. I purchase many skin products from this company and like the quality.", "overall": 5.0, "reviewTime": "10 15, 2016", "summary": "The lavender & thyme are a great combo", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A23TC03PKGDVQM", "asin": "B000URXP6E", "style": {"Size:": " 191"}, "reviewerName": "Kindle Customer", "reviewText": "favorite product by avon", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A3980XKDL0SZEX", "asin": "B000URXP6E", "style": {"Size:": " 511"}, "reviewerName": "Amazon Customer", "reviewText": "Very satisfied.", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A18E4UPIBMJNVZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Roger S. Leblanc", "reviewText": "Fabulous and cheaper than down in Disney World", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2018", "reviewerID": "AJPLUGSVMH21V", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Milk"}, "reviewerName": "M. Askew", "reviewText": "love", "summary": "Five Stars", "unixReviewTime": 1519344000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2BFYX5LXWT7J", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "Melody Surdahl", "reviewText": "Azur is always my favorite in the Thymes collection because of its clean, fresh scent. I like that my skin feels moisturized when using this product in the shower.", "summary": "Always a favorite.", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AB4T4E0AGMKRA", "asin": "B000URXP6E", "style": {"Size:": " 77"}, "reviewerName": "Amazon Customer", "reviewText": "For months i was waiting the product to come back for sale.\nWhen i saw it is available again i bought 2!!\nIt was a good choice.\nI searched a lot for an organic kid hair gel, and i did not find a better one.\nHolds my son hair for hours. I know it is a lit expensive, but worth it.", "summary": "It was a good choice. I searched a lot for an organic ...", "unixReviewTime": 1468454400} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2018", "reviewerID": "AABWJ79OLTS38", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "ChickenNugget", "reviewText": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid. It smells good but the bottle will be gone in 2 weeks because of how thin it is. I haven't used much, maybe I can return it.", "summary": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid", "unixReviewTime": 1524182400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A3FLYMWRPCK731", "asin": "B0012Y0ZG2", "style": {"Size:": " 112"}, "reviewerName": "Kindle Customer", "reviewText": "I got a bottle for my birthday. I love the relaxing scent so much that I went on Amazon and ordered 8 more bottles!", "summary": "Spendy - but worth every penny!", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A3SR36PIOEYYO1", "asin": "B000URXP6E", "style": {"Size:": " 70"}, "reviewerName": "andhopf", "reviewText": "love this procuct", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51bYNlYqnmL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A245UNW3PI53NG", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Lyudmila Tretiak", "reviewText": "I am allergic to a lot of things. I occasionally get a red rash over my body after using some other body washes. This one is an exception. Not a single complain. Perfect!", "summary": "Wonderful product", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1AFK6DIZFYQ2V", "asin": "B0009RF9DW", "style": {"Size:": " 97"}, "reviewerName": "jane", "reviewText": "The BEST lavender projects are from Perelier. Love all of their products", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "vote": "28", "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A2F218M5AOPU6T", "asin": "B000URXP6E", "style": {"Size:": " 198"}, "reviewerName": "Tony", "reviewText": "Great product..", "summary": "Five Stars", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A2WA4LQGM8X68D", "asin": "B00RZYW4RG", "reviewerName": "Molly", "reviewText": "Best stuff, smells great, tames frizz and leaves shiny!", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"reviewerID": "A2C114BZC4OO6A", "asin": "B000FI4S1E", "reviewerName": "Megha Kapoor", "verified": true, "reviewText": "Amazing product!", "overall": 5.0, "reviewTime": "01 25, 2016", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A1C13KVGOWMI6A", "asin": "B0012Y0ZG2", "style": {"Size:": " 78"}, "reviewerName": "Heather", "reviewText": "Great product and good service.", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A3JJ3GK8Q39TDE", "asin": "B00006L9LC", "style": {"Size:": " 6"}, "reviewerName": "Katrina Jones", "reviewText": "Use regularly. love this product.", "summary": "love this product", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A2K4C2K7NZLOQI", "asin": "B0012Y0ZG2", "style": {"Size:": " 136"}, "reviewerName": "Amazon Customer", "reviewText": "Well pleased", "summary": "Five Stars", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2014", "reviewerID": "A265U4400IMZN4", "asin": "B00006L9LC", "style": {"Size:": " 1.7 oz"}, "reviewerName": "Elaine Blake", "reviewText": "Great buy\nProduct works very wel;l. Leaves skin smooth and soft\nIf you use Estee Lauder products, Amnazon is great place to save money on them", "summary": "Good Deal", "unixReviewTime": 1390780800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1AWB5QE4T9LPM", "asin": "B00CQ0LN80", "reviewerName": "Rafael Saturno", "reviewText": "All perfect", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A37QK0QF18JXDO", "asin": "B0012Y0ZG2", "style": {"Size:": " 352"}, "reviewerName": "Lisa Solomon", "reviewText": "All time favorite fragrance! If you love the smell of lemons this is for you!", "summary": "Beautiful Lemony fragrance", "unixReviewTime": 1461196800} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "ACAA46YVXMZTJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 29.2"}, "reviewerName": "RNAH", "reviewText": "Good shampoo, hair stays where its combed to. Good stuff!", "summary": "It's about time someone made a mens shampoo.", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A3RMWHVP1CX5J1", "asin": "B0012Y0ZG2", "style": {"Size:": " 6 Pack"}, "reviewerName": "Robert Gray", "reviewText": "Can't get this in the US (not ever made here, as far as I know), and not in Canada apparently anymore either. Pricey but it's an import....", "summary": "Beloved UK import", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "AOMVFFY4OPSPQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "Worked great!", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A23ZC494ZWNEE0", "asin": "B000URXP6E", "style": {"Size:": " 84"}, "reviewerName": "Amazon Customer", "reviewText": "This is a great product. I have been using it since two years ago. It is very gentle on your hair!", "summary": "This is a great product. I have been using it since two ...", "unixReviewTime": 1481155200} +{"reviewerID": "A1N3KXBQ1A53IP", "asin": "B000FI4S1E", "reviewerName": "Dawn Martinez", "verified": true, "reviewText": "my husband uses this bodywash all the time. he says it doesn't dry out his skin and it smells great. I would recommend this body wash.", "overall": 5.0, "reviewTime": "07 9, 2016", "summary": "he says it doesn't dry out his skin and it smells great. I would recommend this body wash", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": false, "reviewTime": "03 14, 2016", "reviewerID": "A1NP1AD8FGSA71", "asin": "B000URXP6E", "style": {"Size:": " 586"}, "reviewerName": "mercedes", "reviewText": "I get more compliments when I wear this lotion!!!", "summary": "Very Clean Scent", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A22XX80SB8WMUK", "asin": "B001OHV1H4", "style": {"Size:": " 3"}, "reviewerName": "Chloe", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2013", "reviewerID": "AYORX1AK30JMB", "asin": "B0012Y0ZG2", "style": {"Size:": " 191"}, "reviewerName": "Westy", "reviewText": "Great product! I use it on my face, neck and arms after shaving. My skin feels great and my eyes don't sting when I perspire.", "summary": "Nice!", "unixReviewTime": 1374105600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2SUH2N8051BES", "asin": "B001OHV1H4", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "M. Striffolino", "reviewText": "Wonderful fragrance. Love It.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "ADNBIWDCIZJ0S", "asin": "B0012Y0ZG2", "style": {"Size:": " 370"}, "reviewerName": "J. MILLER", "reviewText": "In my opinion any product by Decleor is going to improve your skin!!\nHigh end luxury skin care at a good price.", "summary": "heaven", "unixReviewTime": 1380153600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A1Z14Z7HOM429U", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Laura J. Johnson", "reviewText": "Yeah, the huge size!!! This stuff has changed my naturally curly hair!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 4.0, "verified": false, "reviewTime": "11 14, 2013", "reviewerID": "A3E5V5TSTAY3R9", "asin": "B00021DJ32", "style": {"Color:": " Orgasm"}, "reviewerName": "Rather be at the Beach", "reviewText": "This is truly a high quality blush. It goes on smoothly and doesn't need a touchup until, maybe, late afternoon. So you really do use very little. There are such beautiful colors from which to choose. I recommend it.", "summary": "A Gorgeous Blush", "unixReviewTime": 1384387200} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "AOG134B92MGKO", "asin": "B001OHV1H4", "style": {"Size:": " 5 oz."}, "reviewerName": "MRS K L WARRINGTON", "reviewText": "good, happy with the product and price", "summary": "Four Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A32MXI9376X72P", "asin": "B0012Y0ZG2", "style": {"Size:": " 33.8 oz"}, "reviewerName": "furga", "reviewText": "Not found often elsewhere, such as Sephora and other similar stores.\nIt's not cheap but it lasts for a long long time.", "summary": "Huge! Really", "unixReviewTime": 1369612800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A3UHBFT2EGPDG5", "asin": "B0009RF9DW", "style": {"Size:": " 8"}, "reviewerName": "MELODY SOUTHER", "reviewText": "wonderful stuff ,,great shower cream , better than any other i have tried for mild oily skin .the large is the best value and last a lot longer than i thought", "summary": "awesome product worth the money", "unixReviewTime": 1379980800} +{"overall": 3.0, "verified": false, "reviewTime": "09 5, 2017", "reviewerID": "ARARUVZ8RUF5T", "asin": "B0010ZBORW", "style": {"Color:": " Shower Cap"}, "reviewerName": "Kim L", "reviewText": "This is a very standard shower cap. It does the job, but it no different from the ones I have purchased over the years from various drugstores. If you are looking for a shower cap, this one is as good as any.", "summary": "Standard Shower Cap", "unixReviewTime": 1504569600} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2TU781PWGS09X", "asin": "B001OHV1H4", "style": {"Size:": " one size"}, "reviewerName": "Amazon Customer", "reviewText": "Doesnt smell", "summary": "Two Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A2N4OUX2ORC859", "asin": "B001OHV1H4", "style": {"Size:": " 515"}, "reviewerName": "Dave", "reviewText": "Wife uses this cream always. Hard to get.", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"reviewerID": "AR7EOI1I0D7Q7", "asin": "B000FI4S1E", "reviewerName": "Julie H.", "verified": true, "reviewText": "Love this fragrance.", "overall": 5.0, "reviewTime": "06 30, 2015", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": false, "reviewTime": "07 13, 2014", "reviewerID": "A3S2X46C2GHTDT", "asin": "B000URXP6E", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Teresa F. Oliver", "reviewText": "Every woman should use this. It leaves your skin so soft. You will just love it.", "summary": "You will just love it.", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2012", "reviewerID": "A1SC0VA3U18WUP", "asin": "B0009RF9DW", "style": {"Size:": " 261"}, "reviewerName": "Ica2284", "reviewText": "I am a huge fan of Molton Brown products, especially the Travel Reviving Cempaka Bath & Shower gel. It's a bit pricey ($28-$30) but it's worth it...especially after long, stressful days.", "summary": "Perfection", "unixReviewTime": 1349654400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "A1EPD7UQU3MXBT", "asin": "B0012Y0ZG2", "style": {"Size:": " 16"}, "reviewerName": "berthahouse", "reviewText": "Packaged well and arrived in good time. I couldn't find this product locally, so ordered it online. We were visiting my grandson and I'd forgotten my shampoo and used his. It was great for my hair, so I've been using it ever since.", "summary": "Suave Kids", "unixReviewTime": 1403481600} +{"overall": 4.0, "verified": false, "reviewTime": "09 3, 2017", "reviewerID": "AOEUN9718KVRD", "asin": "B0010ZBORW", "style": {"Color:": " Foot File"}, "reviewerName": "Bigslacker", "reviewText": "This foot file is good as a finishing, smoothing touch after heavy duty foot scrubber. Just by itself it won't take care of calluses.", "summary": "Gentle.", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "A2D0ENZGHZ8W6C", "asin": "B0012Y0ZG2", "style": {"Size:": " 363"}, "reviewerName": "Angela H. Taylor", "reviewText": "Even it doesn't look as pretty, but it make shower so pleasant. It totally feels like clean without slipping feeling.", "summary": "You must try it!", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "AZJMUP77WBQZQ", "asin": "B001OHV1H4", "style": {"Size:": " 329"}, "reviewerName": "S. Foote", "reviewText": "THIS WAS A GIFT PURCHASED LAST YEAR FOR MY DAUGHTER WHO ABSOLUTELY LOVES CURVE FOR WOMEN AND WHO COULD PASS UP THE PRICE I PAID!!", "summary": "GIFT", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A2SVOLKLGI7DVQ", "asin": "B000URXP6E", "style": {"Size:": " 31"}, "reviewerName": "Justice", "reviewText": "This is the only shampoo my husband will use, he is very picky. Loves the peppermint.", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A3YUWJTIW15EE", "asin": "B0012Y0ZG2", "style": {"Size:": " 30mla144"}, "reviewerName": "Fancy Lady", "reviewText": "I love this lotion and use it under make up for a glow. I used to be able to but it locally but can't find it any more. This is a good price.", "summary": "Lotion", "unixReviewTime": 1382832000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2018", "reviewerID": "A2KJR83EUJJNAX", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Anyag.", "reviewText": "It gets messy after the first few times, but clears out the head nicely. My son has no traces of eczema and very small amount of dandruff after less than two weeks of use.", "summary": "but clears out the head nicely. My son has no traces of eczema and ...", "unixReviewTime": 1522800000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A89GFB5RTGC8Z", "asin": "B001OHV1H4", "style": {"Size:": " 39"}, "reviewerName": "Ronald Malazzo", "reviewText": "Gives fine hair more body in just a couple days use", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AGXW8BFME8048", "asin": "B000URXP6E", "style": {"Size:": " 511"}, "reviewerName": "Gretchen G", "reviewText": "This is a great product. It is alcohol free but holds well . I used to get it at Sally's but they discontinued it . Thankfully I was able to buy it here.", "summary": "This is a great product. It is alcohol free but holds well", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A2SU85PYAB6M67", "asin": "B00006L9LC", "style": {"Size:": " 4"}, "reviewerName": "Carolyn Maynard", "reviewText": "Very silky and smooth is the results I received after using the product.", "summary": "Smooth and Silky hair", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A20B9DRVC87T06", "asin": "B0009RF9DW", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Kelly", "reviewText": "Love!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2YWRVKET7JDYP", "asin": "B001OHV1H4", "style": {"Size:": " 483"}, "reviewerName": "The Truth", "reviewText": "Great for the price", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "04 15, 2018", "reviewerID": "A3L40OCWS1W7R7", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Yiwei Zhou", "reviewText": "The best one Ive ever used!!!", "summary": "Five Stars", "unixReviewTime": 1523750400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "APN3J5IUV91MV", "asin": "B0012Y0ZG2", "style": {"Size:": " 45"}, "reviewerName": "Angell M I", "reviewText": "AWESOME.. AROMA", "summary": "ISLAND!!! GIRL FEEL...", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2Q7PO5LDVGUOW", "asin": "B000URXP6E", "style": {"Size:": " 178"}, "reviewerName": "Diane", "reviewText": "LOVE THE SMELL :)", "summary": "BODY WASH", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A1FWFCJU2G7TRA", "asin": "B000VUXCGI", "style": {"Color:": " Black Natural and Navy"}, "reviewerName": "KDMask", "reviewText": "These are the best cotton socks out there, period. Thick enough for your boots and thin enough not to make your feet too hot. They stay up wash after wash. It's hard to find 100% Cotton anymore. Try the ankle length as well...also comfy.", "summary": "100% Joy for your Winter Feet", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2013", "reviewerID": "AFXRO7K3ZZ0PX", "asin": "B0013NB7DW", "style": {"Size:": " 3 Ounce"}, "reviewerName": "JoeBotts", "reviewText": "Been using this product for maybe 30 years or more and love it. It does the job and smells good too.", "summary": "Works great!", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3H3TEMEMXODT", "asin": "B0012Y0ZG2", "style": {"Size:": " 292"}, "reviewerName": "aspielicious", "reviewText": "The in shower lotion is amazing. And it smells so wonderful. I never want to run out of this. Buying the set with the body wash is so convenient.", "summary": "The best for moist skin", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2014", "reviewerID": "A1Z9JYXS7Y6Z6X", "asin": "B0012Y0ZG2", "style": {"Size:": " 95"}, "reviewerName": "Margaret", "reviewText": "I love it so much, others receive it on their birthday. Now they love it too.", "summary": "Perfect scent", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A1888H788ZLJUQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 401"}, "reviewerName": "Tammie", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A3DLYCA3TUHOZM", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "I like how it works on my haur, have it looking great.", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2014", "reviewerID": "A3L1JSXB4OXOD9", "asin": "B000URXP6E", "style": {"Size:": " 24 oz."}, "reviewerName": "ana martinez", "reviewText": "My favorite shampoo...I can't be without this product...I love it", "summary": "Five Stars", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A3CB8QT4E8R232", "asin": "B0012Y0ZG2", "style": {"Size:": " 31"}, "reviewerName": "Broker", "reviewText": "This is likely the best shampoo and conditioner that I have bought in recent years. Goes will with the hair gel that they sell as well. Happy with my purchse.", "summary": "Great!", "unixReviewTime": 1361923200} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2TU781PWGS09X", "asin": "B019V2KYZS", "reviewerName": "Amazon Customer", "reviewText": "Doesnt smell", "summary": "Two Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": false, "reviewTime": "02 4, 2016", "reviewerID": "A2VZXAAEWAO7PG", "asin": "B00006L9LC", "style": {"Size:": " 44"}, "reviewerName": "Jacqueline Ruble", "reviewText": "My family and I have used this shampoo and love it the conditioner is great also. I love Le Grande Francisco\nproducts!!", "summary": "My family and I have used this shampoo and love it the conditioner is great also", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2012", "reviewerID": "A20Q8XM208DXT1", "asin": "B0012Y0ZG2", "style": {"Size:": " 19"}, "reviewerName": "Lloyd", "reviewText": "My hair was falling out, probably because of Psoriasis. Polytar stopped my hair from falling out and most of it grew back. Can't be without this shampoo, no longer available in my province. Thank You Amazon.", "summary": "Polytar Shampoo", "unixReviewTime": 1345766400} +{"reviewerID": "A3BKC8ZEVA23CK", "asin": "B000FI4S1E", "reviewerName": "kayrunning", "verified": true, "reviewText": "I absolutely love Clarins Eau Ensoleillante Moisturizing Body Lotion. I wish they made this all year long. Once you try it you will like it. So light and moisturizing.", "overall": 5.0, "reviewTime": "12 27, 2013", "summary": "Best Body Lotion", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "A251F9Y0GSZALP", "asin": "B0009RF9DW", "style": {"Size:": " 149"}, "reviewerName": "HouseNoni", "reviewText": "As with other Savannah bee products, this feels good, smells delicious in the shower. Hard to find but really helps with dry skin.", "summary": "love Savannah Bee products", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A2KA5PR2AKM7ZU", "asin": "B0012Y0ZG2", "style": {"Size:": " 127"}, "reviewerName": "susanb1222", "reviewText": "The price for an Hermes product is the best", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A3DHNBADVA7S4D", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "enaid7575", "reviewText": "Love how it makes my hair feel thicker yet very manageable", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A3NHRIFQKCX2G4", "asin": "B0012Y0ZG2", "style": {"Size:": " 118"}, "reviewerName": "James Hogan", "reviewText": "Can't find locally. ..It's my favorite body wash.. really good stuff!!", "summary": "It's my favorite body wash", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "AKND6I1G35L7E", "asin": "B0012Y0ZG2", "style": {"Size:": " 285"}, "reviewerName": "Amazon Customer", "reviewText": "my wife loves this bath soap, too bad its too hard to come by anymore. Would buy a case of it.", "summary": "Would buy more if it wasn't so hard to come by", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A1SMX2GYS61UT", "asin": "B000URXP6E", "style": {"Size:": " 38"}, "reviewerName": "Country girl", "reviewText": "Item came on time, brand new satisfied with product", "summary": "Satisfied with product", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A2A83NR45HQ2OV", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "melody a burke", "reviewText": "Love this body wash!! My absolute favorite! And very hard to find.", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A3DLYCA3TUHOZM", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "I like how it works on my haur, have it looking great.", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A31URN5S2Q0UJV", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Boris Jones", "reviewText": "Was skeptical at first. The liquid is kind of runny. However, it is absolutely awesome performance wise. Hands down the best shampoo out there. Smells great, cleans hair great and stopped me from scratching my head after using this product for a couple of times.", "summary": "Awesome quality!", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A265E2JC4S3YWC", "asin": "B00HLXEXDO", "reviewerName": "Yngathrt", "reviewText": "This product is wonderful and the seller met my every expectation!", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A1WME650PRYNO9", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.7 oz."}, "reviewerName": "Shianne Vogel", "reviewText": "This has been my very favorite for years and has never disappointed. It's hard to find the shower gel though so I am especially pleased.", "summary": "My very favorite", "unixReviewTime": 1361923200} +{"reviewerID": "A3T466V6635L3Z", "asin": "B000FI4S1E", "reviewerName": "Ali Ayyash", "verified": true, "reviewText": "This is the best body wash I've ever used. I use it every day and it's the only body wash that leaves my body smelling good for a prolonged period of time, and at the same time reduce the greasiness of the skin.", "overall": 5.0, "reviewTime": "10 10, 2013", "summary": "You'll feel clean and smell good.", "unixReviewTime": 1381363200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "A39IK7T2K2V2KA", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Sadie Sileski", "reviewText": "My psoriasis has been a lot less irritated now that I am swapping in this shampoo to replace my other shampoo every other wash. Not only is my hair cleaner, but my psoriasis is a lot less flared up. I am very happy with this shampoo.", "summary": "Great for psoriasis", "unixReviewTime": 1524096000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1AKH1GJBE5CX5", "asin": "B0012Y0ZG2", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "Terra", "reviewText": "My aunt bought me this lotion from a Ross store last year for Christmas and I loved it. This is kind of expensive on Amazon but I still love it and Amazon is the only place I could find it. I will use it up slowly and carefully. Love the way it smells!", "summary": "Kinda expensive", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A2GOEDQ35EBF1R", "asin": "B001OHV1H4", "style": {"Size:": " 266"}, "reviewerName": "ruth gallagher", "reviewText": "I don't know if it really works yet but smells great n my hair looks good too.", "summary": "Good", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1JL5CJJDECOH4", "asin": "B0012Y0ZG2", "style": {"Size:": " 29.2"}, "reviewerName": "Tony T.", "reviewText": "Great product!", "summary": "5 stars!", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1WMNCCFKM2A4Z", "asin": "B001OHV1H4", "style": {"Size:": " 108"}, "reviewerName": "Bill Ummel", "reviewText": "Great product great price", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A275L578ORHUVL", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "Pulchritude", "reviewText": "Perfect for a pleasant \"all day essence\"!", "summary": "Four Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "ADPN1Z23QGFQ5", "asin": "B0012Y0ZG2", "style": {"Size:": " 52"}, "reviewerName": "Mauro", "reviewText": "Very Good", "summary": "Five Stars", "unixReviewTime": 1454976000} +{"reviewerID": "A3CLPIHVAD1LI1", "asin": "B000FI4S1E", "reviewerName": "C.H.", "verified": true, "reviewText": "Smells awesome love it!!", "overall": 5.0, "reviewTime": "07 27, 2017", "summary": "One of the better body wash smells in my opinion", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A2RH42TOQUF3LQ", "asin": "B000URXP6E", "style": {"Size:": " 129"}, "reviewerName": "GregM", "reviewText": "I LOVE this flavor of Axe! I cant find it in any stores and just used it today for the first time in like 2 years! Simply awesome! Best Axe for the AM time in my opinion!", "summary": "Love Axe Rise!!", "unixReviewTime": 1432080000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "A2MTXSVB9MC8IO", "asin": "B000URXP6E", "style": {"Size:": " 10.1 oz."}, "reviewerName": "CAROLINA TRUJILLO", "reviewText": "Matrix Biolage Fortifying conditioner is excellent. I use it all the time specially when I go to the beach, I live it on to protect my hair.", "summary": "Love it! Leaves my hair smooth and strong", "unixReviewTime": 1382054400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A2J5HTXL1X2FN3", "asin": "B0012Y0ZG2", "style": {"Size:": " 95"}, "reviewerName": "Bob S", "reviewText": "Outstanding product! My girls have always liked it and always ask for it for Christmas. It was well packed and delivered on time for Christmas.", "summary": "GREAT PRODUCT", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "AE7U89M0RXP0W", "asin": "B0009RF9DW", "style": {"Size:": " 17"}, "reviewerName": "Kathy Meletis", "reviewText": "Nice product.", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "AV10T680T0UWB", "asin": "B000URXP6E", "style": {"Size:": " 74"}, "reviewerName": "Kindle Customer", "reviewText": "Smells wonderful and lathers nicely. Like all Andalou products you know its good for your skin and works well too. I purchase many skin products from this company and like the quality.", "summary": "The lavender & thyme are a great combo", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "ASPQVBZP025R8", "asin": "B000URXP6E", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "K's Amazon 10-04", "reviewText": "Very pleased\n Nice assortment", "summary": "MsK1004", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A3H7T87S984REU", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "houserules18", "reviewText": "The oder is the most important as people must like it so they do not want to become unfriendly to the person using it.", "summary": "Does not burn when using", "unixReviewTime": 1384387200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51lzfWfKPWL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/51bkyg-nXkL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A1NKYTRBYXO4TG", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "Casey Stark", "reviewText": "Not drying out the skin. Leaves it clean and fresh.", "summary": "Amazing product", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A1N4MVSWIRSMIT", "asin": "B0009RF9DW", "style": {"Size:": " 295"}, "reviewerName": "MELINDA A HUNNICUTT", "reviewText": "Hope they come back with this scent", "summary": "Five Stars", "unixReviewTime": 1422316800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "AGOH8N902URMW", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.2 oz"}, "reviewerName": "Zeb", "reviewText": "This gel is a genuine imported product from France. Over the years I have bought my wife similar products by other very expensive brands from France. Real high quality at a very affordable price.", "summary": "My wife loves this product", "unixReviewTime": 1395878400} +{"overall": 5.0, "verified": false, "reviewTime": "07 19, 2015", "reviewerID": "A2TYF9WCP31IGZ", "asin": "B000URXP6E", "style": {"Size:": " 74"}, "reviewerName": "SusyS", "reviewText": "The lavender scent and creamy texture is just what I hoped for.", "summary": "Will definitely buy again!", "unixReviewTime": 1437264000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "A1I03N0S6W4AVL", "asin": "B000URXP6E", "style": {"Size:": " 364"}, "reviewerName": "ariadnebalt", "reviewText": "Makes my skin feel amazingly elastic and soft. A little goes a long way. Pricey but definitely worth it! LOVE IT!", "summary": "Pricey but definitely worth it!", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A3IZX2IWVGM9QH", "asin": "B0012Y0ZG2", "style": {"Size:": " 58"}, "reviewerName": "Brenda", "reviewText": "By far I think this is one of the best mousse there is and love the light smell , it not loud like most mousse , I will buy agin.", "summary": "By far I think this is one of the best mousse there is and love the light smell", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A3Q5NCX0Y43DG1", "asin": "B001OHV1H4", "style": {"Size:": " 33"}, "reviewerName": "Patrice Villot", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1QMMNAIOIP0YO", "asin": "B00006L9LC", "style": {"Size:": " 31"}, "reviewerName": "Zak young", "reviewText": "It makes your scalp tingle and does a great job of cleaning your hair.", "summary": "Great for every day use.", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A39JMSWQA06ZN6", "asin": "B00006L9LC", "style": {"Size:": " 5 oz."}, "reviewerName": "Bettina Janet Mc Laughlan", "reviewText": "Beautiful hair after use...shiny !", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "AKQ9DH3HRPHW3", "asin": "B000URXP6E", "style": {"Size:": " one size"}, "reviewerName": "Anuschka Light", "reviewText": "This is just adorable compact fragrance. It comes in a gorgeous silver compact. A cute carry pouch. And to my surprise- a refill. I am Uber pleased with this purchase. Oh and the D&G Lifht Blue is one of my forever favorite fragrances.\n\nLove", "summary": "Love Love Love!!!!", "unixReviewTime": 1493856000} +{"overall": 5.0, "verified": false, "reviewTime": "03 8, 2016", "reviewerID": "A345PQ5PIJVC67", "asin": "B00006L9LC", "style": {"Size:": " 53"}, "reviewerName": "Bridget Schoff", "reviewText": "AS awesome as this product is, it HAS been discontinued by the makers. The people selling this on here, including the shampoos and conditioners ARE price gouging you and who knows how OLD it is.. Very Sad", "summary": "AS awesome as this product is", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2018", "reviewerID": "ARPSCXPD7FYZ4", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "thomas vanmeter", "reviewText": "Great product, I had no issues and love the way it smelled and how it made my skin feel.", "summary": "Great Product", "unixReviewTime": 1526688000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A1R7TTGL0FLO3R", "asin": "B00RZYW4RG", "reviewerName": "Algut", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2DFFI0IG23LFK", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "Kindle Customer", "reviewText": "Love this stuff. Only shampoo I will use.", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A2ABCUIYJETG6Q", "asin": "B000URXP6E", "style": {"Size:": " 392"}, "reviewerName": "Elizabeth", "reviewText": "My husband loves this soap and I love how it makes him smell. Worth the dollars!", "summary": "Worth the dollars", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A2TEMMADR9GNRO", "asin": "B0009RF9DW", "style": {"Size:": " 24 oz."}, "reviewerName": "Terese Sarckees", "reviewText": "luv it", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "AZRD4IZU6TBFV", "asin": "B0009RF9DW", "style": {"Size:": " 200"}, "reviewerName": "Norma Gandy", "reviewText": "Like this product very much..it smells great.", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": false, "reviewTime": "09 30, 2014", "reviewerID": "AMKW6DTGH7DHY", "asin": "B0012Y0ZG2", "style": {"Size:": " 432"}, "reviewerName": "Jiazhen Zhu", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A1NP222Y17P9N3", "asin": "B000URXP6E", "style": {"Size:": " 290"}, "reviewerName": "Nancy May", "reviewText": "Wonderful product and quick delivery! I couldn't be happier", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A2G7EEQJKKOU8R", "asin": "B0009RF9DW", "style": {"Size:": " 45"}, "reviewerName": "Linda Whiten", "reviewText": "I have loved this for years, bath and body discontinued it, never thought of looking for it online. So glad I did", "summary": "Ile De Tahiti Moana Coconut Vanille", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2AET552WMN8LZ", "asin": "B001OHV1H4", "style": {"Size:": " 3"}, "reviewerName": "RichJankowski", "reviewText": "Great product - my wife loves it", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": false, "reviewTime": "01 21, 2017", "reviewerID": "A3IGHIOZ898AWG", "asin": "B000URXP6E", "style": {"Size:": " 28"}, "reviewerName": "Julie", "reviewText": "This shampoo is so refreshing! I love how clean and tingly it makes my scalp feel, and it smells really good, too!", "summary": "Love this refreshing shampoo!", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A2WA0B9CJ28E45", "asin": "B000URXP6E", "style": {"Size:": " 7"}, "reviewerName": "Rainy", "reviewText": "Great hair care products always leave my hair feeling clean and soft, ive tried a lot of products but these are my favorite", "summary": "Biolage", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "AXZPSRWKSDO27", "asin": "B00126LYJM", "reviewerName": "KPM", "reviewText": "My favorite perfume ever...\nPretty bottles, and arrived pretty quick. :)", "summary": "Favorite Perfume", "unixReviewTime": 1482105600} +{"reviewerID": "A23NIAK357LIYU", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "i love it", "overall": 5.0, "reviewTime": "11 2, 2015", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3IVDKJ8B51LO0", "asin": "B0012Y0ZG2", "style": {"Size:": " 366"}, "reviewerName": "Penney Hill", "reviewText": "Would buy more of the body cream if moire was available. This body cream is hard to come by. I buy anytime I find on a site. Lotion is easily available but the body cream is difficult to obtain. This is my signature fragrance.", "summary": "Best Product", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1ETRNNK4BOVDE", "asin": "B001OHV1H4", "style": {"Size:": " 26"}, "reviewerName": "Flakester", "reviewText": "Great Product.", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A3FZSM6JYA65PR", "asin": "B004CALFE4", "reviewerName": "samburn", "reviewText": "I love the fragrance and it leaves my hair very silky. Combined with the Bvlgari Conditioner, this is my favorite brand.", "summary": "Wonderful shampoo!", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A2ZZ75UB8VK31U", "asin": "B0012Y0ZG2", "style": {"Size:": " 25"}, "reviewerName": "Bamabyrdie", "reviewText": "Love this product because of the way it makes my hair feel and look.", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A12I397MEWA1VB", "asin": "B0012Y0ZG2", "style": {"Size:": " 13"}, "reviewerName": "Adrienne Gottlieb", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"reviewerID": "A205Q5S9B99B0L", "asin": "B000FI4S1E", "reviewerName": "Trudy A. Vimini", "verified": true, "reviewText": "LOVE THIS", "overall": 5.0, "reviewTime": "10 30, 2017", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/511+oyS50IL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 21, 2018", "reviewerID": "A1VN560NNZQIR0", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Shablinska", "reviewText": "Cleansing properties are above any praise! Suprised by how good an all-organic product can be. Hair feel amazing after use.", "summary": "The best treat for my hair!", "unixReviewTime": 1524268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A156IOMOA59X7N", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "I always use this so was as expected", "summary": "Five Stars", "unixReviewTime": 1447200000} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "AIWVB6601DJOO", "asin": "B001OHV1H4", "style": {"Size:": " 6"}, "reviewerName": "Amazon Customer", "reviewText": "Love this stuff.", "summary": "Four Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A1R1RN9N2EUPRZ", "asin": "B0009RF9DW", "style": {"Size:": " 118"}, "reviewerName": "Susan Cameron", "reviewText": "Husband loves it.", "summary": "Buy it for your husband!!", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2014", "reviewerID": "A1210QJT54O8T0", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Mint Leaf"}, "reviewerName": "Sandra L. Foster", "reviewText": "These soaps are wonderful. They leave your skin feeling so clean yet not dry. I really do love using them.", "summary": "MINT LEAF SOAP", "unixReviewTime": 1391212800} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3E52KMZJI788W", "asin": "B0012Y0ZG2", "style": {"Size:": " 25"}, "reviewerName": "K9 Lover", "reviewText": "The silver shampoo I had been using is no longer available, so I tried this. It does a great job as far as color goes but didn't leave my hair as soft. I have very thick coarse hair and it's hard to find a product to soften it. Overall I'm very pleased, especially for the cost.", "summary": "keeps my white hair from looking yellow.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A3V6X81OCON26K", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Kim Shay", "reviewText": "Was looking everywhere for this as a gift. Great scent1", "summary": "Great", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A8B6JCPLPWVK5", "asin": "B0009RF9DW", "style": {"Size:": " 70"}, "reviewerName": "DLS", "reviewText": "Love this product! The scent is subtle, fresh and it leaves your skin feeling soft.", "summary": "Great fresh scent!", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A1HPJKECRYBG6V", "asin": "B0009RF9DW", "style": {"Size:": " 100"}, "reviewerName": "Underhilll", "reviewText": "Years ago we discovered this bath/shower gel in various French hotels and fell in love with the scent. I finally used up the last of my stash and was very glad to find it available in the U.S. so I no longer have to ask friends to bring it back for me.", "summary": "Brings back memories", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A3E9ZV03ZD1ZI", "asin": "B0012Y0ZG2", "style": {"Size:": " 122"}, "reviewerName": "Amazon Customer", "reviewText": "I love the scent.", "summary": "Five Stars", "unixReviewTime": 1473897600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 7, 2018", "reviewerID": "A1WGVH160JCIC", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "BruinGirl", "reviewText": "I have a dry scalp and occasional dandruff. This product really helps! Leave it on for a few minutes then really lather it up and give your scalp a good scrubbing. It really works.", "summary": "Leave it on for a few minutes then really lather it up and give your scalp a good scrubbing. It really works", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A2WA4LQGM8X68D", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Molly", "reviewText": "Best stuff, smells great, tames frizz and leaves shiny!", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "ANUDL8U5MQSPX", "asin": "B00006L9LC", "style": {"Size:": " 551"}, "reviewerName": "Whitney", "reviewText": "Very rich and creamy, moisturizes with no greasy feel!", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "AUBJHP5EYBWWT", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "ursovain", "reviewText": "Great anti-frizz product!", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "ANNRN691N2WR", "asin": "B000URXP6E", "style": {"Size:": " 551"}, "reviewerName": "Dana M.", "reviewText": "I would recommend this eye cream because it is extremely moisturizing and it only takes a small dab for each eye. I could tell after only a few times of using it that the fine lines around my eyes weren't as noticeable.", "summary": "Worth the Money!", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A31MET9QVHSWD9", "asin": "B0012Y0ZG2", "style": {"Size:": " 41"}, "reviewerName": "Textile", "reviewText": "Love this product. Cleans hair quickly and leaves hair soft.", "summary": "Organic makes me happy", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A2HMKJTX67U6SO", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "S. L. CHANCE", "reviewText": "Good shampoo and conditioner. I have always colored my hair and this set protects my color as it really cleans my hair. The fragrance is nice and light. Will buy again.", "summary": "Does what it claims..", "unixReviewTime": 1377993600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A25TLMKU5AXWHF", "asin": "B000URXP6E", "style": {"Size:": " 283"}, "reviewerName": "gamma", "reviewText": "This wonderful fragrance is light and airy. Lovely aroma that many ask what is that you are wearing. Hope you try it.", "summary": "Attenion getting fragrance.", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A324WQKVD3TLLQ", "asin": "B000URXP6E", "style": {"Size:": " 48"}, "reviewerName": "Jeremy", "reviewText": "The products great, hard to find, the gel has a stronger scent then the regular body wash which i like due to I love the smell of this and feels like the fragrance last longer.", "summary": "It smells really good, subtle yet strong lasting fragrance", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A31MET9QVHSWD9", "asin": "B001OHV1H4", "style": {"Size:": " 41"}, "reviewerName": "Textile", "reviewText": "Love this product. Cleans hair quickly and leaves hair soft.", "summary": "Organic makes me happy", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A1JJBKKS6FCOQJ", "asin": "B000URXP6E", "style": {"Size:": " 351"}, "reviewerName": "Claudia Sanchez", "reviewText": "These are my favorite eye shadows! Box even comes with instructions. Love it!", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3QDLODOQKUXGN", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "Kitty", "reviewText": "Great fragrance and product. Will purchase again.", "summary": "Great Body Wash", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "ALWK9NN6TP252", "asin": "B001OHV1H4", "style": {"Size:": " 5"}, "reviewerName": "Tim Scarbrough", "reviewText": "Great product. Thick, concentrated, worth the investment.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A1A6EANMBA02NW", "asin": "B0012Y0ZG2", "style": {"Size:": " 175"}, "reviewerName": "elaine lester", "reviewText": "I loved it.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A3OCG4F2HKKPD5", "asin": "B0012Y0ZG2", "style": {"Size:": " 494"}, "reviewerName": "Linda Atwood", "reviewText": "like it", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A2WYK1JQGK82VP", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "richard w cossey", "reviewText": "Very gentle effect and very nice smell. Recommended.", "summary": "Gentle product", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A4UJH2NJW002Y", "asin": "B0012Y0ZG2", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "juju", "reviewText": "Love this shower gel and it was a good value.", "summary": "Five Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A3Q5NCX0Y43DG1", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "Patrice Villot", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A24A9FRVM8TQZS", "asin": "B00VARTPKS", "reviewerName": "Amazon Customer", "reviewText": "Item just as described", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A165FHUTQU6L2Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Sarah", "reviewText": "Smells great and is as described", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28G6HAG3I755Y", "asin": "B00JF2GVWK", "reviewerName": "R. Taylor", "reviewText": "Great smell and products.", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A2H9JIWY7JDD3J", "asin": "B0012Y0ZG2", "style": {"Size:": " 100"}, "reviewerName": "Milostiva", "reviewText": "Tired, stressed out? A shower with this will rouse your spirit. And at the small price the best bargain in town.", "summary": "a simple delight", "unixReviewTime": 1365033600} +{"reviewerID": "A3NO4EO1AGK1XX", "asin": "B000FI4S1E", "reviewerName": "SnookkillerCharlie", "verified": true, "reviewText": "I've tried and liked many of the different Shower gels by AXE. But by far.. The AXE MUSIC is The Best Ever. WHY DID THEY STOP SELLING IT!", "overall": 5.0, "reviewTime": "10 20, 2013", "summary": "The Best AXE ever!", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A10P0NAKKRYKTZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 97"}, "reviewerName": "Amazon Customer", "reviewText": "Fantastic shower gel. Not only lathers well but also makes the entire bathroom smell nice", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 3.0, "verified": false, "reviewTime": "09 12, 2017", "reviewerID": "A1R1BFJCMWX0Y3", "asin": "B002GP80EU", "style": {"Color:": " Soap Mitt"}, "reviewerName": "KO", "reviewText": "This is really thin and really cheap. Mine started coming apart after a couple scrubs.", "summary": "Falling apart already", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2016", "reviewerID": "A4EKBPGD0LK2K", "asin": "B0009RF9DW", "style": {"Size:": " 157"}, "reviewerName": "Sarah Jones", "reviewText": "Love this product! It's very nearly good as lanolin products. It you want to avoid lanolin, it's the way to go! (P.s.- Their stretch mark cream is awesome)", "summary": "Love this product", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A3SR36PIOEYYO1", "asin": "B0009RF9DW", "style": {"Size:": " 70"}, "reviewerName": "andhopf", "reviewText": "love this procuct", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A244RDHGOX4Z2J", "asin": "B0012Y0ZG2", "style": {"Size:": " 57"}, "reviewerName": "Dinorah Navarro", "reviewText": "It's the best shampoo I've ever tried! It didn't stop my hair loss 100% but I can see a big difference! I bought 3 and after I ordered again...", "summary": "It's the best shampoo I've ever tried", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "AAB7D8L1RXAK8", "asin": "B001OHV1H4", "style": {"Size:": " 370"}, "reviewerName": "Teresa Lamb", "reviewText": "Love this cream. I have been using it for over 6 years and will continue to use it as long as it is available. I LOVE it!!!", "summary": "Love this cream", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A39W5XTO1GA6G1", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "Shirley Smith", "reviewText": "I really like the H20 shampoo.", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2ITV3AU9TL0O9", "asin": "B0012Y0ZG2", "style": {"Size:": " 494"}, "reviewerName": "J. Nguyen", "reviewText": "good item...no issues", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3IVDKJ8B51LO0", "asin": "B001OHV1H4", "style": {"Size:": " 366"}, "reviewerName": "Penney Hill", "reviewText": "Would buy more of the body cream if moire was available. This body cream is hard to come by. I buy anytime I find on a site. Lotion is easily available but the body cream is difficult to obtain. This is my signature fragrance.", "summary": "Best Product", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "AAB7D8L1RXAK8", "asin": "B000URXP6E", "style": {"Size:": " 370"}, "reviewerName": "Teresa Lamb", "reviewText": "Love this cream. I have been using it for over 6 years and will continue to use it as long as it is available. I LOVE it!!!", "summary": "Love this cream", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": false, "reviewTime": "09 22, 2017", "reviewerID": "A1MZL91Z44RN06", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Sandalwood"}, "reviewerName": "MussSyke", "reviewText": "This is a huge bar of great, thick, luxurious soap, in a classic form and scent. The constant cheapening of hotel soaps has almost had me forgetting what a real soap was like and why it is a forgotten pleasure. I like it!", "summary": "Simple luxury", "unixReviewTime": 1506038400} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1M54T56FE4B86", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "AmazonFan", "reviewText": "I really like these products - I saw some folks talked about \"slowed\" grey growth. I haven't really noticed that. But my hair seems less frizzy when I use this product.", "summary": "I really like these products - I saw some folks talked about ...", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2H85FZ61BSTLA", "asin": "B0012Y0ZG2", "style": {"Size:": " 106"}, "reviewerName": "Brit Brower", "reviewText": "This is my family's favorite body wash, and I was excited to find it on Amazon, as the store I used to purchase it from no longer carries it. Wonderful smell and relaxing smell without being perfume-y; works great for showers to feel clean and for baths to relax.", "summary": "This is my family's favorite body wash", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A3C5QWL1FYGL8L", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "Q", "reviewText": "LOVE IT! The smell is intoxicating - reminds me of my fun time spent in Sicily every time I use it! Think it would be great for men or women. The bar soap is also yummy. Would love some shampoo or perfume if they made it...", "summary": "A+", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A2H99IQJ0JT4MU", "asin": "B0012Y0ZG2", "style": {"Size:": " 143"}, "reviewerName": "karen stanley", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A2O4T6MQ540AGF", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Brandon Meekins", "reviewText": "Fast shipping and just as described.", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"reviewerID": "A1SC0VA3U18WUP", "asin": "B000FI4S1E", "reviewerName": "Ica2284", "verified": true, "reviewText": "I am a huge fan of Molton Brown products, especially the Travel Reviving Cempaka Bath & Shower gel. It's a bit pricey ($28-$30) but it's worth it...especially after long, stressful days.", "overall": 5.0, "reviewTime": "10 8, 2012", "summary": "Perfection", "unixReviewTime": 1349654400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A2F87BBKVFB2H1", "asin": "B0012Y0ZG2", "style": {"Size:": " 23"}, "reviewerName": "georgina", "reviewText": "Really good", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A1VRZOJ7MNAJME", "asin": "B0009RF9DW", "style": {"Size:": " 293"}, "reviewerName": "Dee Stapes", "reviewText": "I love the smell of this particular product and the way it feels on my lips. I wish it wasn't so expensive, because I would buy more!,,", "summary": "Great smell and texture.", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A3T94O0KWMLTNG", "asin": "B000URXP6E", "style": {"Size:": " 187"}, "reviewerName": "MHGreen", "reviewText": "Great shower gel--love the scent!", "summary": "Love it!", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A3H7T87S984REU", "asin": "B000FTYALG", "style": {"Size:": " 7.0 oz", "Flavor:": " Classic Ice Blue"}, "reviewerName": "houserules18", "reviewText": "Like the oder and the feel when I put it on my face. I have tried other brands but the reviews from people I know they prefer the oder of this brand. Not hard on the face when dry. Does not leave dry skin.", "summary": "Good for the face", "unixReviewTime": 1384387200} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "AOG134B92MGKO", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "MRS K L WARRINGTON", "reviewText": "good, happy with the product and price", "summary": "Four Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A2N52EPR60UCHN", "asin": "B001OHV1H4", "style": {"Size:": " 367"}, "reviewerName": "gary walters", "reviewText": "my wife loved it ,and thanked me ,she gets good coments all the time.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1MZIY3MPR5LRS", "asin": "B0012Y0ZG2", "style": {"Size:": " 1000ml/33.8oz"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "APN3J5IUV91MV", "asin": "B000URXP6E", "style": {"Size:": " 45"}, "reviewerName": "Angell M I", "reviewText": "AWESOME.. AROMA", "summary": "ISLAND!!! GIRL FEEL...", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A3QUX4Z5YP6T4P", "asin": "B0009RF9DW", "style": {"Size:": " 214"}, "reviewerName": "Barb S", "reviewText": "I love it! What more to say? I was happy to find it available and at a reasonable enough price.", "summary": "I love it! What more to say", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A2ZSMS6M1Q4Y9R", "asin": "B00006L9LC", "style": {"Size:": " 340"}, "reviewerName": "Barbara S", "reviewText": "Smells great with out the allergy issues. I wish I didn't have to have required number of words. What more can I say about soap?", "summary": "No allergy problems w/this soap.", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A1RO0GOES15LER", "asin": "B000URXP6E", "style": {"Size:": " 82"}, "reviewerName": "Michelle", "reviewText": "Loved this. ... but I can't fInd more. ... anywhere!", "summary": "Five Stars", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "APRCXHKSYVYZX", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Mindy", "reviewText": "One of my Favorite scents!", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3NXD25N4CDKXF", "asin": "B001OHV1H4", "style": {"Size:": " 91"}, "reviewerName": "Roshena A.", "reviewText": "I love it. It worked great!", "summary": "Great", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A1JR5CZCFXPQMC", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Caitlin", "reviewText": "Really great shampoo. It smells good and leaves hair healthy. Amazing to feel that I've finally found a suitable product", "summary": "Great", "unixReviewTime": 1526169600} +{"reviewerID": "AGOH8N902URMW", "asin": "B000FI4S1E", "reviewerName": "Zeb", "verified": true, "reviewText": "This gel is a genuine imported product from France. Over the years I have bought my wife similar products by other very expensive brands from France. Real high quality at a very affordable price.", "overall": 5.0, "reviewTime": "03 27, 2014", "summary": "My wife loves this product", "unixReviewTime": 1395878400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A193RG4GIJ5OLM", "asin": "B001OHV1H4", "style": {"Size:": " 6"}, "reviewerName": "Kindle Customer", "reviewText": "Love it. Makes my hair just lovely and curly.", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A31MET9QVHSWD9", "asin": "B0012Y0ZG2", "style": {"Size:": " 41"}, "reviewerName": "Textile", "reviewText": "Love this product. Cleans hair quickly and leaves hair soft.", "summary": "Organic makes me happy", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A1JQIYKCPYFKG2", "asin": "B0009RF9DW", "style": {"Size:": " 247"}, "reviewerName": "S. Curry", "reviewText": "My favorite and hard to find.", "summary": "My favorite and hard to find", "unixReviewTime": 1407542400} +{"overall": 4.0, "verified": false, "reviewTime": "08 31, 2017", "reviewerID": "AM18CU72YEWH5", "asin": "B002GP80EU", "style": {"Color:": " Cellulite Brush"}, "reviewerName": "A. J Terry", "reviewText": "This is . . . a bath brush! With nice thick bristles on one side, and rounded plastic knobs on the other side. Both are suitable for cleaning your back and any other area that is hard to reach, though I prefer the bristle side. As for reducing cellulite . . . not really.", "summary": "A good, two-sided bath brush", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "ADNBIWDCIZJ0S", "asin": "B0012Y0ZG2", "style": {"Size:": " 370"}, "reviewerName": "J. MILLER", "reviewText": "In my opinion any product by Decleor is going to improve your skin!!\nHigh end luxury skin care at a good price.", "summary": "heaven", "unixReviewTime": 1380153600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AQG3FO72CYLU3", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "michael dzienis", "reviewText": "can't beat it... 3 for the price of 1 at a local store", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A2N0CVZO3GPQ45", "asin": "B00RZYW4RG", "reviewerName": "J. broder", "reviewText": "nice", "summary": "Four Stars", "unixReviewTime": 1496275200} +{"overall": 1.0, "verified": true, "reviewTime": "05 6, 2018", "reviewerID": "AYKOSAJTP5AVS", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Senthil Kumar M", "reviewText": "It dries my hair, doesnt help to reduce dandruff. I have to use very less shampoo nevertheless it dries.. don't know how this got higher ratings", "summary": "Dries my hair, doesnt help to reduce dandruff. ...", "unixReviewTime": 1525564800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2L6FOYXXFC3TX", "asin": "B0012Y0ZG2", "style": {"Size:": " 233"}, "reviewerName": "Ivan Pavlov", "reviewText": "Works and smells great.", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A1TRRL3F84BJNJ", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Di", "reviewText": "Excellent!! Love the product not sticky and great price!!", "summary": "Excellent!! Love the product not sticky and great ...", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A2JPQVFMKT94M2", "asin": "B019V2KYZS", "reviewerName": "ad", "reviewText": "This is so handy and unique! Comes in a protective pouch, and with an extra refil. Seems like it will last a long time for those who just like a little dab of a beautiful scent.", "summary": "Seems like it will last a long time for those who ...", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": false, "reviewTime": "10 30, 2016", "reviewerID": "A15NM9DLEOB4XI", "asin": "B001OHV1H4", "style": {"Size:": " 13"}, "reviewerName": "RedEarth", "reviewText": "I really like the way this product enhances my hair's natural curl without being sticky. Lightweight and non-greasy.", "summary": "Nice hair product.", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A3HA7DWA3A6P4D", "asin": "B0012Y0ZG2", "style": {"Size:": " 41"}, "reviewerName": "Stellina Reed", "reviewText": "Great Product; does wonders for colored treated hair.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "AL24GOJZZ48PB", "asin": "B001OHV1H4", "style": {"Size:": " 174"}, "reviewerName": "S. Rae", "reviewText": "As expected for price.", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A3DLYCA3TUHOZM", "asin": "B00RZYW4RG", "reviewerName": "Amazon Customer", "reviewText": "I like how it works on my haur, have it looking great.", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"reviewerID": "A1NVH7LUS2AVWW", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "For some reason, nowhere near me sells this. Amazon fixed this problem, and I'm now a happy fox.", "overall": 5.0, "reviewTime": "11 1, 2016", "summary": "and I'm now a happy fox.", "unixReviewTime": 1477958400} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "AIWVB6601DJOO", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Amazon Customer", "reviewText": "Love this stuff.", "summary": "Four Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": false, "reviewTime": "03 15, 2016", "reviewerID": "A1ZB4T8L0SPYV8", "asin": "B0009RF9DW", "style": {"Size:": " 114"}, "reviewerName": "Bonnie Smith", "reviewText": "Intoxicatingly wonderful!!!!!", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A39KHX3058560R", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "D. Lewis", "reviewText": "I have always liked Prell conditioner and so does my wife. Great product, arrived safe and sound from \"Naturaly\" no problems. Would definitely buy from this vendor again.", "summary": "Prell conditioner, family favorite.", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A1D3RMFWUWRASV", "asin": "B001OHV1H4", "style": {"Size:": " C-071"}, "reviewerName": "Michelle B", "reviewText": "Calibra eye cream is great! It takes out puffiness and tightens skin and conceals fine lines. It is also great under makeup.", "summary": "Calibra eye cream is great! It takes out puffiness and tightens skin and ...", "unixReviewTime": 1442707200} +{"reviewerID": "AXIU0T1YPFUBX", "asin": "B000FI4S1E", "reviewerName": "Epalahame Palu", "verified": true, "reviewText": "Love it, wish it wasn't dis-comtinued", "overall": 5.0, "reviewTime": "10 26, 2015", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A2OQZFZLIMR4AR", "asin": "B0012Y0ZG2", "style": {"Size:": " 1.7 oz"}, "reviewerName": "C McNulty", "reviewText": "I will never be without this product. I have used it for 5 years. Foundation just glides on over top. I use it with Estee Lauder foundation but you could probably use another brand. I am 62 and get compliments on my skin all of the time.", "summary": "Great product", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A2RRQ78UZSEDF1", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Beulah", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2SUH2N8051BES", "asin": "B0012Y0ZG2", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "M. Striffolino", "reviewText": "Wonderful fragrance. Love It.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A59KNJGQD1ZJL", "asin": "B0009RF9DW", "style": {"Size:": " 196"}, "reviewerName": "Martha-jean R. Johnson", "reviewText": "Since the Thymes comany stopped production of the Filigree, I'm glad to have found a new source. Their stock will probably run out too, But for the time being I'm thrilled to have my favorite fragrance available.", "summary": "filigree", "unixReviewTime": 1360454400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A27VWQXCDU4U9D", "asin": "B000URXP6E", "style": {"Size:": " 364"}, "reviewerName": "Linda sommer", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A3RGQCA2GSFLX2", "asin": "B0012Y0ZG2", "style": {"Size:": " 169"}, "reviewerName": "self", "reviewText": "hard to find a lab coat the fits nice. this one does. This is my second coat and i am not disappointed. If I need a new one, wold by again. shipping was on time.", "summary": "Love the fit of the lab coat......", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2014", "reviewerID": "A32PX7W05VFWOJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 187"}, "reviewerName": "L.B.T.W", "reviewText": "I love this cleansing cream. I also bought the body cream. Love the smell.", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AQG3FO72CYLU3", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "michael dzienis", "reviewText": "can't beat it... 3 for the price of 1 at a local store", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A1GVT488CKU6ZB", "asin": "B000URXP6E", "style": {"Size:": " 243"}, "reviewerName": "Ellen M Smith", "reviewText": "Excellent non-greasy cream for rough spots - heels, elbows especially.", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "AAB7D8L1RXAK8", "asin": "B00006L9LC", "style": {"Size:": " 370"}, "reviewerName": "Teresa Lamb", "reviewText": "Love this cream. I have been using it for over 6 years and will continue to use it as long as it is available. I LOVE it!!!", "summary": "Love this cream", "unixReviewTime": 1486080000} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A3CLPIHVAD1LI1", "asin": "B0009RF9DW", "style": {"Size:": " 10"}, "reviewerName": "C.H.", "reviewText": "Smells awesome love it!!", "summary": "One of the better body wash smells in my opinion", "unixReviewTime": 1501113600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A2EIK3QR1822Q4", "asin": "B00006L9LC", "style": {"Size:": " 15"}, "reviewerName": "Forensic Nut", "reviewText": "Very good product for fine/thin hair. Does help with texture and thickness.", "summary": "Four Stars", "unixReviewTime": 1452038400} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "AV19Z8ZCIQM4G", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Amazon Customer", "reviewText": "Good but kind of drying", "summary": "Four Stars", "unixReviewTime": 1524096000} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "AZRD4IZU6TBFV", "asin": "B0012Y0ZG2", "style": {"Size:": " 200"}, "reviewerName": "Norma Gandy", "reviewText": "Like this product very much..it smells great.", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A2MWZ6TCFPWTPH", "asin": "B001OHV1H4", "style": {"Size:": " 361"}, "reviewerName": "N. Pfamatter", "reviewText": "I've worn Chanel #5 since I was 12 years old. This was a great price for the only perfume I've ever worn.", "summary": "My favorite scent", "unixReviewTime": 1379203200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A2UNM0QKAA0LUS", "asin": "B001OHV1H4", "style": {"Size:": " -"}, "reviewerName": "Peggy Brothers", "reviewText": "Great! large enough for excellent coverage...love it!", "summary": "Face Powder Brush", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A34SO74JEYQXZW", "asin": "B001OHV1H4", "style": {"Size:": " 39"}, "reviewerName": "Jose", "reviewText": "Sally's stop selling this great shampoo for fuller thicker hair thanks to this company through Amazon I can buy again. This is a great shampoo if you want to hide that you have thin hair, but this shampoo only gives volume for a few hours.", "summary": "Fuller Hair", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "AG6BQPVI5DCR4", "asin": "B0012Y0ZG2", "style": {"Size:": " 136"}, "reviewerName": "Quanisha Perry", "reviewText": "It smells so good it's worth the price I'm definitely buying this again.", "summary": "smells great", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A105A034ZG9EHO", "asin": "B000URXP6E", "style": {"Size:": " 180"}, "reviewerName": "K. Mras", "reviewText": "yum", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "ABCIDPOKCXJOB", "asin": "B0012Y0ZG2", "style": {"Size:": " 354"}, "reviewerName": "Linda Alana", "reviewText": "These are the best perms! I only wish we could still buy them. The foam is so much nicer to work with and Ogilvie is a wonderful product.", "summary": "These are the best perms! I only wish we could still buy ...", "unixReviewTime": 1408147200} +{"reviewerID": "A3RY7MA4VRMXN6", "asin": "B000FI4S1E", "reviewerName": "Ed Johnson", "verified": true, "reviewText": "I love the scent of the music. Unfortunately they don't make this anymore but it's the best", "overall": 5.0, "reviewTime": "12 18, 2014", "summary": "love this stuff", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A1XQ0F01CF84Y3", "asin": "B0009RF9DW", "style": {"Size:": " 300"}, "reviewerName": "Mrs. J.", "reviewText": "I bought this for my niece and she loved it! Philosophy is great and she said this set. Smelled awesome!", "summary": "Great gift", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A274J0XAP9U68Y", "asin": "B000URXP6E", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "Francine Johnson", "reviewText": "Nest products are the best. A bit pricey but worth the price.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"reviewerID": "AVZFCI6JTP4PU", "asin": "B000FI4S1E", "reviewerName": "ItalianTraci", "verified": true, "reviewText": "Great price and as described! Fast shipping too! Would definitely purchase from this seller again!", "overall": 5.0, "reviewTime": "08 21, 2015", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": false, "reviewTime": "02 26, 2014", "reviewerID": "A3EA4UZ8DK7S7F", "asin": "B000URXP6E", "style": {"Size:": " 114"}, "reviewerName": "red8089", "reviewText": "this body wash smells amazing! and as an added bonus,if you plug the bathtub and put a little under warm,running water,it makes a wonderful bubble bath with loads of suds! and the suds last a long time too.this body wash's scent relaxes you and softens your skin!", "summary": "so relaxing...", "unixReviewTime": 1393372800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "ACK0K1VME15R7", "asin": "B001OHV1H4", "style": {"Size:": " 56"}, "reviewerName": "KilDiKat", "reviewText": "Best stuff on earth for your hair!", "summary": "A must BUY!!!", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2016", "reviewerID": "A2UH411RVKUH96", "asin": "B0009RF9DW", "style": {"Size:": " 143"}, "reviewerName": "Barb", "reviewText": "Have used this for over a month and I love it! No more itching or burning of my skin. Along with the Olay Age Defying moisturizer, my skin feels smooth and non-greasy. Lovely light scent too.", "summary": "Love it", "unixReviewTime": 1469836800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3E9APU6SYF2SD", "asin": "B00006L9LC", "style": {"Size:": " one size"}, "reviewerName": "KatieMul", "reviewText": "Perfect size.", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A3QYF175C7E1CN", "asin": "B00006L9LC", "style": {"Size:": " 363"}, "reviewerName": "SABRINA KROUSE", "reviewText": "good soap. I have skin allergies and am having trouble with mass produced soaps. So far so good and my skin feels great.", "summary": "great soap", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": false, "reviewTime": "09 6, 2016", "reviewerID": "A157AUOFPJQ46Q", "asin": "B0009RF9DW", "style": {"Size:": " 89"}, "reviewerName": "Big Ed Mustafa.", "reviewText": "This body wash is expensive because it's hard to find in a lot of places. I was lucky enough to find a few bottle at a retailer near me. This is a great body wash it lathers and cleans well and doesn't seem to drying, it leaves a nice cologne like sent on your skin.", "summary": "Fine body wash.", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A20B9DRVC87T06", "asin": "B000URXP6E", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Kelly", "reviewText": "Love!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A2IGYO5UYS44RW", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "Dawna Kern", "reviewText": "I love how soft this makes my skin and the scent is amazing. When my local stored are out I can always get it at Amazon", "summary": "BETTER THAN RAINBATH", "unixReviewTime": 1517356800} diff --git a/keith-galli_nlp/data/test/test_Books.json b/keith-galli_nlp/data/test/test_Books.json new file mode 100644 index 0000000..f45a628 --- /dev/null +++ b/keith-galli_nlp/data/test/test_Books.json @@ -0,0 +1,500 @@ +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2OJLJIC0HWDO1", "asin": "0007368658", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Elizabeth De Dios-Navarro", "reviewText": "Good read", "summary": "Four Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A35UH68TIV2G42", "asin": "0007271204", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jessica", "reviewText": "Like all Paulo' s book this book is very good. If a person does not understand about this topics, it will difficult to understand this book.", "summary": "Awesome book", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": false, "reviewTime": "10 20, 2016", "reviewerID": "A13MCM4NB5ZIZN", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "David Dawson", "reviewText": "Masterpiece.", "summary": "Five Stars", "unixReviewTime": 1476921600} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A3QPH6K19ZE8C8", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "D. Luko", "reviewText": "A very good book. I was a bit leery because it's for young adults and I'm in my late 40s. Loved reading it, thought it was well-written and quite interesting.", "summary": "Found Alaska to be very good", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A3H29HDHI4QR47", "asin": "0006158048", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Vernon D. Scheske", "reviewText": "Good book.", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2012", "reviewerID": "A1MXJP65B17N9Y", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Great addition to the series! Have enjoyed all of the books in the series, and this one definitely was right at the top of my favorites. Liked the added twists to the characters that this book provided.", "summary": "Bloodline book", "unixReviewTime": 1347148800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A3GWFH9TABOV03", "asin": "0006513077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "That can really happenby hungry pharmacyy that want to have the only know how of a threat to the human race, to either bring it total destruction on be the ones to solve the misery and save people or let them die, i enjoyed the book alot and will share it with friends", "summary": "It was a very intence book. Onceyoustarted reading it you couldn't put it down.it was thrillingyetscary when you think about it,", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "AK8XYL4CE1N88", "asin": "0006064922", "style": {"Format:": " Hardcover"}, "reviewerName": "Shane", "reviewText": "Great value and perfect letter size for my aging eyes!", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "A3K8O1U746WSMC", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "runcix", "reviewText": "Can't say I loved the ending but a great read that you won't want to put down! Lets hope we see more from Mr. Wroblewski!", "summary": "One of those books you hate to end", "unixReviewTime": 1357084800} +{"overall": 4.0, "verified": false, "reviewTime": "08 24, 2008", "reviewerID": "A34I4SFSGHNN9L", "asin": "0007265719", "style": {"Format:": " Hardcover"}, "reviewerName": "S. B. Graham", "reviewText": "I haven't had time to read the entire book but there is a lot of information to digest, some of which would make major changes to your current life style.", "summary": "You Staying Yound", "unixReviewTime": 1219536000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A1NKZ6B2ZGCYRO", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Diane Gourley", "reviewText": "I like being able to carry my Bible in my Kindle. It's so convenient and easy to look up cross referenced verses.", "summary": "Easy To Use", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A1VL4GUTW5BIBK", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "NeilB", "reviewText": "Beautiful writing. Great satire. Just reading part of it can give you a taste of Oscar Wild.", "summary": "Even in small bites a great book.", "unixReviewTime": 1404777600} +{"overall": 2.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A37QKFJHPLU8K0", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "word and song", "reviewText": "Story moved too slow to hold my interest.", "summary": "Too Slow", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A2RP0ROAONVDYO", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "butch", "reviewText": "Excellent transaction. Item as described and fast shipping. Thank You.", "summary": "Five Stars", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": false, "reviewTime": "06 22, 2009", "reviewerID": "A1W2ZWH4JMUWH6", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "J. Carter", "reviewText": "I really loved this book. It's been a while since I've read a book that I liked this much. Could not put it down!", "summary": "Loved this book", "unixReviewTime": 1245628800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A3HIPFUYY9CEI0", "asin": "0007147295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patty Kirby", "reviewText": "Loved it!", "summary": "Five Stars", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A3NYXZB4D9LLFT", "asin": "0007299540", "style": {"Format:": " Hardcover"}, "reviewerName": "John Castle", "reviewText": "interesting read", "summary": "Five Stars", "unixReviewTime": 1463616000} +{"overall": 1.0, "vote": "9", "verified": false, "reviewTime": "10 15, 2010", "reviewerID": "ARFMDY5H1QLTZ", "asin": "0007318529", "style": {"Format:": " Hardcover"}, "reviewerName": "David Eubanks", "reviewText": "I got the audiobook and listened well into chapter three. I coudn't stand it anymore and quit. Two words come to mind: Cartoonish and contrived. It's hard to believe this book has received such promotion. My recommendation: don't even bother with it.", "summary": "Shockingly Poor Writing", "unixReviewTime": 1287100800} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A1SAU7UHSL8PGB", "asin": "0002325454", "style": {"Format:": " Hardcover"}, "reviewerName": "Nicki D. Somers-Bashor", "reviewText": "The beginning of the Tony Hill/Carol Jordan saga! Jump on board! You won't be able to stop!", "summary": "The start of a wonderful trip!", "unixReviewTime": 1477526400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A1411HRN4CN32K", "asin": "0006895492", "style": {"Format:": " Loose Leaf"}, "reviewerName": "beverlyabowers", "reviewText": "Just what I needed", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2008", "reviewerID": "A2CHH5U12THP2D", "asin": "0007367759", "style": {"Format:": " Paperback"}, "reviewerName": "The Purple Bee", "reviewText": "I love this book, his humor and imagination, the descriptions. It's his best!\nHighly Recommended!", "summary": "IVE READ IT TWICE and STill plan to read it again.", "unixReviewTime": 1218240000} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A4U0QDQJ2SVOJ", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "Tiki Joe", "reviewText": "This is one of those books that takes you by surprise. I was moved, and loved the story. Have shared it with friends.", "summary": "A Winner", "unixReviewTime": 1364601600} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A37452I9WDGZTY", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "therightway", "reviewText": "Amazing, as usual. It tied things up nicely and left just a few fun questions for... dare I hope... the next installment", "summary": "Must read, totally fun", "unixReviewTime": 1385856000} +{"reviewerID": "A2QZ71S96FPVWC", "asin": "0001050230", "reviewerName": "NEMI ANDRES", "verified": true, "reviewText": "excellent", "overall": 5.0, "reviewTime": "06 24, 2016", "summary": "Five Stars", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2017", "reviewerID": "A2U2Y2ZLJ492UW", "asin": "0007337701", "style": {"Format:": " Paperback"}, "reviewerName": "Trey G.", "reviewText": "Best contemporary book on warfare at the tactical level in the 21st century.", "summary": "Amazingly great!", "unixReviewTime": 1501804800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A2ASZXA4EVPMKB", "asin": "0007153937", "style": {"Format:": " Paperback"}, "reviewerName": "leboit", "reviewText": "thanks!", "summary": "Movie in the works!?", "unixReviewTime": 1444780800} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A1JPNX99PVTKLH", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "Wiseguy", "reviewText": "A classic sing along full of memories for a baby-boomer.", "summary": "Sing along", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A29CT3MXKBWVQ6", "asin": "0006499260", "style": {"Format:": " Kindle Edition"}, "reviewerName": "UrbanMonique", "reviewText": "Gripping, detailed, delightful! Buy them all, and save yourself time. This is a series to be reread several times though a life.", "summary": "historical perfection", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2013", "reviewerID": "AQ1CRDALTCLJX", "asin": "0007149832", "style": {"Format:": " Kindle Edition"}, "reviewerName": "tam", "reviewText": "I thought this alternative history was very creative. The beggining was hard to understand but then as I kept reading I got into it", "summary": "yiddish policemen's union", "unixReviewTime": 1377648000} +{"overall": 3.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A24XU3PISGG3E1", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "brandi", "reviewText": "I would have rated this story better but it didn't meet its potential in my opinion. Although I still really liked it, I liked the past Odd stories more so. I do look forward to reading the next book in the series. Good story.", "summary": "Good story", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A33OBG2S1RKVO0", "asin": "0006280897", "style": {"Format:": " Hardcover"}, "reviewerName": "Stephen W.", "reviewText": "Great book. Understanding what is in this book has greatly helped me sort through a ton of ethical situations and helped me make since of the world. Highly recommended.", "summary": "i love it. :)", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2017", "reviewerID": "A2LASUOKTC514G", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Love this story. Love the show. One of the best on TV.", "summary": "Five Stars", "unixReviewTime": 1503878400} +{"overall": 5.0, "verified": false, "reviewTime": "08 9, 2015", "reviewerID": "A3A5R0O6TZV0L9", "asin": "0007331908", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bill Middlebrook", "reviewText": "I love Bernard Cornwell's various series. But the Saxon tales are wonderful.", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 4.0, "verified": false, "reviewTime": "03 23, 2007", "reviewerID": "A3QEPVTIEQU31C", "asin": "0007217099", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "JustFine", "reviewText": "I love it when the series is all done, and I can burn through it without having to wait for the next book to be written. This was a very good book.", "summary": "Excellent book, excellent series", "unixReviewTime": 1174608000} +{"overall": 3.0, "verified": false, "reviewTime": "01 5, 2015", "reviewerID": "A3CBI03DINP82C", "asin": "0007350031", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "ashley0929", "reviewText": "I thought the book was good, I do not feel like it deserves one star like some people are rating it. It was very detailed. The story was decent, and I kept reading to find out what would happen next. Not my favorite book ever, but worth a read.", "summary": "I thought the book was good, I do not feel like it deserves one ...", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A3H34VLIIAVGT9", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kim in Nashville", "reviewText": "This is truly a classic and was really written for non-Christians trying to see what Christianity is all about. Lewis is very irreverent and lots of the book is, I imagine, quite offensive to churchy folk.", "summary": "This is truly a classic and was really written for ...", "unixReviewTime": 1406246400} +{"overall": 5.0, "vote": "7", "verified": false, "reviewTime": "11 9, 2000", "reviewerID": "A3ETY9EMWPVREY", "asin": "0006514936", "style": {"Format:": " Hardcover"}, "reviewerName": "Stephanie B", "reviewText": "I Read this book in one night. Its one you can't put down. The characters are so very mysterious and they have a suprise ending to me and the end that will suprise you but it also gives the ending away about midway through the book.", "summary": "Great book", "unixReviewTime": 973728000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A3647FSN6JOR06", "asin": "0006176909", "style": {"Format:": " Paperback"}, "reviewerName": "James Church", "reviewText": "I purchased this for my wife who is an avid reader and fan with me of the House of Card TV series. She is enjoying it so much that I have ordered the other two books of the trilogy and we eagerly await their arrival.", "summary": "I purchased this for my wife who is an avid ...", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1TU1AJJRWRDQ0", "asin": "0007337701", "style": {"Format:": " Hardcover"}, "reviewerName": "Brittany", "reviewText": "Excellent unbiased view on the war at its height.", "summary": "Five Stars", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A3LQHATUJRT196", "asin": "000721801X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Differently Driven", "reviewText": "This book is written in the old language and is in first person. It tells a harrowing story of a child who loses his family twice. Grows to be a man and becomes a great warrior. It is interesting and very timely.", "summary": "Great Period book", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": false, "reviewTime": "02 25, 2015", "reviewerID": "AMZ2D3ASZ325O", "asin": "0007265077", "style": {"Format:": " Paperback"}, "reviewerName": "violet", "reviewText": "Great book, wonderful journey, sad destination.", "summary": "Perfect book for dog lovers.", "unixReviewTime": 1424822400} +{"overall": 3.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A204IER6I6EZ5R", "asin": "0007350031", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bruce S", "reviewText": "OK book with characters in an highly improbable sifi situation acting in an illogical way. Entertaining but a very light read. INot up to the Michael Crichton normal standard", "summary": "OK book with characters in an highly improbable sifi situation ...", "unixReviewTime": 1464566400} +{"overall": 1.0, "vote": "6", "verified": false, "reviewTime": "03 26, 2004", "reviewerID": "A20AFCKLHK4N3S", "asin": "0007350783", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Erin Fleischer", "reviewText": "I am a fan of Jane Austen's work, but this is definitely not her best novel. It was written later in her life and lacks the emotion and plot that are so captivating in her earlier works. Read 'Pride and Prejudice' instead.", "summary": "Not Austen's best", "unixReviewTime": 1080259200} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A25SK17YIG04XT", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Valerie Ryan", "reviewText": "Could not put it down especially if you are a dog lover like me", "summary": "... it down especially if you are a dog lover like", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A2PDSVF2KLQMB7", "asin": "000720602X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cap", "reviewText": "Outstanding show. A must read for thinking people.", "summary": "A Must Read", "unixReviewTime": 1475539200} +{"reviewerID": "A3IN7S5BSIO8L8", "asin": "0002247275", "reviewerName": "Mrs. Julie Trujillo", "verified": true, "reviewText": "Robin Hobb has a way of storytelling, you fall in love with the characters, you care about them. I feel as though there are life lessons to be remembered. Wisdom shared through storytelling. So good", "overall": 5.0, "reviewTime": "05 17, 2014", "summary": "love this book, this author!", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A3DGWL56PEHS6O", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jorge", "reviewText": "What an incredible book. You will find a way of living in the story of the alchemist. Because all the answers we constantly are in search for, come within us.", "summary": "The alchemist - A way of living", "unixReviewTime": 1445644800} +{"overall": 3.0, "verified": false, "reviewTime": "09 1, 2015", "reviewerID": "AWNN9N8MUU5P2", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Norman", "reviewText": "somewhat wordy.", "summary": "Three Stars", "unixReviewTime": 1441065600} +{"reviewerID": "A2MGJ1BHP3Q6QL", "asin": "0002226529", "reviewerName": "Appie", "verified": true, "reviewText": "This book was a page turner, didn't want to put it down. The one character I was rooting for was one named Rooney and at the end she did good. I recommend this novel, absolutely, A great read.", "overall": 5.0, "reviewTime": "09 15, 2017", "summary": "The one character I was rooting for was one named Rooney and at the end she did good. I recommend this novel", "unixReviewTime": 1505433600} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "A36FR1DTIQ6OR9", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "momdugan", "reviewText": "How do you rate a classic either you love them or you don't. I thought this one was pretty Good.", "summary": "Classic", "unixReviewTime": 1363219200} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A3G03SPHYTTWMJ", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Mike Capuano", "reviewText": "Lots to like, but overall, nothing really happened, just lots of set up.", "summary": "Four Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": false, "reviewTime": "03 29, 2008", "reviewerID": "A3Q7QSON72GB54", "asin": "0007107005", "style": {"Format:": " Paperback"}, "reviewerName": "Birder", "reviewText": "Must read for all yoga students. It has been recommended by my various yoga teachers. It is very descriptive and is filled with photos of more poses than I have seen in any other book.", "summary": "Yoga at its best", "unixReviewTime": 1206748800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2017", "reviewerID": "A1YWAKWY80DHBT", "asin": "0006480101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Robin hobb is truly one of the best fantasy authors, and authors in general, that I have ever had the pleasure of discovering.", "summary": "A long time favorite", "unixReviewTime": 1487376000} +{"reviewerID": "A2LVFVU5EU2I1I", "asin": "000171760X", "reviewerName": "lisa", "verified": false, "reviewText": "This is a wonderful story for kids. I read it all the time when I was young and am getting my grandnieces and grandnephews the book so they can enjoy it.", "overall": 5.0, "reviewTime": "03 10, 2016", "summary": "Great kids book.", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "A2S1DYIHU2XANY", "asin": "0002315963", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kristine", "reviewText": "Love agatha, it's not one to focus on the gore so much as the who, why, and the psychology of the characters.", "summary": "love aunt jane!", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A1JIRGRUJ0H8F5", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kathy Rockey", "reviewText": "I am not a particular dog lover, but I totally enjoyed this inside look at Enzo. I felt like a dog really wrote the story and now I believe.", "summary": "what an interesting perspective", "unixReviewTime": 1407974400} +{"overall": 2.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A2AJOHZ01KJO87", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Lots of people that I admire really talk up this book, but I suppose it would mean more to somebody not actively chasing down.their dream", "summary": "Overated", "unixReviewTime": 1411344000} +{"overall": 2.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "ARYR52BWBH9T3", "asin": "0007204493", "style": {"Format:": " Paperback"}, "reviewerName": "Juan Dubini", "reviewText": "I still don`t know the meaning of the book.", "summary": "Two Stars", "unixReviewTime": 1423612800} +{"reviewerID": "A14KCJFPR9IW1V", "asin": "0001050230", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "required text. yawn. what can I say?", "overall": 3.0, "reviewTime": "03 4, 2015", "summary": "Required text", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A2132MI2LW8L5C", "asin": "0001713256", "style": {"Format:": " Hardcover"}, "reviewerName": "jaime c lyon", "reviewText": "Classic! Great as expected.", "summary": "Great as expected", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A2L85NQ2973HQE", "asin": "0007195303", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DogTheMan", "reviewText": "Great book and great storytelling. All the characters were fully developed and fully captured. I could not put it down. If you have any interest in the pre-civil war south read this book!!!", "summary": "Great book and great storytelling", "unixReviewTime": 1408579200} +{"overall": 4.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A30VFZMCSMNF9H", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "It is Sidney Sheldon at his best. The story is interesting and keep us reading without wanting to have an interruption until the surprising end.", "summary": "Suspenseful", "unixReviewTime": 1461456000} +{"overall": 2.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "AFWG92MYW8BQM", "asin": "0007353588", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Penny Salvatore", "reviewText": "This book is one I might have read 20 years ago and found interesting. I find the style to be awkward and tedious.", "summary": "To tedious for words.", "unixReviewTime": 1367452800} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A2KXK972JJL0DG", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "dog mama", "reviewText": "what an adventure, personal story with all of the action of a war time story", "summary": "Five Stars", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A2ZZ3XBXWETMJ9", "asin": "0002247399", "style": {"Format:": " Paperback"}, "reviewerName": "Neal", "reviewText": "My mother and friends love these books, I have been hearing about them since they first came out over 10 years ago. A great series everyone should get them.", "summary": "awesome", "unixReviewTime": 1404864000} +{"overall": 1.0, "verified": true, "reviewTime": "06 12, 2014", "reviewerID": "AJRFOD3KFAUY6", "asin": "0001048767", "style": {"Format:": " Hardcover"}, "reviewerName": "C. Voltaire", "reviewText": "This book is smaller than a pocketbook dictionary. It was disappointing that the book was so small and a bit hard to read.", "summary": "TOO SMALL", "unixReviewTime": 1402531200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A2WTD3QR6DPYFS", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "William C. Habig", "reviewText": "This was a real environmental education while it oozed with suspense. I recommend it to everyone regardless of their current beliefs.", "summary": "Crichton rules again.", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A2S8GQ8TRU8RXG", "asin": "0004244079", "style": {"Format:": " Hardcover"}, "reviewerName": "Angelia Gresham", "reviewText": "The product was in excellent condition", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 3.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A1MLTQH1WEHN60", "asin": "0007247095", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nicole K.", "reviewText": "This illustrates the awful brutality of war on children and those living in the area. I wish the book went a little longer, that it had followed Ishmael all the way to the U.S.", "summary": "Brutal", "unixReviewTime": 1486252800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2017", "reviewerID": "A3NJ1R2CA6WF2D", "asin": "000649885X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Susan J Allen", "reviewText": "Absolutely great series!!! One of the best authors ever.", "summary": "Absolutely great series!!! One of the best authors ever.", "unixReviewTime": 1513728000} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2014", "reviewerID": "AG4DYLA75NC3", "asin": "0007273819", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "This book closed off some of the story threads from Book 2 and opened more. Book 4 is a must read. The characters are even more interesting and the pace of the story is good. The dragon and keeper relationships are quite interesting.", "summary": "Can't Wait To Read Book 4", "unixReviewTime": 1393632000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "A1TBGGR8DA0GB5", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nell Stokes-Holmes", "reviewText": "The Holy Bible is an essential tool for my life. I read it daily and love it.", "summary": "I read it daily and love it.", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A3DVG4S59Q3U0P", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "dogmom &#34;Lynne&#34;", "reviewText": "My granddaughter has to read this for freshman English, so I got it for her. Looks like a decent enough book so I was satisfied.", "summary": "It's The Right Book", "unixReviewTime": 1414195200} +{"overall": 3.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A2HZ5Y2TX6GWTP", "asin": "0006383483", "style": {"Format:": " Paperback"}, "reviewerName": "Old Professor", "reviewText": "Compares Christian, Hebrew, and Islam in detail, but the philosophy is rather simplistic - I'm never sure what \"the meaning of life\" is supposed to be.", "summary": "3 *", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A15Q4CO1AV0GC1", "asin": "0007201745", "style": {"Format:": " Paperback"}, "reviewerName": "Honest Answer", "reviewText": "Read the whole series.", "summary": "Five Stars", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": false, "reviewTime": "09 2, 2014", "reviewerID": "A3EW2M4L0B7YTK", "asin": "0006480101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Remnar", "reviewText": "With the first book of this series Robin Hobb became one of my favorite authors, and with the second book she set it in stone. If you like fantasy, READ THESE BOOKS, they have something in their pages you just won't find elsewhere.", "summary": "Some of the best reading I've experienced in years.", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": false, "reviewTime": "11 12, 2014", "reviewerID": "A2GCYSOZV6GYH1", "asin": "0001720295", "style": {"Format:": " Paperback"}, "reviewerName": "Ems22", "reviewText": "Brand new. Fast delivery", "summary": "School books", "unixReviewTime": 1415750400} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A3KEF335HQX1TZ", "asin": "0007367759", "style": {"Format:": " Paperback"}, "reviewerName": "Conceptor", "reviewText": "When men were men - and when \"BECAUSE IT'S THERE\" was sufficient reason to risk life and limb (not to mention suffering the agonies of deprivation, distemper, dyssentery...)!", "summary": "Uniquely entertaining", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A2E7KW895NT2UR", "asin": "0007115067", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "An amazing perriod.", "summary": "Five Stars", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": false, "reviewTime": "04 29, 2017", "reviewerID": "A371CONH7DLE6U", "asin": "0007350899", "style": {"Format:": " Audible Audiobook"}, "reviewerName": "CC", "reviewText": "This vocal artist did a fine job of keeping the perfect rhythm, was adept at changing tone for different characters, and leant much fullness and character to a story that already has so much personality, quirkiness, and real story.", "summary": "Fantastic Classic!", "unixReviewTime": 1493424000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A18CR83GKQVXI8", "asin": "0007158505", "style": {"Format:": " Hardcover"}, "reviewerName": "Nana J", "reviewText": "I have and always will love Dr. Seuss...such a creative mind to have written such wonderful, delightful stories....This is no exception.", "summary": "Delightful", "unixReviewTime": 1485129600} +{"overall": 4.0, "verified": false, "reviewTime": "07 10, 2015", "reviewerID": "A32GP6NONF4K6Q", "asin": "0007120125", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Johnny Guitar", "reviewText": "It was good, not as good as Shape's Eagle. I just really enjoy following the battles in sequential order. Cornwell is a great writer and I have enjoyed many of his series.", "summary": "Battle Order", "unixReviewTime": 1436486400} +{"overall": 4.0, "verified": false, "reviewTime": "02 18, 2013", "reviewerID": "A3MPMULVZBBIYU", "asin": "0007290802", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SignLadyBarbara", "reviewText": "In many ways it was an excellent book. The end broke my heart, however. Columbine and women's history were fascinating.", "summary": "The Hour I First Believed", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2014", "reviewerID": "A8TDIOWSTZKBT", "asin": "0007179448", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "As said about 4:50 from Paddington, this was another good Christie mystery. Even if I may had read them before, it would be a few years, and I enjoy them again.", "summary": "Miss Marple", "unixReviewTime": 1397347200} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "AJNZQE3RM25IQ", "asin": "000726755X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Superman", "reviewText": "Love it. Great read.", "summary": "Love it.", "unixReviewTime": 1473292800} +{"reviewerID": "A2OXE6PA1LZPF7", "asin": "0001050230", "reviewerName": "Paul C. Strand", "verified": true, "reviewText": "We all love Shakespeare.", "overall": 2.0, "reviewTime": "11 13, 2015", "summary": "Two Stars", "unixReviewTime": 1447372800} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "AYWM4DJMP19ST", "asin": "0007327064", "style": {"Format:": " Hardcover"}, "reviewerName": "Miranda", "reviewText": "Made a great read!", "summary": "Four Stars", "unixReviewTime": 1426204800} +{"overall": 3.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A2MVZOU3IJN7O", "asin": "0007311648", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joye S.", "reviewText": "Slightly disappointed with this 3rd entry in the C.J.Townsend series. It was a little slow in parts. And I didn't like the ending.", "summary": "Good, not great", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": false, "reviewTime": "10 9, 2013", "reviewerID": "A18ECUT2UUU1BM", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Vega Boralis", "reviewText": "Of all the stories in \"The Lord of the Rings\", this one is the most enjoyable. It's lighthearted, energetic, and enchanting. If you want to see good fantasy, read this book.\n\nSee more at [...]", "summary": "The original fantasy epic that, quite frankly, started the genre.", "unixReviewTime": 1381276800} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A35AW628S676LH", "asin": "0007263457", "style": {"Format:": " Hardcover"}, "reviewerName": "JoeW", "reviewText": "Another welcome addition to the Tolkien mythology. Christopher Tolkien did a terrific job pulling together various manuscripts left behind by his father to make a coherent and highly readable story.", "summary": "Christopher Tolkien did a terrific job pulling together various manuscripts left behind by his ...", "unixReviewTime": 1493510400} +{"reviewerID": "A2B0A0AQ8QW5OS", "asin": "000171211X", "reviewerName": "Book-a-holic", "verified": true, "reviewText": "I Bought this same book in 75 for my son. It was his favorite. Read it so often I memorized it and it became a family joke. Bought it 4 years ago for my grandsons and this one was for my sons daughter. Still a family favorite.", "overall": 5.0, "reviewTime": "04 18, 2013", "summary": "Still a greeat book", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "AHKZSFARO3THS", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "Alana", "reviewText": "The classes loved reading this book as we were having a presentation by a ballet troupe of The Lorax. It also reinforced our learning about Dr. Seuss.", "summary": "Dr. Seuss", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": false, "reviewTime": "04 5, 2017", "reviewerID": "A1V4N9WY4WS1I8", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy Ryan", "reviewText": "One of the best works of fiction ever created. If this is not on your booklist then you should put it there. Definitely a must read!!!", "summary": "Great story", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "A3OQWHOUM0U0QH", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "This is my first time to read Agatha Christie, the writing is definitely a throw back and takes some getting used to bit it was almost as fun to read about the exotic travel to places that are now war zones than to solve the mystery.", "summary": "Of course", "unixReviewTime": 1517702400} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A1ANFURO3WC26H", "asin": "0006173624", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Thomas Giles", "reviewText": "Great what if book on a Soviet invasion of Europe. Written so that you can understand the details and feel like your there.", "summary": "Great book", "unixReviewTime": 1443139200} +{"overall": 4.0, "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A43H0PSYIUXRE", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "The prose is not what we are accustomed to in the current language, being circumspect to the modern reader, though the poetry of it is most evident. Knowing the gist of the story does help the understanding of the narrative. Most excellent book.", "summary": "A difficult read", "unixReviewTime": 1497398400} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A3NKBXCGRP7HQ7", "asin": "0007350961", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Luis Duran", "reviewText": "El estilo y prosa son muy buenos, muy recomendable", "summary": "Four Stars", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": false, "reviewTime": "11 29, 2015", "reviewerID": "A2G5RGV22YGIQX", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "K'rific", "reviewText": "Amazing the mind that thought up such an elaborate world, creatures and language! The detailed descriptions are very believable. Reading this saga in one volume took me on an incredible journey that made me sad once it ended.", "summary": "Adventure Overload!", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A1I78OHM1G0BPQ", "asin": "0007127049", "style": {"Format:": " Hardcover"}, "reviewerName": "Tamara Freeman", "reviewText": "Always read this to my kids when they were little and growing up! Bought these for them for a \"surprise\" at Christmas!!! They laughed and giggled...they are now 27 & 24. Maybe one day they will have kids to hand them down to.", "summary": "Love this book!", "unixReviewTime": 1397260800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "ANT5QBDD1PRXC", "asin": "0007111452", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "typical christie.", "summary": "Five Stars", "unixReviewTime": 1482019200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A161FWTK7XK3VD", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "Good purchase - after I purchased the book I could get the kindle addition which was what I originally wanted.", "summary": "Good purchase - after I purchased the book I could ...", "unixReviewTime": 1426464000} +{"overall": 3.0, "verified": true, "reviewTime": "01 15, 2013", "reviewerID": "A37INETTMOFSNS", "asin": "0006178219", "style": {"Format:": " Kindle Edition"}, "reviewerName": "PTA Girl", "reviewText": "Typical VC Andrews books . Not one of my favorites, but OK. Amazed they didn't have a sequel. All the other books do.", "summary": "My Sweet Audrina", "unixReviewTime": 1358208000} +{"overall": 1.0, "vote": "4", "verified": false, "reviewTime": "12 10, 2001", "reviewerID": "A4BBA201PFITD", "asin": "0006530680", "style": {"Format:": " Hardcover"}, "reviewerName": "oldparkman", "reviewText": "Easy read. Not going to solve your problems.", "summary": "Content", "unixReviewTime": 1007942400} +{"overall": 3.0, "verified": true, "reviewTime": "05 15, 2014", "reviewerID": "A36B280TOPHR6Q", "asin": "0007148976", "style": {"Format:": " Paperback"}, "reviewerName": "mitzimom", "reviewText": "ust as i expected & hoped for . nice doing business with you . but wish I was told it was on back order for 5 mon \"before\" I ordered it .It was a Christmas gift that didn't come til april --disappointing", "summary": "gift", "unixReviewTime": 1400112000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A2M6VBY9Z73AC7", "asin": "0007285973", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lois cirurso", "reviewText": "Would recommend this book to any one who likes historical novels. Many colourful instances which are probably absorbed better by reading it again.", "summary": "Exceptional reading and plenty of intrigue and suspension. A lover of historical novels will enjoy this story. I will read it", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A287ZH3TFXTOWO", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ladona Schuler", "reviewText": "This was a very interesting account of a little remembered part of WW II", "summary": "Five Stars", "unixReviewTime": 1443398400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A35JZ9D0U0WTXP", "asin": "000630043X", "style": {"Format:": " Paperback"}, "reviewerName": "Tadesse Mamo", "reviewText": "It is the right book, but came late!!", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A16JW2F3TNRJGJ", "asin": "0007331681", "style": {"Format:": " Hardcover"}, "reviewerName": "David Guzman", "reviewText": "Not even finished with it yet but I'm thoroughly enjoying it.", "summary": "Great if you love Top Gear or racing", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A2Z8KGTN1B608K", "asin": "0006510418", "style": {"Format:": " Kindle Edition"}, "reviewerName": "T.zick", "reviewText": "I've read the entire Sharpe series and have enjoyed each book tremendously. It is possible, however, that I may have enjoyed \"Sharpe's Revenge\" even more than some of the other books in the series.", "summary": "Another Terrific Richard Sharpe Adventure", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2013", "reviewerID": "A1DXNQM1P0EGT", "asin": "0007226586", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "eleonora", "reviewText": "It was a good book. Very interesting\nI love Odd Thomas and reading about him is alot of fun .", "summary": "Brother Odd a great read", "unixReviewTime": 1363651200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "AHVFAES6HE8Z8", "asin": "000612609X", "style": {"Format:": " Paperback"}, "reviewerName": "JB1976", "reviewText": "Absolutely fantastic. It reads like one of the great Scandinavian sagas in many ways. I enjoyed this book so much, I finished it in 3 nights of reading.", "summary": "Buy this book! You'll thank me!", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2013", "reviewerID": "AHDZ862R09KJH", "asin": "0007117213", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Susie N.", "reviewText": "It's true that the subject is depressing, but it's a beautifully written book and I loved it. It may be one of the best memoirs I've read.", "summary": "Sad but Excellent", "unixReviewTime": 1366329600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A31JZMEJ7N9TQG", "asin": "0007196997", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Tony from Florida", "reviewText": "I like the Odd Thomas series so my review is biased in the direction. It;s a fun series to read.", "summary": "Forever Odd", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": false, "reviewTime": "07 11, 2012", "reviewerID": "A1ALLGMWM85GAH", "asin": "0007151276", "style": {"Format:": " Paperback"}, "reviewerName": "S. White", "reviewText": "I could not put it down. I wish more books about history were written as interestingly as Nathaniel Philbrick wrote this book.", "summary": "Excellent", "unixReviewTime": 1341964800} +{"reviewerID": "A35IBY84BT4GAJ", "asin": "0002247275", "reviewerName": "Skuski", "verified": true, "reviewText": "Hope there is more coming!", "overall": 5.0, "reviewTime": "08 16, 2015", "summary": "Five Stars", "unixReviewTime": 1439683200} +{"overall": 1.0, "verified": false, "reviewTime": "12 18, 2009", "reviewerID": "A18CM3TBJ2DXV5", "asin": "0007267622", "style": {"Format:": " Hardcover"}, "reviewerName": "diane", "reviewText": "I felt as if I were reading an outline. The story had promise but went nowhere. It was awful.", "summary": "Th Worst", "unixReviewTime": 1261094400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A240PDXLF8PPJA", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jonathan", "reviewText": "Anyone who likes myths, dragons, and fantasy world's full of craft, lore, and heroic characters should invest some eye time and ear time into this book. A great read, awesome and terrible to behold!", "summary": "Awesome!", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2013", "reviewerID": "A338TE6Z7X2C7V", "asin": "000726755X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Catherine O.", "reviewText": "Wasn't crazy about a couple earlier ones, but this one, although started out a little slow, held my attention to the end and was an enjoyable weekend read.", "summary": "Enjoyed this one.", "unixReviewTime": 1374278400} +{"reviewerID": "A1QVOID6PBQN4Z", "asin": "0002247275", "reviewerName": "CK", "verified": true, "reviewText": "Satisfying end to this latest phase of FitzChivalry's life.", "overall": 5.0, "reviewTime": "09 18, 2014", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A3Q7Q7OSR77N90", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ruth", "reviewText": "4 stars", "summary": "Four Stars", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A23Z1XC6MZOTIR", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "J. L.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 4.0, "verified": false, "reviewTime": "08 9, 2015", "reviewerID": "AO9PWQQFG08D3", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jana Hunkler", "reviewText": "Awesome book", "summary": "Four Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A3B7P6Y8BDLYUD", "asin": "000712838X", "style": {"Format:": " Hardcover"}, "reviewerName": "Kristina D. Knuckles", "reviewText": "great book", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": false, "reviewTime": "08 17, 2003", "reviewerID": "A3NWZSNB1E67OA", "asin": "0007104359", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Mylene Tan", "reviewText": "I highly recommend this book. The story was fast-pasing, you'll never get bored!", "summary": "A Page-turning read", "unixReviewTime": 1061078400} +{"overall": 5.0, "vote": "12", "verified": true, "reviewTime": "07 14, 2011", "reviewerID": "A28NRFXDQO2H2C", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Sound mind", "reviewText": "Simply phenomenal. I cannot understand what the negativity is all about. We waited a long time, but the book was worth the wait. Am I excited about the possibility of waiting for more? No. However, we should be rating this book on it's merit, and that is very high.", "summary": "A Dance with Dragons", "unixReviewTime": 1310601600} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A1XBD4W8NNIYOL", "asin": "0007331681", "style": {"Format:": " Kindle Edition"}, "reviewerName": "rev. j", "reviewText": "if you are a top gear fan, this is a good read", "summary": "this is a good", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2012", "reviewerID": "A4PFMAWYREXMD", "asin": "0005235073", "style": {"Format:": " Paperback"}, "reviewerName": "Billy", "reviewText": "Well the choir at New Elam Christian Church is very happy to have a large book that they all can read easily. the tiny ones we had made life interesting. Thanks for the quality of the hymnals... Billy", "summary": "happy campers", "unixReviewTime": 1329177600} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "A2RIMOIJXRH9DF", "asin": "0007196962", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cherie Willoughby", "reviewText": "It was good but a long story.", "summary": "It was good but a long story", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A302QORMJODT24", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "mar", "reviewText": "I make several long trips to the cities and I love listening to this audio over and over again. Great purchase", "summary": "Great", "unixReviewTime": 1394841600} +{"overall": 1.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A30LMSJ6IB1396", "asin": "0007329067", "style": {"Format:": " Hardcover"}, "reviewerName": "T. A. McCluskey, MA, CH, CI", "reviewText": "There are better books out there. Someone recommended this book. It has little content but lots of anecdotes. Save your money.", "summary": "Save your money", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2013", "reviewerID": "AJKM3IB63MV3Z", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MC Reader", "reviewText": "I've read books about dog, but Stein's vision blew my mind. His vision of Enzo was more than just a dog, he felt human. And the human voice really drew me in. I loved it.", "summary": "Loved it!", "unixReviewTime": 1363132800} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A2Y2GEUD5D3QZO", "asin": "0006280560", "style": {"Format:": " Paperback"}, "reviewerName": "Barbara C. Simmons", "reviewText": "I have read this before; I ordered this book to replace the one which never returned! One might be very surprised to discover the nature of the \"divorce.\"", "summary": "I have read this before; I ordered this book ...", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A1MO25VCBJQJ1T", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "donavon forquer", "reviewText": "arrived as promised", "summary": "Five Stars", "unixReviewTime": 1471392000} +{"overall": 1.0, "verified": false, "reviewTime": "01 28, 2016", "reviewerID": "A2IH21KB8F2MQW", "asin": "0007288387", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jostein Aune", "reviewText": "The story, the progress of the story, everything bored me. I hoped for some improvements, but they never showed up. I'm sorry, but this was to bad, in my view!", "summary": "everything bored me. I hoped for some improvements", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "A37P0STEZ6NY75", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Oblique", "reviewText": "great", "summary": "good", "unixReviewTime": 1500854400} +{"reviewerID": "A5G1OVA1EF5LQ", "asin": "0002256649", "reviewerName": "bobcaul", "verified": true, "reviewText": "very good", "overall": 5.0, "reviewTime": "09 29, 2016", "summary": "Five Stars", "unixReviewTime": 1475107200} +{"overall": 1.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A3S3WZ0MNYEBF1", "asin": "0007149832", "style": {"Format:": " Kindle Edition"}, "reviewerName": "graciesjourney", "reviewText": "Couldn't finish it. Review from others said it was funny. I was bored.", "summary": "Review from others said it was funny. I was bored", "unixReviewTime": 1408406400} +{"overall": 3.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "AWSEZD7DNWYU0", "asin": "0007304838", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Georgia Girl", "reviewText": "The hero got to be predictability moral. No conflict indicating a development of character during the book. Became Dirk Pitt predictable.", "summary": "The hero got to be predictability moral. No conflict ...", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A8D1OW4DUS7UN", "asin": "0006250025", "style": {"Format:": " Paperback"}, "reviewerName": "Chi Town Reader", "reviewText": "Awesome!!", "summary": "Awesome!!", "unixReviewTime": 1442966400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "01 11, 2000", "reviewerID": "ABMBUSAVVMUNT", "asin": "0001384198", "style": {"Format:": " Hardcover"}, "reviewerName": "Jason Shaw", "reviewText": "Even as an adult, the message is loud and clear - persistence pays off. A close friend gave me this book after I achieved a goal for which I had strived long and hard - this book was the PERFECT gift. I can't wait to share it with my daughter.", "summary": "Wonderful story.", "unixReviewTime": 947548800} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2017", "reviewerID": "A3STEES8VMWTBT", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mark", "reviewText": "Classic", "summary": "Five Stars", "unixReviewTime": 1504137600} +{"overall": 4.0, "verified": true, "reviewTime": "01 18, 2016", "reviewerID": "A2ZF5D0KM2AWGU", "asin": "0007196962", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. Winslow", "reviewText": "I have been reading Dean Koontz books as long as I can remember and I never had one that did not hold my interest.", "summary": "Dean Koontz Rocks!!", "unixReviewTime": 1453075200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "AXS85GZLVU5LS", "asin": "000617020X", "style": {"Format:": " Paperback"}, "reviewerName": "Dianne Cooper", "reviewText": "Great historical novel covering pre-civil war and civil war era. Enjoyed the character development. Belva Plain has always painted beautiful stories.", "summary": "Great Read", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A7XS79QK9D43H", "asin": "0007141882", "style": {"Format:": " Hardcover"}, "reviewerName": "HJBS", "reviewText": "looks new", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": false, "reviewTime": "01 8, 2006", "reviewerID": "A3QZJYDGQX2STX", "asin": "0007172826", "style": {"Format:": " Paperback"}, "reviewerName": "Lady Stellar", "reviewText": "Tracy Chevalier's style relaxes the mind as you read. I found this book to be a very good addition to my mental library.", "summary": "Nice!", "unixReviewTime": 1136678400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A2D3DRPYRQCAN6", "asin": "0007196997", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gary Davis", "reviewText": "The follow up to the original is a well written, character driven, cat and mouse encounter with anger and hate. Odd won't let a friend down at any cost to himself.", "summary": "Excellent Sequel", "unixReviewTime": 1398643200} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "AWV3B0RLJOOUR", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lisa C", "reviewText": "It will make you laugh, it will make you cry and fall in love. Very well written. It's an easy read you won't want to put down.", "summary": "Best book I've read in a long time.", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A3Y2Q0D3L1MUX", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Shannon Bolenbaugh", "reviewText": "Wonderful!!!! Reading his other books and still in love!", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2014", "reviewerID": "A2ZQC2IY4KI81L", "asin": "0006486029", "style": {"Format:": " Kindle Edition"}, "reviewerName": "P. Hayson", "reviewText": "I can't tell you how good this is. Your heart will break. You will watch someone try to become what they were born to be. It's painful and wonderful at the same moment.\n\nLove these books.", "summary": "OMG - best series ever", "unixReviewTime": 1394582400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A23T1IAOLSLFN", "asin": "0007327064", "style": {"Format:": " Paperback"}, "reviewerName": "Deborah Godfrey", "reviewText": "This was a gift, They raved about it. Want to get all of Odd Thomas' Books. Awesome collection.", "summary": "Awesome collection.", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A2HGDUJV8KUO1X", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Phil", "reviewText": "Very good book. Read this in no time because I really want to see how the story ended.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2013", "reviewerID": "A3AX2TXK4ZET0N", "asin": "0007245823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leslie Ashe", "reviewText": "This book touched every nerve in me - in a wonderfully profound way. I fell in love with each character & enjoyed getting to know them. I feel as if they are MY family & I love that.", "summary": "aaaaaamazing read!!", "unixReviewTime": 1379721600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "ALKLCMCFA79MB", "asin": "0002247399", "style": {"Format:": " Paperback"}, "reviewerName": "Brooke C.", "reviewText": "Excellent, as all the books in this series books are. Can't wait for the ending!", "summary": "Five Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A2G8LU8J81NUT7", "asin": "0007350961", "style": {"Format:": " Paperback"}, "reviewerName": "Steven Craig Chapman", "reviewText": "this is a pretty old book but I have never read it. Frankenstein is the doctor not the monster is a thing people commonly make a mistake about.", "summary": "good book", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2013", "reviewerID": "ACNTZCYZERDX9", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Oscar Moysey", "reviewText": "it was a REALLY GREAT book!!!! loved all of it!!! didn't get boring great storyline and characters absolutely loved it!!!!", "summary": "great book", "unixReviewTime": 1360627200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2014", "reviewerID": "AZ8QG0J1JIBYS", "asin": "0007190298", "style": {"Format:": " Hardcover"}, "reviewerName": "D. Stanczak", "reviewText": "Mensa-level food for thought from a man of words and deep faith. Challenging, and a good way to step through the year.", "summary": "C.S. Lewis, A Year with,", "unixReviewTime": 1396656000} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A2DZGMOKIAW46D", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aziz AlOwaish", "reviewText": "I loved the book. It's the first time I read anything by Tolkien and I must admit that I wasn't disappointed one bit. Highly recommended. The only reason I gave it 4 stars is because I felt the story is too short and left me wanting more.", "summary": "I loved the book", "unixReviewTime": 1417305600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 25, 2010", "reviewerID": "AT0QA5OY45VLF", "asin": "0007318529", "style": {"Format:": " Hardcover"}, "reviewerName": "S. C. F", "reviewText": "Read it on Kindle and came back to order his previous book. I loved the characters and I loved the theme. There is no question at all where the one stars are coming from. If you are a lefty as I am you will love it.", "summary": "I did not want this book to end", "unixReviewTime": 1285372800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A3BB3K5OW610V", "asin": "0007304552", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Gift Certificate", "reviewText": "I am a long time follower of Ms Stewart's writing, and \"The President's Daughter\" followers the intrigue and mystery I truly enjoy.", "summary": "Mariah Stewart at her best", "unixReviewTime": 1398124800} +{"overall": 2.0, "verified": false, "reviewTime": "04 3, 2017", "reviewerID": "A1ZCUBVVJLK9EZ", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Barbara N", "reviewText": "Great read until it wasn't. I heard an interview on NPR w Diane Rheem and the author and it sounded great. And it was, until it was awful.", "summary": "Loved it. Then hated it.", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A3RG9OHYEHZZ3H", "asin": "0007127049", "style": {"Format:": " Hardcover"}, "reviewerName": "Lindsay Weaver", "reviewText": "A true classic. My child loves this book.", "summary": "Five Stars", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A1ZWFN97UXPQE", "asin": "0007157169", "style": {"Format:": " Kindle Edition"}, "reviewerName": "PBA", "reviewText": "This is great book for sci-fi fans that like to have their thinking stretched. I first read it while in college, now I'm reading with my son.", "summary": "Awesome trilogy", "unixReviewTime": 1355875200} +{"overall": 3.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A29I8ZG0TGOGG8", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Judy Ross", "reviewText": "He wrote a lot about the planes and what they were doing in the war. Got some what boring for me.", "summary": "Got some what boring for me", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A3V2EDYVZG89E5", "asin": "0007119550", "reviewerName": "richard fuller", "reviewText": "I'm loving it!", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"reviewerID": "A2OCO5TMRCR24Y", "asin": "0002252317", "reviewerName": "Tamara L.", "verified": false, "reviewText": "this is the second time I've read this book I was much younger in my teens the first time. it's still a great read and the series only get better. love how Dr. Cross gets into the minds of the killers and psychos.", "overall": 5.0, "reviewTime": "05 17, 2014", "summary": "Wonderful Plot for Cross", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A2IV0L0Z5AISPN", "asin": "0007284543", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marco Estrella", "reviewText": "because it the author made it funny and the illustrations are great and it makes my dad say Splat very crazy.", "summary": "I would give it 11stars if I could.", "unixReviewTime": 1413936000} +{"overall": 4.0, "verified": false, "reviewTime": "01 20, 2014", "reviewerID": "A2R8EZXT2I7XXT", "asin": "0007203128", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suzette", "reviewText": "This 2nd in the Frankenstein was very enthralling. The New Race is beginning to unravel yet humans are still in danger. Can Victor ,the original Dr. Frankenstein, hold on to his master plan?\nYou'll want to move on to book 3 to find out what happens.", "summary": "Definitely interesting", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A1GEU283HEYS14", "asin": "0002232618", "style": {"Format:": " Kindle Edition"}, "reviewerName": "R. MAY", "reviewText": "Superbly well-written. Fitzgerald takes a look at a writer (Novalis) and goes into incredible depth. A pleasure to read. I learned a good deal. Her prose is clear as a bell...", "summary": "Fine book by a writer who is gradually becoming acknowldgeed for her greatness", "unixReviewTime": 1438473600} +{"overall": 1.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A3RIZUJXJFHEXP", "asin": "0006484522", "style": {"Format:": " Hardcover"}, "reviewerName": "Michael martinez", "reviewText": "Have not recieved a code for MyMathLab and paid a lot of money for nothing", "summary": "One Star", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1UAHK8DRBTSK8", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "tonytag", "reviewText": "its Shakespeare, need I say more", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "AM7EEXASFDBSV", "asin": "0006140823", "style": {"Format:": " Paperback"}, "reviewerName": "sue seaberg", "reviewText": "Enjoyed reading this. Having seen the production on PBS, I found that the tv version was close to the book.", "summary": "Enjoyed reading this", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "AM6P2MXVYX89L", "asin": "0001945424", "reviewerName": "dennis luchesi", "reviewText": "Good Book", "summary": "Five Stars", "unixReviewTime": 1489190400} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A2CH6P4J9UFFRX", "asin": "0002238594", "style": {"Format:": " Kindle Edition"}, "reviewerName": "joseph f hunter", "reviewText": "very good read", "summary": "Four Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A3I6N5VLKAI5P", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "FL SNOWBIRD", "reviewText": "What can I say....it's Earnest Hemingway...you love him....or?? I holds my interest and I'm a fan of Hemingway..", "summary": "Hemingway's Way!", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2012", "reviewerID": "A22KRTIWDLOA98", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "chadwick", "reviewText": "Awesome, classic tale. I read this book for the first time in many years, and it has not lost any of its fun. It's a great read, excellently written by Tolkien. I would recommend this to anyone even remotely interested in classic, fantasy literature.", "summary": "The Hobbit", "unixReviewTime": 1349827200} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "A24AJICNA65X0P", "asin": "0002221136", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Great Story!", "summary": "Five Stars", "unixReviewTime": 1503705600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "A25DBINLK42N1H", "asin": "0007331819", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lawrence from OIB NC", "reviewText": "Mr. Cornwell is among my favorite living authors. He breathes life into history with vivid characterizations and documents the probable events informing the background of his works.", "summary": "Love Bernard Cornwell's Historical Novels", "unixReviewTime": 1360540800} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2014", "reviewerID": "A2K1VWP61SPXZ2", "asin": "0003302245", "reviewerName": "Christina", "reviewText": "I was pleasantly surprised that the book was much better than the movie versions. The plot was more involved and the characters much more developed and interesting.", "summary": "Better than the movie versions", "unixReviewTime": 1396569600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A26JYB0VBCAZZE", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sjochims", "reviewText": "I liked the fact it was wrapped in historical context", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A6GBIIAHOA5VU", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Fe", "reviewText": "This is a must read.\nThe best fantasy book for the ages. Everyone should read this and the whole series.", "summary": "The Hobbit", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2398VS76IY7UR", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "Peabarter", "reviewText": "Great version. A straight reading of the story and the narrator does a terrific job using a different voice for each character.", "summary": "Loved it! Much better than the movies.", "unixReviewTime": 1426896000} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A1GC2EVH7L4523", "asin": "0002727463", "style": {"Format:": " Paperback"}, "reviewerName": "John H. Schroeter Jr.", "reviewText": "Very, very informative. I find myself going back to it often as a reference.", "summary": "Four Stars", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A27VBIL7008ZZ9", "asin": "0006178731", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "dgal", "reviewText": "A great book from cover to cover. One of Sidney Sheldon's best.", "summary": "Great Book!", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1PUCHWJRM2NPV", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "Great book", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "ALUP2O02FWPVE", "asin": "0006393195", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kevin C. Williamson", "reviewText": "I didn't want to put it down.", "summary": "Five Stars", "unixReviewTime": 1505088000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A3EIO439ZBSS3L", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cheryl Abraham", "reviewText": "Who couldn't love it? I think I appreciated it much more as an adult than when I read it as a child.", "summary": "Of course I loved it.", "unixReviewTime": 1361491200} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A3R2RIDDXD1LL5", "asin": "0006367992", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Albert Langlois", "reviewText": "Highly recommend to read...interesting individual with a passion for his work. The way he achieves his stardom is worth the read.", "summary": "Highly recommend to read", "unixReviewTime": 1446076800} +{"overall": 4.0, "verified": true, "reviewTime": "04 6, 2013", "reviewerID": "A3AL4XTGAGWISL", "asin": "0007373651", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pauline Cummins", "reviewText": "this book was an absolute treat, i love it,beautiful family interaction , very slowly, sensitively written. kept me there and wanted to stay with it.", "summary": "a treat", "unixReviewTime": 1365206400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "A2I2IVPGTOT3AE", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MissusB", "reviewText": "What a wonderful book! It is interesting from cover to cover for both my children and me. Loved this book.", "summary": "Fun, exciting read.", "unixReviewTime": 1400803200} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "09 17, 2008", "reviewerID": "ADGJS5F4JU6RE", "asin": "0007151276", "style": {"Format:": " Audio CD"}, "reviewerName": "G. L. B.", "reviewText": "To me the book concentrated much more on the various Indian tribes and not enough on the passengers of the Mayflower. If you are interested in the History of New England Indian tribes this book is for you.", "summary": "Hard to stay interested", "unixReviewTime": 1221609600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A33IMARMF2M45D", "asin": "0001713256", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carole Ray", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1418515200} +{"reviewerID": "AFR6WZ44T8Q5V", "asin": "0001951076", "reviewerName": "Amazon Customer", "verified": false, "reviewText": "funny", "overall": 5.0, "reviewTime": "12 29, 2016", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"reviewerID": "A3E1WLWS2UXX6S", "asin": "0002171473", "reviewerName": "jimbo pancake", "verified": true, "reviewText": "This is a timeless story of tragedy and triumph over evil. This is yet another indictment of Communist ideology and brutality.", "overall": 5.0, "reviewTime": "02 23, 2015", "summary": "Timeless", "unixReviewTime": 1424649600} +{"reviewerID": "A1CTJ2UE0T9Q2B", "asin": "0001951076", "reviewerName": "John", "verified": true, "reviewText": "Excellent!", "overall": 5.0, "reviewTime": "12 4, 2014", "summary": "Five Stars", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A1X1XE7M3VAVHE", "asin": "0007284241", "style": {"Format:": " Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "the gift to my youngest grandchild was a hit", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A3MO5PJM60TW3A", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pink", "reviewText": "I loved it! It's about Odd Thomas and I love this character! I love how he thinks and what a deeply good heart he has. Bravo Mr. Koontz on another job well done! Thank you for sharing your imagination with us!!!", "summary": "Captivating!", "unixReviewTime": 1390521600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2013", "reviewerID": "ASY3K1UFIN6V2", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "TC", "reviewText": "Thee greatest saga that has ever been composed!! All dreamers and fictional enthusiast would love this book and cherish all its teaching", "summary": "Must read!", "unixReviewTime": 1367798400} +{"overall": 2.0, "verified": false, "reviewTime": "10 28, 2015", "reviewerID": "A1AFXJ8U72MD6L", "asin": "0007350899", "style": {"Format:": " MP3 CD"}, "reviewerName": "MISTER SJEM", "reviewText": "I never cared for the novels of Dickens so I gave this audio book a try and I've now concluded Dickens is simply not for me. Yes, he has amazing talent but he doesn't register much for me.", "summary": "OVERALL GRADE: C minus to C.", "unixReviewTime": 1445990400} +{"overall": 4.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A39SMN3VQNN3UG", "asin": "0007247095", "style": {"Format:": " Paperback"}, "reviewerName": "Byl", "reviewText": "It was very well written and told an important story, though I would advise those who might be uncomfortable with violence not to read this book.", "summary": "Good, with some Violence", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": false, "reviewTime": "01 1, 2011", "reviewerID": "AHYSJNYZH0MR", "asin": "0006490344", "style": {"Format:": " Paperback"}, "reviewerName": "gacleader1", "reviewText": "Some books are just intended to be light and fun to read; yet at the same time, amazingly deep in their message. This is one of those books, and can be enjoyed for the pure pleasure of reading, or for the contemplation of its deeper message.", "summary": "Jonathan Livingston Seagull", "unixReviewTime": 1293840000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "AMQSDKI0H4XU8", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nick Harris", "reviewText": "Of course I lived it. Who wouldn't? This has quickly become a classic and the movies omit much from the book m", "summary": "Amazing", "unixReviewTime": 1389052800} +{"overall": 4.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A13H78CIKMZWT5", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "B", "reviewText": "Good Vampire story based in NYC. We'll written, keep my interest from page one to the end. I would recommend this to anybody who is interested in a new modern Vampire story", "summary": "Vampires in NYC", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "ARJTJS1U4CV65", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tara", "reviewText": "Great book. Gives so much more about the story than the movie", "summary": "Five Stars", "unixReviewTime": 1461801600} +{"reviewerID": "A262O706FHV4W4", "asin": "0002241277", "reviewerName": "K. McGough", "verified": false, "reviewText": "Product in condition as stated. Secure pacaking, shipping times as stated. Would purchase from seller again.", "overall": 5.0, "reviewTime": "01 19, 2007", "summary": "Very Pleased", "unixReviewTime": 1169164800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A1J57UXUQIGMO4", "asin": "0007317298", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dennis L. Nord", "reviewText": "OUghta read this one and if you are in LAW enforcement you really should understand this fully. This research is important related to any human based evidence.", "summary": "OUghta read this one and if you are in LAW ...", "unixReviewTime": 1429488000} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A22LY98ABQW48R", "asin": "0006498515", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Avid Reader", "reviewText": "Lisa Scottoline never fails to impress. Love her books!!", "summary": "Love her books", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "AGG2GDFH018LG", "asin": "0007190042", "style": {"Format:": " Hardcover"}, "reviewerName": "Anne", "reviewText": "I love Val McDermid. She writes a well thought out story. The characters and places come to life with her writing.", "summary": "I love Val McDermid", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A3FX1OUSY6HZ9G", "asin": "0001384198", "style": {"Format:": " Hardcover"}, "reviewerName": "Stephanie", "reviewText": "I buy books for my nephew, who turned 1 on Christmas Day. My brother and sister-in-law read to him every day so I buy all ranges of books to add variety for them (the adults). This is a great, classic story. I like the illustrations in this version.", "summary": "Nice book!", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2012", "reviewerID": "A260Y7KKIASUIM", "asin": "0006486029", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "J. Miller", "reviewText": "Another wonderful read by Robin Hobbs! The story of the Farseer rule continues with Fitz and Lord Golden acting as spys to assure the Farseer reign is in tact.", "summary": "Golden Fool", "unixReviewTime": 1339027200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A2UY5MU6F07C7O", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "christopher m gauvin", "reviewText": "It was good", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 4.0, "verified": true, "reviewTime": "04 8, 2014", "reviewerID": "A1JV9GVZXY4B7", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "K. Harris", "reviewText": "Great story and fun to read, especially with the movies coming out. It will be interesting to see how the third movie portrays the ending.", "summary": "Fun tale", "unixReviewTime": 1396915200} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "A2A1J5V8VNRNXE", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gregory B. Wilson", "reviewText": "Quintessential Dickens!", "summary": "Five Stars", "unixReviewTime": 1414800000} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "AS2115MAK6MFM", "asin": "0007181701", "style": {"Format:": " Paperback"}, "reviewerName": "Laurie", "reviewText": "This is one of my favorites of the modern classics! We read, studied, discussed and watched the film in my high school class in the early 1980s. Fahrenheit was especially important to me because I was already a voracious reader at 14 y.o.", "summary": "Worth reading if you never have!!", "unixReviewTime": 1439337600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "AVHXLMN66N353", "asin": "0006511309", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dazzler", "reviewText": "Huge story, compelling characters, steeped in atmosphere. A time machine that effortlessly transports you to a time and place only safely appreciated in hindsight. The story is everything, the outcome almost immaterial.\nEnjoy it.", "summary": "Furst among equals", "unixReviewTime": 1363219200} +{"overall": 5.0, "verified": false, "reviewTime": "07 31, 2014", "reviewerID": "A27SLBKWLTG320", "asin": "0006152465", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George Klander", "reviewText": "read this years ago..enjoyed it enough to give it as a gift", "summary": "enjoyed it enough to give it as a", "unixReviewTime": 1406764800} +{"overall": 3.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "APXQDIAU1J3IK", "asin": "0002226723", "style": {"Format:": " Paperback"}, "reviewerName": "vrw49", "reviewText": "I wanted to read because of the movie and I was dissatisfied", "summary": "Three Stars", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3777A6OGQDYHO", "asin": "0006417957", "style": {"Format:": " Paperback"}, "reviewerName": "Sanche Rave", "reviewText": "It was very supportive for my psychology degree", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2016", "reviewerID": "A1CGAA9J2RC8MR", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Jonathan Y", "reviewText": "Great item, fast shipping , Five star", "summary": "Five Stars", "unixReviewTime": 1473811200} +{"overall": 2.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A35KHMP9DB5QOJ", "asin": "0002714019", "style": {"Format:": " Hardcover"}, "reviewerName": "Banjo", "reviewText": "But the author of the Flashman series indulges in a bit of self-mockery to show off his metafiction chops. It's like he's saying, \"See how easy it is.\"", "summary": "I'm a rabid fan", "unixReviewTime": 1388707200} +{"reviewerID": "A1IISFGGY4YGVZ", "asin": "000100039X", "reviewerName": "Gloria D. Jiskra", "verified": true, "reviewText": "Each time I read this poetry I see another aspect of life, at 76 I can never stop learning...Particularly loved the piece on children.", "overall": 5.0, "reviewTime": "08 3, 2013", "summary": "Beautiful and Insightful", "unixReviewTime": 1375488000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A8COKP2F546GE", "asin": "0007166052", "style": {"Format:": " Paperback"}, "reviewerName": "Arnold Martin", "reviewText": "Amazing I'm now a fan of the Author 2 books in a row by him that blew my mind. Everyone must read, especially spiritual thinkers or children of the world. The book was like a good meal, satisfying and enjoyable.", "summary": "Amazing I'm now a fan of the Author 2 books ...", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2013", "reviewerID": "A3QYPZXL0OB11S", "asin": "000713231X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "GinalolaQQ", "reviewText": "This was an awesome book. It was impossible to put down once I started reading it. Highly recommended. You won't regret it.", "summary": "Awesome", "unixReviewTime": 1369872000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2018", "reviewerID": "A2N2UFZE7IKY4K", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "chemist dave", "reviewText": "Very high quality version of this book (illustrations, paper, cover, etc are great). Makes a great gift book for someone who wants to keep it, read it several times, and pass it on to their children.", "summary": "Makes a great gift book for someone who wants to keep it", "unixReviewTime": 1522454400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "09 2, 2010", "reviewerID": "A1JMNIRM9QJJF4", "asin": "0007384319", "style": {"Format:": " Hardcover"}, "reviewerName": "Printed word addict", "reviewText": "Reading one of J.A. Jance's books is like spending time with an old friend. The characters have come to be known to us, and is like a continuation of their lives - enjoy her immensely. Her style is so smooth and easy.", "summary": "Bobo", "unixReviewTime": 1283385600} +{"overall": 3.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A31953WF4HYWFS", "asin": "0007206720", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary Boyd", "reviewText": "I had some difficulty getting involved in this book. However, once I did get into the story, I really enjoyed it. The ending was a surprise.", "summary": "Agatha Christie", "unixReviewTime": 1373500800} +{"reviewerID": "AAW2MBLF0DZIT", "asin": "0002241277", "reviewerName": "Jerry", "verified": true, "reviewText": "Book works you right to the end. One of the few I did not figure out before it was exposed.", "overall": 5.0, "reviewTime": "06 20, 2014", "summary": "Typical great Patterson", "unixReviewTime": 1403222400} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2017", "reviewerID": "A2TBBHH5ZZ0P7K", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Robert", "reviewText": "I am reminded of Jane Austen's books when reading North and South. Margaret is loved by many and grows in so many ways from pain and sadness in her young life.", "summary": "This book is for the reader who is not looking for action", "unixReviewTime": 1485561600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "A3UUC7RJTB57YG", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "It was a great book. This is great for girls 10 through13 years of age. I definitely recommend this book.", "summary": "Was a great book", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A353BZ80VPWAS4", "asin": "0006179312", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sean howse", "reviewText": "Rich characters and an epic story that had me from the get go. This is one of the best novels I have ever read. I can't wait to read more by Sheldon. Don't hesitate to buy this book.", "summary": "A Masterpiece.", "unixReviewTime": 1474070400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2018", "reviewerID": "A3CYT1AWL62L2", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Vicki H. Robertson", "reviewText": "Great product fast delivery", "summary": "Five Stars", "unixReviewTime": 1517788800} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2009", "reviewerID": "A2N5O5HALZTLEL", "asin": "0007265077", "style": {"Format:": " Hardcover"}, "reviewerName": "J. Craig", "reviewText": "Simply wonderful! The book was full of delightful insights into human nature and surprising twists.", "summary": "Best Book I've Read In A Long Time", "unixReviewTime": 1235001600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A2XS9Q08IOHE7C", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nikki", "reviewText": "Interesting concept....", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 3.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A16TA6FL3C2LWQ", "asin": "0007118317", "style": {"Format:": " Paperback"}, "reviewerName": "Kareem Battle", "reviewText": "Book is intriguing but could not hold my interests to the very end", "summary": "Good book", "unixReviewTime": 1404432000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2017", "reviewerID": "A2D3WELI1ZE4TB", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "mariafl9@mindspring.com", "reviewText": "This is a great book. Easy to read and such great characters. The author provides a very detailed historical background that I found very interesting. I am ordering the next book and look forward to continuing the story", "summary": "Wonderful Story", "unixReviewTime": 1507939200} +{"overall": 3.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A1MACZL5QH37WJ", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Melissa M. Franckowiak", "reviewText": "Dear editor:\nWhy is he allowed to head hop through every character's point of view in every scene and be a know it all omniscient narrator and I can't? That's all.", "summary": "Dear editor: Why is he allowed to head hop ...", "unixReviewTime": 1447632000} +{"overall": 3.0, "verified": true, "reviewTime": "10 6, 2017", "reviewerID": "A3FM1XAS6UDV34", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Brenda McHenry", "reviewText": "Many language errors. But mainly, it just doesn't seem right to read Jane Austen on a Kindle.", "summary": "Three Stars", "unixReviewTime": 1507248000} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A39PBAG6XFXYV2", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Susan Desrochers", "reviewText": "It almost seems sacrilegious to review a book written by Agatha Christie!", "summary": "Five Stars", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A14WXZ15LUBTSQ", "asin": "0002172690", "style": {"Format:": " Paperback"}, "reviewerName": "A Fan", "reviewText": "Reading it as we speak! Lived through it and remember it like it was yesterday! Very good book!", "summary": "Lived through it and remember it like it was yesterday", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A2GH53211W8INF", "asin": "0003302245", "reviewerName": "Camila Oliveira", "reviewText": "Great product!!!!!!!!", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": false, "reviewTime": "07 15, 2014", "reviewerID": "ANJXYGLLNNDLV", "asin": "0007257732", "style": {"Format:": " Hardcover"}, "reviewerName": "NY reader", "reviewText": "Sweet book and a must for Paddington Bear lovers.", "summary": "Five Stars", "unixReviewTime": 1405382400} +{"reviewerID": "A1R7KZLH6Q2LUQ", "asin": "0002247437", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I just had to keep reading this serise. the last chaper in this book was a little strange with the author talking to the reader, but now book 5 is a must.", "overall": 5.0, "reviewTime": "02 1, 2013", "summary": "book 4", "unixReviewTime": 1359676800} +{"overall": 4.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "AWVEE5DFD3OT6", "asin": "0006499945", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lit Maxwell", "reviewText": "Significant novel about women attorneys facing discrimination and finding themselves on the wrong side of a murder trial in a blizzard in New York City and the Jersey shore. The suspense is continuous and stimulating and worthy of special recommendation.", "summary": "Scottoline does it again!", "unixReviewTime": 1428796800} +{"overall": 4.0, "verified": false, "reviewTime": "06 11, 2011", "reviewerID": "A5C7PBYSEP1UV", "asin": "0007203136", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "SuziBeth", "reviewText": "This forum is for your opinion of the book, not for each of you to explain the plot over and over again. That's already done above.", "summary": "Reviews, not plot summaries", "unixReviewTime": 1307750400} +{"overall": 3.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A1XJ59X1BRI5KL", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Box O", "reviewText": "Nice read, jumped around a bit too much for me.", "summary": "Three Stars", "unixReviewTime": 1416873600} +{"overall": 3.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A2HW7MPOSCN4Q4", "asin": "0007368658", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Magsdad", "reviewText": "Working my way through the '100 books you should read before you die' list. Not sure why this is a classic, must-read.", "summary": "Not sure why this is a classic, must-read", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A1EAHHDDLFL0EV", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bambi47", "reviewText": "Dean Knootz does it again. I do so hope he will keep the odd stories going. I really enjoy them.", "summary": "Another hit", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A13VVZOAG1I2LW", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lexi", "reviewText": "Agatha Christie writes excellent whodunit mysteries novels that always keeps you guessing until the very end. Can't wait to read the next book.", "summary": "Classic Mystery!", "unixReviewTime": 1469750400} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2012", "reviewerID": "A2KBF3AYPPCYY6", "asin": "000711835X", "style": {"Format:": " Kindle Edition with Audio/Video"}, "reviewerName": "JCLake", "reviewText": "Great version of the classic book with added photos and explanations.\nOnly disappointment is the added audio content not supported by the Fire device.\nStill my favorite book of all time to read.", "summary": "Great Rendition", "unixReviewTime": 1350172800} +{"overall": 4.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A23ZKNZRHGU5XL", "asin": "0001921517", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Nicely done. I would have appreciated an entry showing the density of renters in an insulae", "summary": "Nicely done. I would have appreciated an entry showing ...", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2014", "reviewerID": "A2YAXKV4B0VRYY", "asin": "0006513778", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rachel Couling", "reviewText": "Great short stories that are really enjoyable and clever. Classic Agatha Christie and a lot of reading in this short story volume.", "summary": "A fantastic read at a good price", "unixReviewTime": 1394150400} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A3OUOY5RAW6KHN", "asin": "0006172768", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer Michael Berkley", "reviewText": "Good exciting read", "summary": "Four Stars", "unixReviewTime": 1456012800} +{"overall": 4.0, "verified": false, "reviewTime": "07 31, 2015", "reviewerID": "AK412P289EV7A", "asin": "0007201818", "style": {"Format:": " Kindle Edition"}, "reviewerName": "frederic212", "reviewText": "I enjoyed it", "summary": "Four Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A3DSAHJC6HEKJI", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Sherri B. Roman", "reviewText": "What can be said?", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A1UQXEQTW65VEF", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "James E. Strickland", "reviewText": "Beauatiful!", "summary": "Five Stars", "unixReviewTime": 1501286400} +{"overall": 2.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "AKKKYKW4Z30M1", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tracy", "reviewText": "There is no table of Continent and it is more difficult to navigate than any other Bible that I have on my Kindle.", "summary": "There are better e Bibles out there.", "unixReviewTime": 1361664000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A64NUTE3FGYSP", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Lisa Calderon", "reviewText": "My daughter loves to read. You cant go wrong with these classic books. She loves this story and most of Dr. Seuss.", "summary": "Classic", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2013", "reviewerID": "A3BAJV22OCNDTF", "asin": "0007302320", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "A real page turner for me, Barbara Erskine leads me back and forward in time with consummate skill, a great read", "summary": "Differrent's good", "unixReviewTime": 1361404800} +{"reviewerID": "A2ZJY43LOYR8C6", "asin": "0002242052", "reviewerName": "Mike Smith", "verified": true, "reviewText": "This is a basic reread - early Clancy and the origin of John Clark. Back far enough so that it reads like new and as usual, hard to put down.", "overall": 4.0, "reviewTime": "04 18, 2013", "summary": "Difficult to rate Clancy --- Clancy is Clancy -- unique", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A2D62NBL912MPV", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jeanne zabst", "reviewText": "This book was fast paced and kept me guessing until the end. It was well written and worth reading. The are wonderfully. Enjoy.\nJeanne Zabst", "summary": "EXCELLENT BOOK", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": false, "reviewTime": "11 6, 2015", "reviewerID": "AH0T7ZWUNBHJ6", "asin": "0006551807", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Daniel Fulmer", "reviewText": "I like Jhumpa Lahiri a lot. Before this which I had missed I read her recent Lowlands which takes place in India. She can penetrate a character so deeply that I feel I know them and console with in their ups and downs.", "summary": "I like Jhumpa Lahiri a lot", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "A1QC4627IVYFJC", "asin": "0001720295", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "H A Nunn", "reviewText": "Great series", "summary": "Five Stars", "unixReviewTime": 1491264000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2012", "reviewerID": "A49XLFC8FUDMI", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dawn", "reviewText": "This book didn't dissapoint. I've learned when I pick up an Odd Thomas story that I better be prepared to be tired the next morning because I won't be able to put it down.", "summary": "never get tired of the Odd one", "unixReviewTime": 1353456000} +{"overall": 1.0, "verified": true, "reviewTime": "12 27, 2017", "reviewerID": "A23556TGY3Y8F9", "asin": "0002226723", "style": {"Format:": " Paperback"}, "reviewerName": "Baird-Greene", "reviewText": "I didn't read the book. It's very large and unwieldy. The print is very small.", "summary": "Not what I expected.", "unixReviewTime": 1514332800} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "A2POXQMXK4UZ5W", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sharon Gray", "reviewText": "Loved them all I was hooked", "summary": "Five Stars", "unixReviewTime": 1435449600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A20S6M5EMBNGZI", "asin": "0007148895", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Orbell, John", "reviewText": "this and the rest of the trilogy are masterful in description of the science, and intertwine interpersonal relationships and circumstances with that science in a way that informs and warns at the same time.", "summary": "this and the rest of the trilogy are masterful in ...", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2013", "reviewerID": "A1Q666V56G4OZW", "asin": "0006179312", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Blooming - Verified Customer", "reviewText": "Sidney Sheldon is my favorite author. I wish he's still around writing. I had to read all over again some of his books I read over twelve years ago. I'll be ready to read them again in another ten years.", "summary": "Sidney Sheldon", "unixReviewTime": 1385424000} +{"overall": 5.0, "verified": false, "reviewTime": "08 23, 2004", "reviewerID": "A14ZSPED0G2CCD", "asin": "0006392954", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Peter Greed", "reviewText": "Yes, it is a long and somewhat slow read, but it certainly has great atmosphere.\n\nPerhaps because I once spent a few weeks in the location, I found this novel quite evocative. (I listened to the audio book - the british accent also helped!)", "summary": "Atmospheric and Enjoyable", "unixReviewTime": 1093219200} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2013", "reviewerID": "A2706G44KG72U9", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "StevieK", "reviewText": "We enjoyed the book but from a nine year old's perspective we thought the The Tower: Being the Second Part of the LOTR could have given us a wee bit more action.", "summary": "Big fan of the Lord of the Rings but nine year old wanted more action", "unixReviewTime": 1383004800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A1MCKA4BKZMTB2", "asin": "0006137989", "style": {"Format:": " Kindle Edition"}, "reviewerName": "EMILY", "reviewText": "I loved this book it was awesome", "summary": "Five Stars", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A2RGEEYUZVRWZM", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sue L. Osborn", "reviewText": "So enticing on the second book now!", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A1NO30IXQD2UL6", "asin": "0007214227", "style": {"Format:": " Paperback"}, "reviewerName": "B. Kent Harrison", "reviewText": "Fascinating description of a clock that changed the world! It was necessary to determine longitude in navigation and thus to avoid ships being sunk by ramming into unexpected land.", "summary": "The importance of timekeepers in navigation", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2017", "reviewerID": "AOJ0147Z9GIVO", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jeff D", "reviewText": "A true testament to what is possible though subjected to impossible circumstances and unbearable cruelty. I enjoyed the history provided as well.", "summary": "What More Can Be Said", "unixReviewTime": 1514419200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/218q4eDR8HL._SY88.jpg"], "overall": 1.0, "vote": "10", "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A34MMLMHEIV2QV", "asin": "0001048767", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Geezermodo", "reviewText": "Terrible. This guy will never make it as an author.", "summary": "Loser", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A12T4QQJUREE10", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rambo", "reviewText": "A lot of answers to those questions in this book.", "summary": "Five Stars", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A1SBN5LENP9HX7", "asin": "0007120680", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer John Y", "reviewText": "I've always liked the Hercule Poirot mysteries and this one is no exception. A must read for those who feel the same about Agatha's Belgian detective. Although I prefer her earlier Poirot novels, this later one still held me enthralled. I heartily recommend it.", "summary": "Another good Poirot mystery.", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2013", "reviewerID": "A26T7C41WNJVDG", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "awesome app", "reviewText": "Best book ever!!!!!!! Everyone will love this book, it is long but as AMAZING as anything I have ever read!", "summary": "AMAZING", "unixReviewTime": 1379548800} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "A3DK7WMAK2588E", "asin": "0007307136", "style": {"Format:": " Hardcover"}, "reviewerName": "Lucy Dashwood", "reviewText": "This is more of a make your own soap or face cream book than I thought it would be.\nMaybe it's excellent for that, but I'm not so convinced it's about drugs/medicinal remedies.", "summary": "Different Than Expected", "unixReviewTime": 1366156800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A1GIP280KNK2MA", "asin": "0007195087", "style": {"Format:": " Paperback"}, "reviewerName": "Kathy Fuller", "reviewText": "I didn't I hear about this stuff sooner? I share all of this important information with ALL of my students....:)", "summary": "A Must Have", "unixReviewTime": 1375401600} +{"reviewerID": "A1UAHK8DRBTSK8", "asin": "0001050230", "reviewerName": "tonytag", "verified": true, "reviewText": "its Shakespeare, need I say more", "overall": 5.0, "reviewTime": "08 24, 2015", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": false, "reviewTime": "07 30, 2014", "reviewerID": "A34ZWZGIKRL2E0", "asin": "000639194X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dane Dopud", "reviewText": "I would have given this book 5 stars but at the end, (spoiler alert!!!) Griffin was bitten by Goth, their fatal enemy, and Shade committed suicide.", "summary": "Awesome", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "AXCHAW6VXO54T", "asin": "0007190301", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jessica A. Hammer", "reviewText": "Finished this one in two sittings. Thoughtful development. Author is easily becoming one of my favorites. On to the next.", "summary": "always a pleasure", "unixReviewTime": 1400803200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A3VSLQVQ2IQYQO", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MM", "reviewText": "Great book, fun reading it and watching the HBO series at the same time. Can't wIt for the new book,", "summary": "Great book, fun reading it and watching the HBO ...", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A63JA1HHUL4AM", "asin": "0007273770", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michelle Collins", "reviewText": "Never boring from her. The short stories kept me hooked. I want more. A must read for all of her fans.", "summary": "Amazing as always", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1O9QVESJAK6ID", "asin": "0007184867", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jane H. Kelley", "reviewText": "Adore all of Elizabeth Edmondson's books!", "summary": "The Frozen Lake", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2013", "reviewerID": "AJPKDAFL8B7MO", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "I bought this for my son's required reading in school. I am very happy to see that it is still there.", "summary": "One of my Favorites", "unixReviewTime": 1380585600} +{"overall": 5.0, "verified": false, "reviewTime": "10 13, 2014", "reviewerID": "A13BHTWSJZDJ9U", "asin": "0006511317", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donna Del Oro", "reviewText": "His WW II spy novels are as good as Ken Follett's. Once you start, you can't put it down.--author Donna Del Oro/Smart romantic thrillers", "summary": "His WW II spy novels are as good as Ken Follett's", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A32J5QD69LEUDQ", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "Rotornurse911", "reviewText": "Excellent book", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 3.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1D8YMYOZ52EJN", "asin": "0002552868", "style": {"Format:": " Paperback"}, "reviewerName": "M. Downing", "reviewText": "I was somewhat disappointed in this book because I thought the author was trying to sugar coat the Hell's Angels. He ended up nearly beat to death by these people so I don't think they are nice people.", "summary": "I was somewhat disappointed in this book because I thought the author was ...", "unixReviewTime": 1454457600} +{"overall": 1.0, "verified": false, "reviewTime": "10 12, 2014", "reviewerID": "A2MFYFRDKIVXNL", "asin": "0007419503", "style": {"Format:": " Kindle Edition"}, "reviewerName": "toby's mom", "reviewText": "Could not get into it. Sorry", "summary": "One Star", "unixReviewTime": 1413072000} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2011", "reviewerID": "A2AMR6A6XD33EZ", "asin": "0003302245", "reviewerName": "Kindle Customer", "reviewText": "Its grand to read the original. Although Bella Lugosi remains a favorite actor, his portrayal of Count Dracula was a bit \"off.\" (I blame screen writers.) Bram Stoker did a much better job.", "summary": "Great Fun", "unixReviewTime": 1311552000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "AO0QEJ01E2RCQ", "asin": "0002180618", "style": {"Format:": " Paperback"}, "reviewerName": "Kathy Robinson", "reviewText": "This book has been around a long time. I had the book years ago but gave it away, now I have a copy for myself. Share the information in the book with others, it will help us managers be better able to deal with people.", "summary": "it will help us managers be better able to deal with people", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": false, "reviewTime": "12 1, 2007", "reviewerID": "A34V2LCSJYFZUM", "asin": "0007183135", "style": {"Format:": " Paperback"}, "reviewerName": "Erkle", "reviewText": "This is a terrific book. An interesting study of a topic that should be important to all of us -- our happiness -- taught by a funny and engaging teacher. A compelling and often surprising look at why we do what we do.", "summary": "A fun and interesting journey inside ourselves", "unixReviewTime": 1196467200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A1G2TDG378R2AO", "asin": "0007195087", "style": {"Format:": " Paperback"}, "reviewerName": "M. Vosika", "reviewText": "Simple and logical but what a difference it's made in my life. I finally feel in control.", "summary": "Put me in control of my life.", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A35MSO006RCKZD", "asin": "0002318652", "style": {"Format:": " Paperback"}, "reviewerName": "WeLovePugs", "reviewText": "One of our favorite detectives. Thanks for offering it.", "summary": "Such a great character", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A14LBKQS7YBB2V", "asin": "0007331681", "style": {"Format:": " Paperback"}, "reviewerName": "David Roddick", "reviewText": "Not finished reading this yet but it's a great book. If you like Top Gear UK, you will like this book. Ben talks about his racing career, his army life, and his work with Top Gear as the STIG. And he keeps it interesting.", "summary": "Worth Reading!", "unixReviewTime": 1419033600} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "AFSTDY0ZWOK8F", "asin": "0007339585", "style": {"Format:": " Paperback"}, "reviewerName": "w robert smith", "reviewText": "World war II from a different angle. A heartwarming story of a family fleeing the bombing of Dresden with a baby elephant.", "summary": "World war II from a different angle. A heartwarming ...", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A3QI10GSYLBBGL", "asin": "0006137989", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Celtic reader", "reviewText": "There is no other mystery writer that comes close to Agatha Christie. The book is still timeless.", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "08 28, 2005", "reviewerID": "A8Y3BB1GLE4C6", "asin": "0006476414", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Janet A. Clements", "reviewText": "Tom Clancy has hit the nail on the head again! This book is so captivating I could hardly put it down. I highly recomend this book to any action/espionage freak!", "summary": "Captivating \"Without Remorse\"", "unixReviewTime": 1125187200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "AXAZI7O8HR35I", "asin": "0007305931", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sage", "reviewText": "there are so many characters and story lines that it stays interesting\nI have been thoroughly enjoying this authors books", "summary": "there are so many characters and story lines that it ...", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A3LVAWBSKBH70Q", "asin": "0007236360", "style": {"Format:": " Paperback"}, "reviewerName": "Claire Jane", "reviewText": "One of the very best books I have read. I couldn't put it down.", "summary": "The best of the best books.", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A30DWP7M6RMCUS", "asin": "0007195087", "style": {"Format:": " Paperback"}, "reviewerName": "LR", "reviewText": "I have the original, I had to have the anniversary edition.", "summary": "Happy 10th Anniversary Jack!!", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A2YUAFUDAP4O6B", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary Ann Stankovsky", "reviewText": "So wonderfully written. I was so sad to finish it. I could have easily gone another 500 pages.", "summary": "Extraordinary! And am not exaggerating.", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": false, "reviewTime": "07 29, 2015", "reviewerID": "A24YVQZLDKZLK8", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Charlie Cattermole (Author of Career Hacking: How to Retire at any Age)", "reviewText": "I really appreciate this book as a great supplement for my Bible study. I have a better understanding now about apologetics.", "summary": "Thanks!", "unixReviewTime": 1438128000} +{"reviewerID": "A26GF8YHJIMB7V", "asin": "0001951076", "reviewerName": "Mart", "verified": true, "reviewText": "Old favorites are always the best", "overall": 5.0, "reviewTime": "09 26, 2015", "summary": "Five Stars", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2PHQCBV3J1B50", "asin": "0006173624", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Boca one", "reviewText": "Best book by Tom Clancy. Outstanding", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2014", "reviewerID": "ARDZDP48NBSJ6", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Nightshaderebel", "reviewText": "when he opened the box, he read the book aloud to my mom, and she was in tears. its a great gift for recent grads. whether it be kindergarten, 8th grade, highschool, or college, its the perfect gift.", "summary": "graduation gift for my baby brother.", "unixReviewTime": 1401840000} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2013", "reviewerID": "AI5TB4ZCWOW0K", "asin": "0007181701", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "T. Craven", "reviewText": "this was a book that my son wanted. He has not read it yet but looking forward to reading it.", "summary": "gift", "unixReviewTime": 1360281600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A244PEUL12N949", "asin": "0007419538", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cynthia Maher Mull", "reviewText": "An intricate plot, multi-layered characters and complex relationships, delivered with the skill of an emergency room physician and the undulating language of mermaids. Highly recommended for fans of mysteries, true crime and psychological novels.", "summary": "Utterly compelling!", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": false, "reviewTime": "05 8, 2015", "reviewerID": "A3HJHV83O2U8BL", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Robert A. Grossman", "reviewText": "I love this particular edition as it's the same picture on the hardcover I read 50 years ago", "summary": "There's no accolade I can write that hasn't already been written. This is a great edition of the book", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": false, "reviewTime": "01 4, 2002", "reviewerID": "A2RTKXYFJ7QARA", "asin": "000711835X", "style": {"Format:": " Imitation Leather"}, "reviewerName": "Erwin Hanks", "reviewText": "This is my favorite book. I highly recommend it to anyone who can read.", "summary": "The Lord of the Rings", "unixReviewTime": 1010102400} +{"overall": 1.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A2SC8WU1KJYNG1", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Karen Davis", "reviewText": "run on text/boring", "summary": "One Star", "unixReviewTime": 1482710400} +{"reviewerID": "A169Z3SJBAS8CO", "asin": "000100039X", "reviewerName": "Mr. Cre8ive", "verified": true, "reviewText": "If you can spell \"classic\" you need to read this book.", "overall": 5.0, "reviewTime": "03 1, 2018", "summary": "Are you ready?", "unixReviewTime": 1519862400} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A37QHRKTNWYCU3", "asin": "0002317850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "janice buckingham", "reviewText": "Easy reading and the characters are lovable--except one. So essentially English that you feel transported to a little English village.", "summary": "Always Christie", "unixReviewTime": 1379203200} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2014", "reviewerID": "A2418FQIBDQOMP", "asin": "0003302245", "reviewerName": "Carl Nelson", "reviewText": "The battle between VanHelsing and Dracula is epic. And this has a more realistic view of the power of Christianity in the face of evil.", "summary": "Better than other vampire novels", "unixReviewTime": 1403654400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A1O170CTCXF6MU", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "kieun song", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1473811200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A37NZEQ8S5CG40", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "txhunter", "reviewText": "Where all other fantasy novels can trace their lineage. Outstanding series that I love reading again and again.", "summary": "The bar", "unixReviewTime": 1429747200} +{"overall": 4.0, "verified": false, "reviewTime": "12 13, 2014", "reviewerID": "A1HDHHSW4JZYMP", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Good book.", "summary": "Four Stars", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A9QBJ62XJKXU0", "asin": "0002245264", "style": {"Format:": " Hardcover"}, "reviewerName": "Florence", "reviewText": "Stuart Wioods books. So good.", "summary": "Stuart Wood books", "unixReviewTime": 1519862400} +{"reviewerID": "A1OBJD3KLLV8HM", "asin": "0002241277", "reviewerName": "William Beasley", "verified": true, "reviewText": "It was a very exciting book to read I just love reading about Alex Cross and John Sampson. Alex falls in love too easy though and John needs to find his lady and settle down also", "overall": 5.0, "reviewTime": "06 8, 2016", "summary": "Alex and John", "unixReviewTime": 1465344000} +{"reviewerID": "A2UCAEDKW9U88P", "asin": "0002252317", "reviewerName": "Weather-Woman", "verified": true, "reviewText": "Another great book from Mr. Patterson. I have loved every one of his novels about Alex Cross. I have literally come to love and admire Alex for the way he handles his work and his relationship with his children. I keep hoping there are more on his life coming.", "overall": 5.0, "reviewTime": "12 3, 2015", "summary": "GREAT ONE", "unixReviewTime": 1449100800} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A1FZM1MRILZZBD", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "JulianB.", "reviewText": "The books are a little different and slower than the movies. Good reading on long rainy days and nights in front of a fire.", "summary": "A little different than the movies.", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "AD82R8LWKIA1P", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Jndoria", "reviewText": "I love all things J.R.R. Tolkein. My daughter is totally in to this series and sneaks away often to read this series. If you have a reader in your family, introduce them to this series! They will learn alot and spend a ton of time away from video games! (yeah!)", "summary": "I love all things J", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "AQX0IYWHWJHWC", "asin": "0007350961", "style": {"Format:": " Paperback"}, "reviewerName": "Juan", "reviewText": "Arrived on time for school, very happy.", "summary": "very happy.", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2013", "reviewerID": "A1BXGZO9ZF111Q", "asin": "0006513220", "style": {"Format:": " Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "This was a book I almost didn't read. I am so glad that I did though, because this trilogy went straight to the top of my favorite books list.", "summary": "Love it.", "unixReviewTime": 1369094400} +{"overall": 4.0, "verified": true, "reviewTime": "03 26, 2016", "reviewerID": "A27W7YLT079CVS", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "Will Lover", "reviewText": "Excellent Carole King but an early version which lacks the character of her more recent performances.", "summary": "Good but old", "unixReviewTime": 1458950400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A26JP8D3VQL3Z3", "asin": "0007224826", "style": {"Format:": " Hardcover"}, "reviewerName": "G. Baker", "reviewText": "While reading this to my 2 year old he absolutely loved the tale. However, my wife who is a teacher, thought I needed to modify the story a little bit due to the violence.", "summary": "... reading this to my 2 year old he absolutely loved the tale", "unixReviewTime": 1500422400} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A2DFLU6VISTSN6", "asin": "0007224400", "reviewerName": "B. Switzer", "reviewText": "The information is pleasantly presented and well written. I am glad my granddaughter, who is planning to go to medical school, recommended it.", "summary": "Interesting", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "AEO1PJTWZ7DH4", "asin": "0002247399", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "blapierre", "reviewText": "George Martin can do no wrong in my eyes. This book is amazing. It is sad we have to wait until 2016 for the next book.", "summary": "Amazing", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A3IPDCT393V7I9", "asin": "0006280560", "style": {"Format:": " Paperback"}, "reviewerName": "Loretta C Gillett", "reviewText": "Always appreciate the insight given by the Author.", "summary": "Five Stars", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A2D7YM2WNAKA05", "asin": "0007378033", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Fascinating story of incredible courage and strength in the face of horrendous cruelty", "summary": "Five Stars", "unixReviewTime": 1491091200} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "A2TDWP5W7CXXTR", "asin": "000720602X", "style": {"Format:": " Paperback"}, "reviewerName": "Stephen", "reviewText": "Arrived on time and as advertised.", "summary": "good book", "unixReviewTime": 1442880000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A2FU28MMRZ37CE", "asin": "0006530702", "style": {"Format:": " Kindle Edition"}, "reviewerName": "giovanna", "reviewText": "I think it's the most instructive book about the Middle East. I recommended to everyone, jewish or not jewish.", "summary": "I recommended to everyone", "unixReviewTime": 1420588800} +{"reviewerID": "A2FVBN865EDHUA", "asin": "0002247437", "reviewerName": "Faye N. Sanders", "verified": true, "reviewText": "I like that Verso got her due for now. Finally Cat returned. The change in Jaime.\nI am missing the woman warrior. Wish Little finger would get what he deserved.", "overall": 5.0, "reviewTime": "01 22, 2014", "summary": "The return of Cat.", "unixReviewTime": 1390348800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2013", "reviewerID": "AD0CAC5R2OSB2", "asin": "0006499163", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Christopher King", "reviewText": "I have read and reread this series over the years, and now that it is on the Kindle, I intend to read it again! There is enough history in this series about the Napoleonic Wars to keep you interested, and enough character development to wish that Waterloo was a century away.", "summary": "The beginnings of a great series", "unixReviewTime": 1368489600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A380SUWYOGCDJ5", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "bob 2012", "reviewText": "Excellent ! Love the drawings and the way it is presented. I lost one and bought the same again, would not try something else.", "summary": "Excellent book.", "unixReviewTime": 1453766400} +{"overall": 3.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A1LUTMI6ICAZO9", "asin": "0006178219", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rachel G. Bartlett", "reviewText": "i like to read", "summary": "Three Stars", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "AEDAZH4IXRJK", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "K. Evans", "reviewText": "It's a classic. What is there to say?", "summary": "Classic", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A1SM8LG6065A0E", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "GMarie", "reviewText": "This story is more about life than racing. I am uplifted by it! I am inspired by it! I find it entirely plausible!", "summary": "Deeply moving & inspiring", "unixReviewTime": 1378080000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A3AAXEQR919FRN", "asin": "0006540279", "style": {"Format:": " Paperback"}, "reviewerName": "Commentor", "reviewText": "A great read. Dense, but accessible when one is ready to really dive deeper into Jung and his journey. Pairs well with the Joseph Campbell - Power of Myth DVD set.", "summary": "Classic", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "A2RKWQM5D6JZXD", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jim Zwarych", "reviewText": "Although this type of story has never been of any interest to me, I thoroughly enjoyed it and had a hard time putting it down just as it was with all the other Odd books of which I've read them all. I look forward to the next one.", "summary": "oddly delightful", "unixReviewTime": 1370908800} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A3PDM4VFQP81U6", "asin": "0007337876", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "it was fine.", "summary": "Four Stars", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2014", "reviewerID": "A3VEAJ1ZVDBK5C", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jessica", "reviewText": "While the beginning may seem a little slow, it develops into a story rich with fantastic characters, a full spectrum of emotions and hardships, and a journey to rival all others. A truly great read, well worth the money. You won't regret it.", "summary": "A True Epic", "unixReviewTime": 1390003200} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2014", "reviewerID": "A1503SQ2PUGOQI", "asin": "0007236379", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anne Rudd", "reviewText": "Good writing and devastating story. I am glad that he finally found what he was looking for in love of family", "summary": "Please, Daddy, No: A Boy Betrayed", "unixReviewTime": 1392508800} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A2UT0NP92QVJ6C", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "cmoloney", "reviewText": "love these", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "AAKIFUHRI0PH8", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "RachelAL", "reviewText": "Best book I've read in years; have already recommended it to others!", "summary": "Unbelievably good!", "unixReviewTime": 1465171200} +{"reviewerID": "A36HYRW5KQCFB2", "asin": "0001473727", "reviewerName": "Butterfly", "verified": true, "reviewText": "this book is excellent for any bible study student", "overall": 5.0, "reviewTime": "01 9, 2016", "summary": "this book is hard to find", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "A1N0BR689HK7D6", "asin": "0003302245", "reviewerName": "Kenneth Conrady", "reviewText": "I loved this book! This book is awesome, extremely detailed and the perfect read for when you're bored. Happy reading", "summary": "Magnificent", "unixReviewTime": 1366848000} +{"overall": 1.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A3HU6QDWZOPQ6M", "asin": "0007149832", "style": {"Format:": " Hardcover"}, "reviewerName": "mabell525", "reviewText": "I didn't understand it at all.....I was married to a policeman and thought it might be interesting????....someday I will go back and try it again.", "summary": "I didn't understand it at all.... ...", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1KG1TO2HU9IK6", "asin": "0001048767", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David S. Chapin, MD", "reviewText": "What's not to like about MacBeth?", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 3.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A13QHY0SC3AA4J", "asin": "0007281447", "style": {"Format:": " Paperback"}, "reviewerName": "sharon", "reviewText": "Most of the book was about tennis matches in detail with his personal feelings thrown in Enjoyed reading about his personal life, but not a tennis buff so found the match after match, tournament after tournament stuff to get too long and drawn out.", "summary": "... matches in detail with his personal feelings thrown in Enjoyed reading about his personal life", "unixReviewTime": 1445558400} +{"reviewerID": "A3VGV6L71GISMV", "asin": "0002211505", "reviewerName": "Teresa Walston", "verified": true, "reviewText": "I have a few 'old favorites,' this is one of them. I read The Chalice, The Big Fisherman, and then this, Dear and Glorious Physician. They seem to be well researched and imagined.", "overall": 5.0, "reviewTime": "09 14, 2017", "summary": "An Old Favorite", "unixReviewTime": 1505347200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A92M25QOW8U9K", "asin": "0006476155", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "frank a willis", "reviewText": "love the book thank you", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "A1ZOY672WXQCW5", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Phoebe Starkweather", "reviewText": "I've loved this story forever I loved the professional narration. I would recommend that you try it and if you fall in love with it buy the full narration!!!!! I mean it.", "summary": "Amazing", "unixReviewTime": 1391990400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "AF6RSM31438M0", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "NL", "reviewText": "Unbelievable journey. I couldn't put the book down. Enchanting", "summary": "Enchanting", "unixReviewTime": 1474243200} +{"overall": 3.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A3PVCM5PMLH0M1", "asin": "000727095X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Alvin Dix", "reviewText": "The title of the book gives you a hint of where it's going. The family connections are convoluted and may mislead you. Another easy read for the most part.", "summary": "Some dark moments.", "unixReviewTime": 1447113600} +{"overall": 3.0, "verified": false, "reviewTime": "08 12, 2016", "reviewerID": "A3G5TWZVFSQ3J1", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John P.", "reviewText": "Kept waiting for the interesting part of the story to start.. all the way to the end.. Not my kind of book.", "summary": "Slow and uneventful", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A68H013NB0VM3", "asin": "0006755232", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Julie H. Holtan", "reviewText": "I loved this book!! Very different from the movie but I think I loved it even more as a book.", "summary": "Loved it!", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "AJI9VYO4R4F93", "asin": "0007284241", "style": {"Format:": " Hardcover"}, "reviewerName": "W.K.G", "reviewText": "What can be said? Along with Hyrule Historia and A World of Ice and Fire; the three great fantasy books tell the story of each fantasy world in wonderful detail. And Tolkien is, was a wonderful writer. The rest is history.", "summary": "Beautiful", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A355WB2ZV9HCET", "asin": "0001945424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "gail Emrick", "reviewText": "I bought this for my grandchildren. Wonderful!!", "summary": "Wonderful!!", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A2SZ6DPURDFGM4", "asin": "0007310250", "style": {"Format:": " Paperback"}, "reviewerName": "Nancy F. Timm", "reviewText": "Can't wait to finish the trilogy", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A3UOKE1TKI0S47", "asin": "0007263589", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ken Conway", "reviewText": "I learned a lot about myself", "summary": "a good read", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A3685ACE1W8HEQ", "asin": "0007299273", "style": {"Format:": " Paperback"}, "reviewerName": "jewels01", "reviewText": "Good book but sad", "summary": "Five Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A2QS7X4OJKSX8N", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Roderick A. Jacobs", "reviewText": "Quite a wonderful re-creation of a periodfascinating!", "summary": "Five Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A2V7W8QZW2Y4ZB", "asin": "0006167004", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Victoria wilson", "reviewText": "Classic read.", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A1WDM08U7U4S8O", "asin": "0002213311", "style": {"Format:": " Hardcover"}, "reviewerName": "sue", "reviewText": "Book came in good condtion.love this series.must read if you like true blood", "summary": "Love this book", "unixReviewTime": 1453248000} +{"overall": 4.0, "verified": true, "reviewTime": "02 7, 2012", "reviewerID": "A1I56LZETRJC4H", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tab", "reviewText": "This isn't extremely easy to navigate, but gets easier as you learn how. I cannot complain as it is free, and I use it regularly.", "summary": "Okay", "unixReviewTime": 1328572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A1Q19JB1PE2V5V", "asin": "0003302245", "reviewerName": "Artemis Antoninis", "reviewText": "A classic and a must read.", "summary": "A classic and a must read.", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2017", "reviewerID": "A3MNLJP3QDCOTP", "asin": "0007350961", "style": {"Format:": " Hardcover"}, "reviewerName": "A.A.", "reviewText": "Good read.", "summary": "Love It", "unixReviewTime": 1499126400} +{"overall": 3.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A3W2KO1PJ7FAWD", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tim", "reviewText": "Got this for my wife , as we both have the movie. She read the whole thing but says in THIS case the movie is a lot better!", "summary": "fair book", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": false, "reviewTime": "12 29, 2016", "reviewerID": "AU19R6RMN6JF6", "asin": "0007224796", "style": {"Format:": " Board book"}, "reviewerName": "Beverly Lee", "reviewText": "Gift. No report", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2013", "reviewerID": "A1LSIFOOZOXNPE", "asin": "0007190298", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aimee Just one more page...", "reviewText": "This author is always profound. It's nice having snippets from different books for a thought each day. It also may help you decide which of his other books you might like.", "summary": "Good devotional", "unixReviewTime": 1358553600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A2P1BF8YS93983", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "alfred williams", "reviewText": "Great read!", "summary": "Five Stars", "unixReviewTime": 1424304000} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A13EZQMO7C7EIH", "asin": "0007264798", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Richard Smith", "reviewText": "A fitting conclusion to 30 odd books", "summary": "Four Stars", "unixReviewTime": 1414540800} +{"overall": 1.0, "vote": "11", "verified": false, "reviewTime": "03 31, 2013", "reviewerID": "A2CYHH20KQE5CN", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I didn't like it at all.it was very hard for me to keep reading it ! It just didn't have it ,the other books were great ! This book fell short of my expectations! To bad for the money I spent was not worth it at all!", "summary": "Not good enough!", "unixReviewTime": 1364688000} +{"reviewerID": "AJBFWW5STQP5H", "asin": "0002252317", "reviewerName": "J Kim", "verified": true, "reviewText": "I read voraciously as a child, and this book was one of my favorites. I am going to read it again on my Kindle. It is entrancing.", "overall": 5.0, "reviewTime": "02 8, 2011", "summary": "One of my favorite LM Alcott books", "unixReviewTime": 1297123200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "ACPHYLECDWT53", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Micayla's Mom4ever", "reviewText": "There are a lot of characters in this book and the last. Sometimes i get a little confused but overall I've loved the series and I can't wait for the next book.", "summary": "Love this series", "unixReviewTime": 1378425600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2014", "reviewerID": "A3PNQRCCM0STGO", "asin": "000614182X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Beverly L.", "reviewText": "I understand this is a great series. This first book is a good start. Looking forward to reading the rest.", "summary": "A Good Start", "unixReviewTime": 1391558400} +{"overall": 5.0, "verified": false, "reviewTime": "03 28, 2013", "reviewerID": "A1FJHH1LSWNB9X", "asin": "0007276176", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Daka J. Arsement", "reviewText": "I love the rawness of the writing of this book!!! I could go on for ever about the greatness but all I'm gonna say is if you haven't read this YOU ARE MISSING OUT ON SO MUCH FUN!!!!", "summary": "I love this book!!!", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A3HD9ZNVO4K7IJ", "asin": "0006551394", "style": {"Format:": " Audio CD"}, "reviewerName": "Tom Lipinski", "reviewText": "Excellent and shipped on time.", "summary": "Excellent and shipped on time.", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A1A269PNMY1AW2", "asin": "0007350961", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lee", "reviewText": "Classic Frankenstein", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 4.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A3OFSPAKGMUOZG", "asin": "0006176909", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "well wrtten.", "summary": "Four Stars", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A1HCHH3Q5ZZZNV", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Zoey", "reviewText": "Great read!", "summary": "Five Stars", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "A2X9UNWMMXO9LH", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Savannah", "reviewText": "Nothing to say", "summary": "Five Stars", "unixReviewTime": 1475366400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 24, 2006", "reviewerID": "A1S5BDEK6AM2GN", "asin": "0007213182", "style": {"Format:": " Hardcover"}, "reviewerName": "L. M. Moorcock", "reviewText": "I bought this and another crossword dictionary for my Mom. She loved this one. Keeps it by her chair all the time! Highly recommended!!", "summary": "A Happy Mom", "unixReviewTime": 1140739200} +{"overall": 2.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A2UEC3W37T238X", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "The Luggage", "reviewText": "Wish I had just shopped at a book store for this one. Supposed to be new, but pages are folded and there are marks and writing along the bottom. Plus, the quality of the book as a whole just feels cheap. Very disappointed.", "summary": "Cheap", "unixReviewTime": 1356998400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A8S2US94QTIZZ", "asin": "0007420412", "style": {"Format:": " Hardcover"}, "reviewerName": "cynthia4peace", "reviewText": "This book, along with it's set, are a great, exciting read. Then watch the movie. Loved it!", "summary": "are a great, exciting read", "unixReviewTime": 1466812800} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A28BHLDPLZ8TBK", "asin": "0007182317", "style": {"Format:": " Hardcover"}, "reviewerName": "Mary Jane Chisholm", "reviewText": "Loved this book...especially since we have a grandson who's name is Henry. Book was also very cute with the \"eaten\" page.", "summary": "Fun for little one's", "unixReviewTime": 1434758400} +{"overall": 1.0, "vote": "5", "verified": false, "reviewTime": "05 18, 2007", "reviewerID": "A2FSO583QOX5EN", "asin": "000715769X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Danny B. - Genius", "reviewText": "Not alot to add, except I wish I could somehow blot this series out of my memory so I can go back to loving Eddings writing the way I used to. Start in the beginning, new readers, and stop before this garbage!", "summary": "Everyone else has nailed it.", "unixReviewTime": 1179446400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A2TLJ7DUC51HBH", "asin": "000713746X", "style": {"Format:": " Hardcover"}, "reviewerName": "R .Deuel-berman", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A1SHCNI35I1Y6P", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "diannek1220", "reviewText": "great product and seller", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 3.0, "verified": true, "reviewTime": "12 22, 2012", "reviewerID": "A1ROC7XJ2TKM2D", "asin": "0007359101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "bexter", "reviewText": "I liked this novel but found the characters' concern during a terrible crisis to be a bit underdeveloped. The plot is a good one. For a first novel...good job. Glad I read it. On to the next. Hope it is better. I hear it is.", "summary": "Less concern by characters than expected.", "unixReviewTime": 1356134400} +{"reviewerID": "AFR8APTBW1UKX", "asin": "0001050230", "reviewerName": "Cryss", "verified": true, "reviewText": "Good book! Recommend. Classic", "overall": 5.0, "reviewTime": "09 20, 2017", "summary": "Great classic", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "ARC3O21P6EZBG", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L O'C", "reviewText": "I had never heard of this part of WW2 history. The story was told in a manner that kept my attention in spite of the details of every aspect of the people, the weaponry, the customs, the terrain, etc. Beautifully written, descriptive and engrossing.", "summary": "Riveting", "unixReviewTime": 1412121600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "AA88TGWF7D1CU", "asin": "0006910637", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nicki", "reviewText": "If you've played the Nancy Drew game of this book, you'll definitely want to read this!\nPerfect with suspense and mystery, this book is a great read!", "summary": "Great!", "unixReviewTime": 1355875200} +{"overall": 4.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A2SAGG1MO5WTL1", "asin": "000721801X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jennifer Baratta", "reviewText": "Vikings fans listen and read this book", "summary": "Vikings fans", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2014", "reviewerID": "A2QUVWJYJJUFKK", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Corky920", "reviewText": "I own the movie Little Women, the one with Susan Sarandon and Winona Ryder. Loved the movie and still do! Then I got to read the book! Loved it! I don't know why I waited to so long to read it! I recommend this to any young lady. What a wonderful coming of age story.", "summary": "I've always wanted to read this book", "unixReviewTime": 1399852800} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A3Q4OTBUOJ9NPJ", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wilma van Wezenbeek", "reviewText": "Again Green wrote about the young adolescents - and again (referring to The fault in our stars that I read earlier) there is a tragic event, now in the middle of the book. Counting up towards this event and counting down afterwards. Entertaining.", "summary": "Again Green wrote about the young adolescents - and again ...", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A2X0IF241XYLVA", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "cgart", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A13KMZ4K3XFL5K", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stephanie Hefner", "reviewText": "Very good story, Tolkien is an exceptional story teller", "summary": "Amazing", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2008", "reviewerID": "A3U2C9CO535M7Y", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Cliff & Rae", "reviewText": "seems complete, the color pics of plants & stuff are great, the only slight problem is he uses some idioms that are from england but considering were he is from, i have read & tried parts of this book, seem to work well", "summary": "very good", "unixReviewTime": 1216166400} +{"overall": 4.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "AM2DRYS0JBXHQ", "asin": "0007141424", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Thomas ODonnell", "reviewText": "interesting concept. thought provoking", "summary": "Four Stars", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "AZ09CUQDJ4U3T", "asin": "0001844423", "style": {"Format:": " Audio CD"}, "reviewerName": "M. Menzies", "reviewText": "whats not to like", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "ALPSVIB6YQELA", "asin": "0006176909", "style": {"Format:": " Paperback"}, "reviewerName": "D. J. Singer", "reviewText": "Great book....you'll certainly enjoy it if you've only seen theTV series....a lot of difference.", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "AWJOTOYXGSOJG", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jerry Anderson", "reviewText": "Wouldn't it be great if when you close your eyes on this world when you open them in the next you find yourself in the Shire", "summary": "Timeless", "unixReviewTime": 1422316800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "AAL7DYJ7S96ZK", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Cyphr", "reviewText": "Got it for my granddaughters, They love it as much as my boys and as much as I did when I was little.", "summary": "great book", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A2EIWJL82U5N7F", "asin": "0007284845", "style": {"Format:": " Hardcover"}, "reviewerName": "B. Carpenter", "reviewText": "Grandchild loves the book", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A3I0M0ZFCXLXC5", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carol Beckman", "reviewText": "My all time favorite novel. I read it more than 10 years ago and I purchased it again so I can re-read it. This time it will stay with my in the cloud so I can enjoy it in another 10 years.", "summary": "My Favorite Novel", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A3CQ4R6W5OG9AD", "asin": "0003302245", "reviewerName": "Panther74", "reviewText": "The one and only Bram Stoker", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "AXWGZV3CAO59D", "asin": "0006490344", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Laurie A. Beauchemin", "reviewText": "One of my most favorite books. I buy it or recommend it to many.", "summary": "Jonathan soars", "unixReviewTime": 1406073600} +{"overall": 3.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A5GYTX5NJ9A85", "asin": "0006545793", "style": {"Format:": " Kindle Edition"}, "reviewerName": "beth g", "reviewText": "Not a riveting read, but worthwhile. I read it 50 yrs ago and poo pooed it as pure science fiction, but reading it now is the realization that we may be on that path, and farther down it than we realize!", "summary": "frighteningly possible", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A25A30ZURRXQS2", "asin": "0007178255", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "AQJIHH9D6X6UY", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "xiang ma", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1416614400} +{"reviewerID": "A2JOZ7DM3FL13E", "asin": "0002259664", "reviewerName": "Karlglobe", "verified": true, "reviewText": "Bernard Cornwell writes in a style that I find easy to read and that gives me insight into the historic setting from the point of view of someone like me.", "overall": 5.0, "reviewTime": "03 26, 2013", "summary": "Vagabond", "unixReviewTime": 1364256000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A1Q9TM90LF61CU", "asin": "0007178484", "style": {"Format:": " Paperback"}, "reviewerName": "Cheri", "reviewText": "I love this", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": false, "reviewTime": "01 9, 2017", "reviewerID": "ANI4MUV3AWJH", "asin": "0002210967", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Some change of style is noticeable from the first four novels. A bit more action/adventure is a nice addition. The Black Moon omen is opened and closed nicely.", "summary": "The Black Moon - five stars", "unixReviewTime": 1483920000} +{"overall": 3.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "A3HZJ7EMASG1ZZ", "asin": "0007119305", "style": {"Format:": " Paperback"}, "reviewerName": "bbfan", "reviewText": "It is a very large paperback book. It is the large paperback (which I did not expect). It looked like a beautiful book and it is not. Cheaply made. Haven't\nread it yet - too awkward.", "summary": "It looked like a beautiful book and it is not", "unixReviewTime": 1503705600} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2017", "reviewerID": "A3MODDLZYHFOI8", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1500163200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "AONMSI4GYZW1D", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "NM", "reviewText": "I read the book when I as 14. Rereading it seemed just as fresh. Dickens at his best.", "summary": "Dickens at his best.", "unixReviewTime": 1445558400} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2014", "reviewerID": "A135QXH0XVEZ2J", "asin": "0006551807", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marcia Mcgee", "reviewText": "This is a good story but even better is the cultural information about the Bengalis who have come to America to live.", "summary": "A really good read", "unixReviewTime": 1395014400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A307DHDM2AUGRT", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Jeanne", "reviewText": "I love this series! (I am a female reader)\nGeorge R R Martin has crafted a wonderful epic fantasy that has engaging characters and addicting story lines.\nI can't wait for the next book!", "summary": "I love this series", "unixReviewTime": 1463788800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A3SCOVDEM2M3KP", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "JLCDavis", "reviewText": "A great edition of Lord of the Rings!", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "A2T1VEKN9SSJ1J", "asin": "0007107005", "style": {"Format:": " Paperback"}, "reviewerName": "Fred", "reviewText": "One of the best books on Yoga. A must have if you are serious on your Yoga practice.", "summary": "A must have book", "unixReviewTime": 1472428800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "ACFA8SE3HSQO0", "asin": "0007368658", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Monica", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A1EOF70LY3XW39", "asin": "0002259842", "style": {"Format:": " Hardcover"}, "reviewerName": "Gloria Herbert", "reviewText": "Haven't had a chance to read them all, but have looked through them and I love them...", "summary": "but have looked through them and I love them.", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A2GY517PXSQIFW", "asin": "0006498515", "style": {"Format:": " Kindle Edition"}, "reviewerName": "LuvTheBay", "reviewText": "I love reading Lisa Scottoline books and the Rosato & Associates series is not to be missed.", "summary": "Excllent", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A9EWP4JK7H02O", "asin": "000713746X", "style": {"Format:": " Paperback"}, "reviewerName": "Robert the smart buyer", "reviewText": "This is the original best-seller, all meat and potatoes. John Gray led the way on this one.", "summary": "I loved it - a real direction setter.", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A25IZCO3IE9CFS", "asin": "0007339585", "style": {"Format:": " Paperback"}, "reviewerName": "michelle n miller", "reviewText": "Awesome book, my daughter loved it", "summary": "Great book", "unixReviewTime": 1409270400} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A27GNHMUT2ULO4", "asin": "0006486029", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donald G. French", "reviewText": "Don't want the story to end", "summary": "Four Stars", "unixReviewTime": 1486166400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A2DHY8PPN5LIFP", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ren", "reviewText": "this is a really great book. I'm not really sure why Amazon is making me rate it, but it's really good.", "summary": "Good book", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A29SX9XNHUK6LP", "asin": "0007350899", "style": {"Format:": " Hardcover"}, "reviewerName": "just me", "reviewText": "classic", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"overall": 5.0, "verified": false, "reviewTime": "03 5, 2014", "reviewerID": "A2SX0AP507CQ1Z", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "M. Olson", "reviewText": "When I was a kid I had the one that came with a cassette (a what?). It was my favorite book. My dad still had it and he gave it to my daughter. Sadly the cassette was lost to time. Great artwork and story. Very very highly recommended to all Dr. Seuss fans.", "summary": "My favorite!", "unixReviewTime": 1393977600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A2VM2Y9WE5NRUZ", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Catherine Peterson", "reviewText": "didn't order this !!!!!", "summary": "Five Stars", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A2U7APMAQWT6BP", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Peter Urkowitz", "reviewText": "Note: the edition we got is not the one pictured by Amazon here. It was the red-covered, \"mottled\" edition. It was in fine condition, and we are quite pleased with it.", "summary": "An awesome edition of a great book", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "AGP93439DMM65", "asin": "000617342X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Paula J. Wagner", "reviewText": "Highly recommend if you are interested in English and Welsh history! I've read it about 12 times and just started reading it again!!", "summary": "awesome", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A1NB4Y6GFVQW4O", "asin": "0007200285", "style": {"Format:": " Paperback"}, "reviewerName": "Frank H. Dietz", "reviewText": "Authentic African insights about the ongoing struggle to find a way in our more racist and troubled U.S. context. An excellent writer!", "summary": "Wonderful!", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A1SQ353IJFWRD6", "asin": "0007320817", "style": {"Format:": " Paperback"}, "reviewerName": "Jose L Concepcion Rios", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 3.0, "verified": true, "reviewTime": "08 3, 2013", "reviewerID": "A29GAHH9JMBFQN", "asin": "0007303734", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patricia Hansom", "reviewText": "I felt like a whole book was missing between this and the previous one. Otherwise a good read for adults or older teens.", "summary": "something missing", "unixReviewTime": 1375488000} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A2FCKIWWC7SIQS", "asin": "0007148976", "style": {"Format:": " Paperback"}, "reviewerName": "Janette Kirchner", "reviewText": "I loved this book as a child. Now, Im not sure if Id read it to my children because of it talks of black people, but it still reaches that place where I don't feel quite as alone.", "summary": "Good book", "unixReviewTime": 1508716800} +{"overall": 1.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "APXQDIAU1J3IK", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "vrw49", "reviewText": "Didnot like it", "summary": "One Star", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2018", "reviewerID": "A3TDK8G3C76HO5", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Jennifer Donahue", "reviewText": "We bought this as a graduation gift for our daughter and had everyone write a message to her throughout the book wherever they saw fit. Such a sweet encouragement for her to take with her as she ventures on in life", "summary": "Great for our graduate", "unixReviewTime": 1521158400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2013", "reviewerID": "A2PEDFKMLST3X9", "asin": "000726755X", "style": {"Format:": " Hardcover"}, "reviewerName": "Cayman Cat Woman", "reviewText": "by far, the best of the odd thomas series, i just love the series, cant get enough. koontz is awesome", "summary": "the best of the bunch", "unixReviewTime": 1367798400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "AG1E77MJQVYF7", "asin": "000727906X", "style": {"Format:": " Hardcover"}, "reviewerName": "bubbe barbara", "reviewText": "Bought this as a gift, but had to read it first, after seeing the BBC movie. Really cute story, reminds me of Roald Dahl's work. Very British humour, good for kids who \"feel different\". I'm planning to get another copy and read it to my students at school.", "summary": "This Book Does NOT Stink!", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A1IY1QS4XEO7EJ", "asin": "0007176236", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ashley cox", "reviewText": "Great book! Each time I read it :)", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "A3RYIS024JPOD7", "asin": "0006490344", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Earl Duskey", "reviewText": "One of those books that stays with me all the time in my kindle and I use for reading or just reference. LOVE it. first got it on tape years ago and it changed my thinking and life.", "summary": "Another of my personal favorites", "unixReviewTime": 1384905600} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "AVPLAA2DFX971", "asin": "0007173121", "style": {"Format:": " Hardcover"}, "reviewerName": "NCMom", "reviewText": "Gave as a gift and recipient was very pleased.", "summary": "Five Stars", "unixReviewTime": 1495152000} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A3VDGBPAACIZA1", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Engrossed me. Great writer. Did become disappointed but I feel like it was worth it.", "summary": "Great writer. Did become disappointed but I feel like ...", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A24Z9BTLTP2QZO", "asin": "0007164939", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John B. Toledo", "reviewText": "intriguing.", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": false, "reviewTime": "08 22, 2010", "reviewerID": "ASGW2ISCWN15D", "asin": "0007271204", "style": {"Format:": " Paperback"}, "reviewerName": "Soft Flow", "reviewText": "I loved this story, appeared just as I needed to know this information. There is magic afoot when one engages with this author.", "summary": "Brida", "unixReviewTime": 1282435200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A2SG61XPHH9TRF", "asin": "0006486177", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Karen Malott", "reviewText": "I always thought there was more to Drago than only what you see on the surface. He will save Trancendore I am sure of it.", "summary": "Starson!!!", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "ARMGHSPHDOZGR", "asin": "0007141343", "style": {"Format:": " Kindle Edition"}, "reviewerName": "rosiemom56", "reviewText": "Such a treat to read an Agatha Christie novel. They are so perfect in their solving of a murder from A to Z. Never grows old and the perfect classic.", "summary": "Always a Masterpiece", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2007", "reviewerID": "A5L35KU95Q16B", "asin": "0007151276", "style": {"Format:": " Paperback"}, "reviewerName": "Karen H. Dix", "reviewText": "I was fascinated by the stories told about the Plymouth folks, before the voyage and long after settling in. Excellent.", "summary": "Reads like a novel", "unixReviewTime": 1186358400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2017", "reviewerID": "A10I6X6QE7IOKO", "asin": "0002259753", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Julie MacWilliams", "reviewText": "Very good. If you like her style you'll like this one.", "summary": "Five Stars", "unixReviewTime": 1514332800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A21D2UR71329RW", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael Ferreira", "reviewText": "Only dislike that book 6 is not yet published. Twists and turns, kept my attention uninterrupted for hours. Impatiently waiting for book 6", "summary": "Outstanding", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "ASXCON62EM8DA", "asin": "0006472613", "style": {"Format:": " Audio Cassette"}, "reviewerName": "Becky", "reviewText": "Awesome book", "summary": "Five Stars", "unixReviewTime": 1470873600} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2013", "reviewerID": "A3IL9VHTSGBYN3", "asin": "0007149883", "style": {"Format:": " Kindle Edition"}, "reviewerName": "darren welshman", "reviewText": "The story line throuout this book was never dull ilove reading storys of the under dog in life going so far and to have an ending is something else some do seem to drag on", "summary": "very good reading", "unixReviewTime": 1366934400} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2010", "reviewerID": "AEDISN8QNS70W", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "eastert", "reviewText": "Great book set! Very attractive - a pleasure to hold in one's hands and read. Never mind reviewing the story - everyone knows what a great story it is. The book itself is a tribute to LOTR. Highly recommended! The only disappointment is that The Hobbit is not included.", "summary": "The LOTR 50th Anniversary Edition", "unixReviewTime": 1287360000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2013", "reviewerID": "A1RWVQYTXLQA5L", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I love this timeless story and I will read it many times before my death. Highly recommend it if you are of the sort who loves a good adventure.", "summary": "My holiday", "unixReviewTime": 1358208000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A2GYJ5BYC0L278", "asin": "0007195087", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Custome", "reviewText": "A must read for all humans starting at 14", "summary": "Textbooks for humans", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A1R2DN8HX7TSQQ", "asin": "0006178219", "style": {"Format:": " Paperback"}, "reviewerName": "sarah", "reviewText": "This will be my nest book to read after I finish shooting stars.the book is in great shape. Will be ordering again in the future.", "summary": "Next book for me to read", "unixReviewTime": 1398124800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2013", "reviewerID": "A30O3LYE982JTB", "asin": "0007276141", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rose Wilson", "reviewText": "I never read books of this genre but my son read it and said he couldn't put it down. Neither could I . I have also read the sequel. Wish the author would write more in the vain.", "summary": "Fantastic", "unixReviewTime": 1359763200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A2C3IQNHALSCC5", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ena Taylor", "reviewText": "great story with a good moral", "summary": "Five Stars", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A2Q7D2RQUGNSZ9", "asin": "0006512550", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "linda hopper", "reviewText": "Enjoy her mysteries.", "summary": "Five Stars", "unixReviewTime": 1474070400} +{"overall": 5.0, "verified": false, "reviewTime": "09 24, 2010", "reviewerID": "A3VAMDD32TE281", "asin": "0006917755", "style": {"Format:": " Paperback"}, "reviewerName": "K", "reviewText": "Item shiped in a timely manner and arrived in the described condition. Would use this seller again.", "summary": "Satisified customer", "unixReviewTime": 1285286400} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A5E9W2SZA40FI", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Forget the old movie, this is far more interesting. It is dark and sinister for the most part, probably not what I would consider entertaining, but it is thought provoking and interesting.", "summary": "Interesting in an odd way.", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2013", "reviewerID": "A1MSBO839HWE6Z", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Darla S. Shannon", "reviewText": "This was my second time to read it. I watched the movie with Gary Cooper and Ingrid Bergman and had to read the book again. Of course, the book is better than the movie. Great read - love Hemingway books.", "summary": "Hemingway Classic", "unixReviewTime": 1383523200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A1UL31Y99ANW7L", "asin": "0001046314", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deane", "reviewText": "I didn't want it to end. Really loved it. I highly recommend it. I can't wait to read the next. Book after this one.", "summary": "Wonderful story", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": false, "reviewTime": "06 8, 2009", "reviewerID": "ASLAHU20V8AIL", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "A. Corry", "reviewText": "The Art of Racing in the Rain has vaulted itself into my top ten (five?) reads in 44 years. After finishing it, I purchased a slew of copies which I gifted to good friends - fellow book lovers - who had equally enthusiastic reviews. This book is wonderful.", "summary": "LOVED THIS BOOK!", "unixReviewTime": 1244419200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A2Y2VKU56CYGVU", "asin": "000711835X", "style": {"Format:": " Imitation Leather"}, "reviewerName": "OregonGirl1991", "reviewText": "These arrived early and are in beautiful and perfect condition. I bought these as a gift for my husband and I can't wait for him to open them up on xmas.", "summary": "Perfect gift for fans!!", "unixReviewTime": 1475539200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2011", "reviewerID": "ASHRLUZG9T5PA", "asin": "0002173611", "style": {"Format:": " Hardcover"}, "reviewerName": "gnmaury", "reviewText": "Well written history of the continent of Australia, Robert Hughes has done his homework so to speak, Very informative and well worth the read if you are a fan of anything Australian.", "summary": "Fatal Shore", "unixReviewTime": 1324080000} +{"overall": 5.0, "verified": false, "reviewTime": "01 26, 2016", "reviewerID": "A22WMHE7X3QUWE", "asin": "000627935X", "style": {"Format:": " Paperback"}, "reviewerName": "C. Lauer", "reviewText": "Love this Translation.", "summary": "Love This Translation", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A20VHN14VOMPH4", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kelly Douglas", "reviewText": "It ended kinda weird. But now that i realize it is a quartet book, Im looking forward to the next book. I read this book in 2 1/2 days. I simply could not put it down.", "summary": "It ended kinda weird. But now that i realize ...", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": false, "reviewTime": "01 19, 2002", "reviewerID": "A1I9J4GEWD4SND", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "alex", "reviewText": "i feel that i cannot express how good these books are. if i could rate it 6, 7, 8 stars i would. if you buy anything, buy this.", "summary": "~best books ever~", "unixReviewTime": 1011398400} +{"overall": 5.0, "verified": false, "reviewTime": "05 17, 2009", "reviewerID": "A3RTNA9THAU2OP", "asin": "0001844423", "style": {"Format:": " Hardcover"}, "reviewerName": "J. Baker", "reviewText": "This book tells the story of how Narnia was created, how the White Witch came to be, and at the end, it tells why the wardrobe is made and what it's made out of. Very quick, very good read.", "summary": "The creation of Narnia", "unixReviewTime": 1242518400} +{"overall": 3.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "ABW84EP53TOLM", "asin": "0007101686", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "great product", "summary": "Three Stars", "unixReviewTime": 1444608000} +{"overall": 2.0, "verified": true, "reviewTime": "11 27, 2013", "reviewerID": "A30OV6JUGE5Y7R", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cindy Rogers", "reviewText": "This book just plodded along for me. I thought the beginning was gruesome and the ending was gruesome. I did not get interested ntil about 40% into the book, but then the ending left too many unanswered questions for me.", "summary": "Not a favorite", "unixReviewTime": 1385510400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A1JJO4K02IAOBN", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "William R. Chorba", "reviewText": "A sublime treatment of the moral change of a man consumed by greed and hate of his common man.\nIt can teach many lessons of salvation and redemption.", "summary": "A Christmas Carol", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": false, "reviewTime": "07 12, 2015", "reviewerID": "A36EFT9YYR5YUW", "asin": "0007245823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kelly Guerra", "reviewText": "I couldn't put it down. As I type, it's just after 2 am and I know I'll regret staying up this late, but the read was worth it. Perfect in every way! This one will stick with me for a long time.", "summary": "Amazing page turner", "unixReviewTime": 1436659200} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A3AX5YLEMXFCHK", "asin": "0007271190", "style": {"Format:": " Paperback"}, "reviewerName": "Gregory L. Ness", "reviewText": "This was no dount a memorable read. Thorough, life-like and engaging.", "summary": "Four Stars", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2013", "reviewerID": "A27X0OYTCLDR7E", "asin": "0007161158", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Virgil Howarth", "reviewText": "Fast moving and full of creative adventure are the hallmarks of this book. The history is accurate and the characters have both their good and bad points.\n\nWell worth a read.", "summary": "Great Story", "unixReviewTime": 1368921600} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "ANC7831LLCJ5", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "diary keeper", "reviewText": "Easily understood.", "summary": "Four Stars", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A3ONJ6UVD6U7U3", "asin": "0007271166", "style": {"Format:": " Hardcover"}, "reviewerName": "Darryl Steadman", "reviewText": "Read the entire Genghis Khan series by Conn before reading the story of Kublai -his grandson.", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "A1W3H3RC7OZJZZ", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Witchy", "reviewText": "My now 20 yr old son loved this when he was a child and I got it for my 5 yr old and she loves it as wwell. One of the few books she will want to be read to her or sit and \"read\" it herself.", "summary": "Green Eggs and ham worth buying", "unixReviewTime": 1386892800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "AGKGFCK6M0P1W", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lori", "reviewText": "Great series for a young adult reader and adult alike.", "summary": "Loved the series", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "AW7YIOV6B6I4C", "asin": "0006422861", "style": {"Format:": " Hardcover"}, "reviewerName": "Jesus Garcia", "reviewText": "Thank you for the book you guys are awesome. Thanks again", "summary": "Five Stars", "unixReviewTime": 1479254400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A3LEV5QBWQAG8N", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Hellwilliam", "reviewText": "LOTR. Buy one.", "summary": "LOTR. Buy one.", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A2EMNW5B4MTP9N", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Andrea", "reviewText": "George, please get writing!", "summary": "Five Stars", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2013", "reviewerID": "AYE1Y8G2WJ4ST", "asin": "0007181701", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "kramer", "reviewText": "Probably Bradbury's best known work. If you didn't enjoy in your high school lit class, try it again as an adult. It's well written and if it seems a bit slow, I believe that's the author's way of making you slow down to understand the story.", "summary": "Great book", "unixReviewTime": 1370822400} +{"overall": 4.0, "verified": false, "reviewTime": "02 28, 2015", "reviewerID": "A30AV70WNQ5T0V", "asin": "0006172768", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David J. MacKinney", "reviewText": "Good story telling", "summary": "Four Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2017", "reviewerID": "A14EGTIUFVIIS4", "asin": "0002255863", "style": {"Format:": " Kindle Edition"}, "reviewerName": "bcoming disenchanted", "reviewText": "Beautiful and sad. Definitely leaves an echo in your mind.", "summary": "Five Stars", "unixReviewTime": 1507075200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A3H0IXRN1GSL8O", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "chrystal Bohrer", "reviewText": "I could not put this book down. I loved how the relationships grew and formed during this book. Can't wait to start the next book!", "summary": "Wow!", "unixReviewTime": 1483315200} +{"overall": 3.0, "verified": false, "reviewTime": "04 19, 2014", "reviewerID": "A6N33F7OLOK2N", "asin": "0007224893", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ARNOLD L. KLIPSTEIN", "reviewText": "Everything was wrapped up too quickly. The survival of the main character was not to be believed. Otherwise good story.", "summary": "Not a best for Patterson", "unixReviewTime": 1397865600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "AGAQF8X167JZM", "asin": "0007213182", "style": {"Format:": " Paperback"}, "reviewerName": "Citywlkr", "reviewText": "Has a lot of words. Is smallish print since there are so many words covered and book is large and thick also. But is what it is advertised to be. Was in great condition for used book and good price with quick shipping. Would order from this seller again.", "summary": "A million words", "unixReviewTime": 1503446400} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "AZRUSF6F1WL0N", "asin": "0007117213", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cathy", "reviewText": "Really great book", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A24OZRA8TBTL5", "asin": "0007384319", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lorine Dunn", "reviewText": "Good book J A Janice is the best", "summary": "Great book", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2008", "reviewerID": "AVCMJIC1TKLKK", "asin": "000726755X", "style": {"Format:": " Hardcover"}, "reviewerName": "R. Thompson", "reviewText": "This is the fourth Odd Thomas book by Dean Koontz.\nI liked this book as well as #1,2 and 3.\nThey are in the old style of Koontz's writing that keeps you turning the pages for more, A must read for Koontz lovers.", "summary": "ODD", "unixReviewTime": 1215648000} +{"overall": 5.0, "verified": false, "reviewTime": "02 28, 2017", "reviewerID": "A1ZI6W5Q9VM1RT", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "Judy Fisher (aka J.T.Fisher, Author)", "reviewText": "Your typical Dr. Seuss... delightful, but with a message! Love Love Love it.", "summary": "Not your Usual Cat in the Hat!", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A3E4K2BGQ6IFV9", "asin": "0007118899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Crystal Cowen", "reviewText": "Incredible story. Loved every moment. Highly recommended.", "summary": "Beautiful!", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A13TLQ9X2WP0H0", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "shirley iodice", "reviewText": "A must read for every dog lover. It taught me to talk to my dog more because they really do know what is going on in our lives, they just cannot communicate the same way we do. They have feelings too.", "summary": "Talk to your dog!", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A2QJWU41HRE7ZK", "asin": "0006476414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Debbie Morris", "reviewText": "Excellent reading. Story line keeps you wanting to read it from beginning to end as quickly as possible! Recommend it to anyone who loves a story of someone who rights a wrong.", "summary": "Excellent! Couldn't put it down!!!", "unixReviewTime": 1400544000} +{"overall": 3.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2KC1AHZ50E4DX", "asin": "0007286414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anna Sobral", "reviewText": "Good recipes, poor story.", "summary": "Three Stars", "unixReviewTime": 1426896000} diff --git a/keith-galli_nlp/data/test/test_Clothing.json b/keith-galli_nlp/data/test/test_Clothing.json new file mode 100644 index 0000000..94e0f91 --- /dev/null +++ b/keith-galli_nlp/data/test/test_Clothing.json @@ -0,0 +1,500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "AVMY5NHL3U5GI", "asin": "B000163G8G", "style": {"Size:": " 34C", "Color:": " Blush"}, "reviewerName": "jordan", "reviewText": "Nothing negative to say, it's comfortable and fits great.", "summary": "Best Bra I've Ever Had", "unixReviewTime": 1472342400} +{"reviewerID": "A3D6EB4WN393Y0", "asin": "B0001YRFS0", "reviewerName": "ryan austin", "verified": true, "reviewText": "I where a 33 waist and had to order 36 no belt I love the product just get 3 sizes bigger", "overall": 4.0, "reviewTime": "01 17, 2016", "summary": "I wear 33 needed 36 waist", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "AQPSJTEER287V", "asin": "B000213XV0", "reviewerName": "OrangeSoda2000", "reviewText": "Amazing! Repaired the stem of the thong on my favorite Keen flip flops and it's held for months even with daily wear and the pressure it takes from my feet!", "summary": "Amazing glue!", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A2X8KPQNKFJC8I", "asin": "B00006XXGO", "style": {"Size:": " 9 D(M) US", "Color:": " Black"}, "reviewerName": "Joshua Silvio", "reviewText": "Fit great, no complaints and they are original chucks", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "ASK6XGEYEP7LL", "asin": "B0007PN9XI", "style": {"Size:": " 9.5 D(M) US", "Color:": " Run White/Black/Run White"}, "reviewerName": "christinaalbania", "reviewText": "thumbs up.", "summary": "Five Stars", "unixReviewTime": 1465516800} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "AWQD0R2CPKARR", "asin": "B00067G3E4", "style": {"Color:": " Greenish Yellow Leaf"}, "reviewerName": "Amazon Customer", "reviewText": "ty", "summary": "Four Stars", "unixReviewTime": 1516492800} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "AYUW1K1G2EZ8Q", "asin": "B000AUVTJQ", "reviewerName": "Charles N. Neel, Sr.", "reviewText": "I normally wear a 101/2 W but finally had to get a 12 M. When I got the right size, I am extremely happy with the way they look, wear, and feel, HAPPY, HAPPY, HAPPY!", "summary": "I am extremely happy with the way they look", "unixReviewTime": 1408924800} +{"overall": 3.0, "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "A2MA9N6X21LVO", "asin": "B00006XXGO", "reviewerName": "Donovan", "reviewText": "If you want Chucks, you're gonna get Chucks. Just be aware that the support in them is pretty poor. Walking in them makes me feel like I have a high ankle sprain.", "summary": "Looks great but uncomfortable", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A1OP80HZV4BGTH", "asin": "B0001YRYKE", "style": {"Size:": " Large", "Color:": " Dark Navy"}, "reviewerName": "DOUG", "reviewText": "GREAT JACKET. GREAT VALUE.", "summary": "NICE JACKET", "unixReviewTime": 1498521600} +{"overall": 4.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A2D84X8JJ4QW4U", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "NHGUY", "reviewText": "Very good multi-purpose sock other than formal dress.", "summary": "Good multi-purpose sock", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A2J3VSO31XVKRS", "asin": "B000B6A5HG", "style": {"Size:": " Medium", "Color:": " Charcoal Heather"}, "reviewerName": "Stimpy'sLumbago", "reviewText": "Good quality!", "summary": ":)", "unixReviewTime": 1452124800} +{"overall": 4.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "A3R4FTA8XP40CG", "asin": "B00006XXGO", "reviewerName": "Scrappy T", "reviewText": "No complaints. Fits great.", "summary": "Fits great.", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2014", "reviewerID": "A88XVAW51A8IU", "asin": "B0002TORTO", "style": {"Size:": " 9-11 (Shoe Size 6-9)", "Color:": " Black Assortment"}, "reviewerName": "alex", "reviewText": "Socks are socks. They are decent quality for the price. They fit as expected. No need to worry about these.", "summary": "They're socks", "unixReviewTime": 1398470400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2016", "reviewerID": "AUKR6UQLZDPY8", "asin": "B000087VAL", "style": {"Size:": " 11.5 D(M) US", "Color:": " Cognac"}, "reviewerName": "ron B", "reviewText": "Great looking shoe and would buy in black color next", "summary": "Its a winner", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A3IGHJYPW371FN", "asin": "B00028B4XW", "style": {"Size:": " 40W x 30L", "Color:": " Khaki"}, "reviewerName": "Linda Osborne", "reviewText": "Just what I wanted. Runs true to size and looks nice.", "summary": "Good pants", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A1ANK8ZVPWIL1P", "asin": "B0001YS6F6", "style": {"Size:": " 32W x 30L", "Color:": " Carhartt Brown"}, "reviewerName": "Mountain Man", "reviewText": "Love them. They are great!", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"reviewerID": "A3P6RCOKK3EWF5", "asin": "B00091SSU4", "reviewerName": "Marcos Torrealba", "verified": true, "reviewText": "super comfortable, I arrived on time, very good product.", "overall": 5.0, "reviewTime": "01 12, 2015", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2013", "reviewerID": "A1EJMN9YOAXNGW", "asin": "B0008GHG62", "style": {"Size:": " 10.5 D(M) US", "Color:": " Oyster/Taupe"}, "reviewerName": "J. M. Smith", "reviewText": "Well made-good quality-fit well and reasonably priced. Casual shoes for the beach or home-try them you - will not be disappointed.", "summary": "Husband says He loves them", "unixReviewTime": 1373241600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A26L7FBWONJCPB", "asin": "B0000ANHT7", "style": {"Size:": " X-Large", "Color:": " Charcoal"}, "reviewerName": "Amazon Customer", "reviewText": "product as expected", "summary": "Five Stars", "unixReviewTime": 1508371200} +{"overall": 3.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A3UCIN0O7TRKI2", "asin": "B0001YRWJ2", "style": {"Size:": " 38W x 32L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "dr.momm", "reviewText": "really short in the stride...", "summary": "Three Stars", "unixReviewTime": 1472860800} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A38KUUDXATBZF5", "asin": "B0000891KM", "style": {"Size:": " A/B", "Color:": " Barely Black", "Number of Items:": " 1"}, "reviewerName": "jimajima", "reviewText": "they are fine overall, but came with little imperfections..", "summary": "Four Stars", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A3PVKQJGJPN9JH", "asin": "B00008I8YM", "style": {"Size:": " 8", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Lisabella", "reviewText": "Comfy! Holds up wash after wash. Bought several.", "summary": "Comfy! Holds up wash after wash. Bought several.", "unixReviewTime": 1471132800} +{"overall": 3.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A27LBMF7O502ZD", "asin": "B0002M8PH6", "style": {"Size:": " 7.5 2A(N) US", "Color:": " Black"}, "reviewerName": "C. Matthews", "reviewText": "Altho they are narrows they are a little wide and the heel strap is a bit loose.", "summary": "Three Stars", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A3UL4HH3BD1I58", "asin": "B00008L1ST", "style": {"Size:": " 44", "Color:": " Dark Navy"}, "reviewerName": "Joinoelle", "reviewText": "My husband wears these to work all summer long and he loves them...they are very well made and comfortable...They run about a size smaller than listed so we ordered a size up for him and they fit perfectly! Thanks so much!", "summary": "Love them!", "unixReviewTime": 1414454400} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A35XB54ICHLJ8P", "asin": "B0002LICNO", "style": {"Size:": " C/D", "Color:": " Barely There"}, "reviewerName": "pixierose", "reviewText": "These are great but the color name is misleading. Barely there made it sound almost natural-colored, however when they arrived they were too dark for daily wear. But I guess I have super white legs cuz I never go out in the sun. Literally white.", "summary": "These are great but the color name is misleading", "unixReviewTime": 1409788800} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "03 14, 2014", "reviewerID": "A2HL5YY2L9W1YV", "asin": "B0007YR980", "style": {"Size:": " 34DD", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Suzanne P.", "reviewText": "it's made long on the bottom and keeps rolling up under my breasts... which aggervates the heck outta me... love the wide shoulder straps... if I could only get those with a NORMAL bra...", "summary": "Cant wear it an hour, much less 18...", "unixReviewTime": 1394755200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "AUYOU9PA9WFPZ", "asin": "B0009B3IN6", "reviewerName": "PattiT", "reviewText": "I got these because of the soft footbed, I had another pair in blue but my dog left me a smelly surprise on the heel of both shoes so it was time for another fresh pair. :)", "summary": "I got these because of the soft footbed, I ...", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A3C8Z94D18IESX", "asin": "B00006XXGO", "style": {"Size:": " 7.5 B(M) US Women / 5.5 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "Amazon Customer", "reviewText": "Ok", "summary": "Five Stars", "unixReviewTime": 1484438400} +{"reviewerID": "A1V4W638ZGHHFU", "asin": "B00028AZ6E", "reviewerName": "Corey H.", "verified": true, "reviewText": "Dickies sizing is very off compared to about any other pant sizing.", "overall": 1.0, "reviewTime": "06 18, 2017", "summary": "One Star", "unixReviewTime": 1497744000} +{"overall": 4.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A3V2DOF7XS9P5E", "asin": "B0009G8HO6", "style": {"Size:": " X-Large", "Color:": " Azalea"}, "reviewerName": "seaside77", "reviewText": "Nice. Didn't come in any packaging other than what it was shipped in. I wear it for myself (female) because the sleeves are long and it's not too warm on somewhat cooler days. Second time making this purchase and will purchase another.", "summary": "Nice. Didn't come in any packaging other than what ...", "unixReviewTime": 1421884800} +{"overall": 4.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3TF32RWD1SI7Z", "asin": "B0007WZZYC", "style": {"Size:": " 38W x 30L", "Color:": " Tan"}, "reviewerName": "Greg Kalicin", "reviewText": "The fits is great. The only negative point is that these Carhartt's pants do not have a \"watch pocket.\" Definitely not in the highest tradition of Carhartt.", "summary": "Great Pants", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "A2S7V616B58QSQ", "asin": "B0007T107Q", "style": {"Size:": " 10.5 2E US", "Color:": " Brown Oiled Waxy"}, "reviewerName": "Oleg", "reviewText": "I knew my size in Sebago when buing. If some one wears size 10 US - by Sebago 10.5 Wide.", "summary": "Great shoes!", "unixReviewTime": 1386720000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2014", "reviewerID": "A47WFRSIVHELI", "asin": "B0007MFW8Q", "style": {"Size:": " 8 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Joshua R", "reviewText": "These are great. Solid traction, good casual yet somewhat formal look. Has become one of my go to shoes on the weekend.", "summary": "Great desert boot", "unixReviewTime": 1397347200} +{"reviewerID": "A3DIGDOD9PQZS3", "asin": "B00028AZ6E", "reviewerName": "Karla Washington", "verified": true, "reviewText": "Too small got a size bigger and I love them", "overall": 5.0, "reviewTime": "07 20, 2017", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"reviewerID": "A1BZF8XILIKWZR", "asin": "B0000ZFHOE", "reviewerName": "My Amazon", "verified": true, "reviewText": "They looked nice until they rolled down", "overall": 3.0, "reviewTime": "09 21, 2017", "summary": "Rolls down", "unixReviewTime": 1505952000} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A1KAQPXYPVL78Q", "asin": "B0009G3QH4", "style": {"Size:": " Large", "Color:": " Oxford Gray"}, "reviewerName": "Bob Z", "reviewText": "Nice hoodie for the price. Fits as expected (maybe a slight bit larger than sizing chart describes), soft and it's comfortable. I don't cosoder this a heavyweight hoodie as described in title, but rather in the medium weight hoodie.", "summary": "Nice hoodie for the price", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A28ZFL0MWAE89K", "asin": "B000B64C6G", "style": {"Size:": " X-Large/XX-Large"}, "reviewerName": "Christine Yancey", "reviewText": "Bought this for my boyfriend. Wish all colors were available. He LOVES his hats.", "summary": "My boyfriend loved it", "unixReviewTime": 1406160000} +{"overall": 2.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A1R2K9K4G232P2", "asin": "B0007T0ZMM", "style": {"Size:": " 10 W US", "Color:": " Black Leather"}, "reviewerName": "Robert F. Canini", "reviewText": "I would add a half size to your normal shoe size when purchasing these shoes. I ordered the wide shoe and they were still narrow for my feet.", "summary": "Too tight. Stiff leather.", "unixReviewTime": 1388534400} +{"reviewerID": "A3C9UWXZG2427G", "asin": "B00028AZ6E", "reviewerName": "Todd H.", "verified": true, "reviewText": "5*", "overall": 5.0, "reviewTime": "03 29, 2016", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2013", "reviewerID": "A10M8WQCXMVBJR", "asin": "B0007UMA3S", "style": {"Color:": " Black"}, "reviewerName": "zoe m bonilla", "reviewText": "my dada wanted a wallet that is not going to look thick and bolgy in the back pocket and i bought him this wallet and he loves it", "summary": "wallet", "unixReviewTime": 1371772800} +{"overall": 4.0, "verified": false, "reviewTime": "09 17, 2014", "reviewerID": "AGR3ASEWW36DB", "asin": "B0002NYN44", "style": {"Size:": " Large", "Color:": " Maroon"}, "reviewerName": "PTH", "reviewText": "Just what I wanted.", "summary": "Four Stars", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": false, "reviewTime": "12 5, 2016", "reviewerID": "AYXXGN42Y8H2E", "asin": "B0002MD71U", "reviewerName": "Amazon Customer", "reviewText": "My daughter is quite happy with these shoes.", "summary": "Five Stars", "unixReviewTime": 1480896000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2013", "reviewerID": "A1RRBX1DFZE0PV", "asin": "B000B2OFQ2", "style": {"Size:": " 11 M Men's US/12.5 Women's M US", "Color:": " Birch/Dark Red"}, "reviewerName": "Michelle", "reviewText": "Hubby likes it! It's value for money and cheaper than what we get at the stores here! It's comfortable and pleasing to the eyes. What more can you ask for?", "summary": "Nice!", "unixReviewTime": 1375747200} +{"reviewerID": "A1BXUOBJ2ETOR", "asin": "B000A3I3PQ", "reviewerName": "Allan Leventhal", "verified": true, "reviewText": "Cool and worth the dough!", "overall": 5.0, "reviewTime": "05 5, 2018", "summary": "Five Stars", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2017", "reviewerID": "A3UQS3K6KOO66I", "asin": "B0007X9F74", "style": {"Color:": " Grey/Blue"}, "reviewerName": "Danisa Landaeta", "reviewText": "Very pleased with my purchase... a Very cool watch", "summary": "Five Stars", "unixReviewTime": 1499212800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A1IOK20OFD5ZR2", "asin": "B0009FB2WQ", "style": {"Size:": " Large", "Color:": " Heather Gray"}, "reviewerName": "JBBLUEJ", "reviewText": "It's an outstanding shirt!!!! After dozens of times through the laundry it retains it's new look.", "summary": "Five Stars", "unixReviewTime": 1474156800} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A2CD7RAAUN4TN7", "asin": "B000657TLW", "style": {"Size:": " 11 D(M) US", "Color:": " Black Waterproof Oiled Smooth Leather"}, "reviewerName": "jbhartin49", "reviewText": "A good boot but I wear a 10.5 and paid too much to sizing comments.", "summary": "Four Stars", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A1717EM2Z6CBVQ", "asin": "B0006TIJEO", "style": {"Size:": " 8 / 10", "Color:": " Orange"}, "reviewerName": "Emily", "reviewText": "Better than expected. So cute!!", "summary": "Five Stars", "unixReviewTime": 1491004800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A2KCWVJ67MK4CN", "asin": "B0001YSBOC", "style": {"Size:": " Large", "Color:": " Dark Brown"}, "reviewerName": "Sandra Mackey", "reviewText": "I received the shirts on time. The quality is very good. I will certainly order more.", "summary": "The quality is very good. I will certainly order more", "unixReviewTime": 1482796800} +{"reviewerID": "A2FMDS8Q0JX8QT", "asin": "B00028AZ6E", "reviewerName": "Mark W McClenahan", "verified": true, "reviewText": "Fit as expected. Ordered this size previously and they did not disappoint when they arrived. Nice variety of colors offered online.", "overall": 5.0, "reviewTime": "03 27, 2014", "summary": "Dickies Slacks", "unixReviewTime": 1395878400} +{"reviewerID": "AAL7BH83UUJ7H", "asin": "B0001YRFS0", "reviewerName": "Keun-young Anthony Kim", "verified": true, "reviewText": "As advertised. Stiff and good for chores and paintsZ", "overall": 3.0, "reviewTime": "10 10, 2015", "summary": "Stiff and good for chores and paintsZ", "unixReviewTime": 1444435200} +{"reviewerID": "A1AFYA7F7SZVW1", "asin": "B0007MFWZ4", "reviewerName": "sbatya", "verified": true, "reviewText": "I want to love these shoes. One needs to try several pair to get the right size.\nToo inconsistent. Sometime the right shoe is good while left is too narrow and visa verse.\nStepping size down as many have recommended might be too difficult as they get too narrow.", "overall": 4.0, "reviewTime": "12 23, 2014", "summary": "Hard to get the size right", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "A2UY4NRCM2K6M8", "asin": "B000AYSH6U", "style": {"Color:": " Black/Silver-Tone/Blue"}, "reviewerName": "Steve Shankles", "reviewText": "My wife loves this watch, Thank you Amazon and seller,great job", "summary": "Beautiful wife watch", "unixReviewTime": 1464912000} +{"overall": 3.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "AMWZ02GC0ZFKT", "asin": "B0009HAIGK", "style": {"Size:": " X-Large"}, "reviewerName": "Karen Triggs", "reviewText": "Had to reorder for larger size.", "summary": "Three Stars", "unixReviewTime": 1459296000} +{"reviewerID": "A94UEGFCRB7VB", "asin": "B0009GAXC0", "reviewerName": "Belden", "verified": true, "reviewText": "The price was just less than $10.00, However the size was not as expected. One washing and the shirt was small, no hot water, just wash. The shirt is okay, but the weight is a bit less than stated. The shipping was high, but the item arrived in the time stated.", "overall": 3.0, "reviewTime": "12 28, 2014", "summary": "Not exactly as promised", "unixReviewTime": 1419724800} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A2ILHLO8ZUFWI7", "asin": "B0002M14CY", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black/Gray/Red"}, "reviewerName": "J Wallbanger", "reviewText": "great comfy shoes. looks and fit exactly as expected. Very comfortable", "summary": "so comfy", "unixReviewTime": 1473552000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "A12347Q6KRSQQX", "asin": "B0006Z8AYC", "style": {"Size:": " 16", "Color:": " Pink/Red/Gold"}, "reviewerName": "Kristen", "reviewText": "Love the way it fits, looks good '", "summary": "Five Stars", "unixReviewTime": 1460851200} +{"overall": 1.0, "verified": false, "reviewTime": "01 6, 2015", "reviewerID": "A3H5YQ5ZZBA58S", "asin": "B0007SUG0E", "style": {"Size:": " 10 D(M) US", "Color:": " Brown"}, "reviewerName": "Amrdch", "reviewText": "These are poorly made. 1 week of wear and the inside is matted down, and the inner heel cup is not stitched correctly, already coming apart. VERY disappointing.", "summary": "VERY disappointing.", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A3CPSBW7R5YWYS", "asin": "B0009GC2OC", "style": {"Size:": " Large", "Color:": " Baby Blue"}, "reviewerName": "C. C. Thomas", "reviewText": "This shirt is so comfortable and washes perfectly! I got it in light blue and wear it OFTEN!", "summary": "LONG SLEEVED COTTON LADIES SHIRT", "unixReviewTime": 1482278400} +{"overall": 3.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A3QJ8QL3TOGVFF", "asin": "B000A794KU", "style": {"Size:": " 30W x 32L", "Color:": " Fume - Discontinued"}, "reviewerName": "Sam", "reviewText": "i bought the same 527 same size 30*32 with 2 different colors...all were ok and size was fit exactly, but this color only the fume was coming smaller than the usual and i do not know why, but it is ok :)", "summary": "it is ok", "unixReviewTime": 1382745600} +{"overall": 5.0, "verified": false, "reviewTime": "05 17, 2016", "reviewerID": "AQOR9D64TBSY3", "asin": "B0000ZCE0O", "style": {"Size:": " 36D", "Color:": " Black"}, "reviewerName": "RODICA POPA", "reviewText": "Love it", "summary": "great", "unixReviewTime": 1463443200} +{"reviewerID": "A33JB3S5CV6JIU", "asin": "B000783UXO", "reviewerName": "Wayne Paul", "verified": true, "reviewText": "Too small and too short.", "overall": 2.0, "reviewTime": "02 18, 2015", "summary": "sizes run small in the shorts so get them bigger rather than smaller.", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "ACZCDBQ9Q6IZ4", "asin": "B000B24UPI", "style": {"Size:": " 8.5 W US", "Color:": " White Leather"}, "reviewerName": "wanda swafford", "reviewText": "great quality", "summary": "Five Stars", "unixReviewTime": 1406592000} +{"overall": 3.0, "verified": true, "reviewTime": "01 13, 2014", "reviewerID": "AAKYGKVR4ZQ3E", "asin": "B000163G8G", "style": {"Size:": " 32D", "Color:": " Black"}, "reviewerName": "Anna", "reviewText": "I do like Maidenform, but I have noticed that their bras tend to run smaller. This did not provide as much coverage as I would have liked.", "summary": "Good but runs small.", "unixReviewTime": 1389571200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "AP89KN8UWDOZ7", "asin": "B00008IM8Q", "reviewerName": "Amazon Customer", "reviewText": "Perfect - wanted a watch easy to get on and off. I have a small hand, this fits without having to take any links out.", "summary": "Perfect - wanted a watch easy to get on and ...", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "A3UDN0D20G7FZB", "asin": "B0008EOAZO", "style": {"Size:": " 34W x 30L", "Color:": " Navy"}, "reviewerName": "MichaelX", "reviewText": "At first, i think the Pant will be made in China or Southeast of Asia, but after openning again, it's great surprised, it's maded in Mexico. Great Quaility.", "summary": "Made in Mexico and highest Quaility", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A3718W3AC7XVNP", "asin": "B0002TOWIU", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Brown"}, "reviewerName": "mkpi", "reviewText": "Only brand and type of sock I have worn for years........good quality, good price!", "summary": "Only brand and type of sock I have worn for years........good quality, good price!", "unixReviewTime": 1429401600} +{"reviewerID": "A2T4JDDFF6NJUE", "asin": "B0000AFSX4", "reviewerName": "ami", "verified": true, "reviewText": "Very comfortable", "overall": 5.0, "reviewTime": "11 21, 2015", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"reviewerID": "ARH9SSB0DFP0R", "asin": "B00028AZ6E", "reviewerName": "suzie q", "verified": true, "reviewText": "like the way they fit, however, because they do not come in 31 in. length, I always have to hem them. Sure would be nice not to have to do that.", "overall": 3.0, "reviewTime": "07 18, 2017", "summary": "length", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A20089SFN5C4PC", "asin": "B0009AVS8E", "reviewerName": "Joyful4", "reviewText": "Bought these shoes to replace my husband's previous pair. He has both a black and brown pair and wears them to work everyday. Well made, and look great!", "summary": "Favorite Shoes!", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2013", "reviewerID": "A33QR9DW7LP122", "asin": "B0000WL3CW", "style": {"Size:": " Large Tall", "Color:": " Dark Navy"}, "reviewerName": "Barb Johnson", "reviewText": "Purchased for my grandson and it was exactly what he wanted and fit exactly how he wanted it to fit.", "summary": "Purchased for my grandson and it was exactly what he ...", "unixReviewTime": 1358467200} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "AKBS8HMFN92F9", "asin": "B0001YR54E", "style": {"Size:": " XX-Large", "Color:": " Charcoal"}, "reviewerName": "H-town", "reviewText": "It's the right size and comfort. I enjoy shopping from Amazon, because I can always find exactly what I'm looking for. I would recommend this to anyone.", "summary": "Super fast!!!!", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A114GO5H3W3YY5", "asin": "B0009GCCS8", "reviewerName": "TEXASHUZTLA", "reviewText": "It's perfect", "summary": "Awesome ......!", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "AIPNS2CE9TYYM", "asin": "B0002M1366", "style": {"Size:": " 12 D(M) US", "Color:": " Grey/Black/Citron"}, "reviewerName": "onmyfeet", "reviewText": "I have never owed this brand before and was pleasantly surprised how well they are made and fit.", "summary": "Five Stars", "unixReviewTime": 1448409600} +{"reviewerID": "A3SR85P3UB17PZ", "asin": "B0001YRFS0", "reviewerName": "H2O", "verified": true, "reviewText": "Fast delivery And the pants fit perfect,Will definitely buy again", "overall": 5.0, "reviewTime": "10 12, 2015", "summary": "great work pants", "unixReviewTime": 1444608000} +{"overall": 4.0, "verified": false, "reviewTime": "12 17, 2015", "reviewerID": "A27T5I4U2H8SCK", "asin": "B0007SUEYC", "style": {"Size:": " 6.5 B(M) US", "Color:": " Cherry"}, "reviewerName": "zw810504", "reviewText": "Very satisfied!", "summary": "Four Stars", "unixReviewTime": 1450310400} +{"overall": 3.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A340SJCNGZC796", "asin": "B0002USBB8", "style": {"Size:": " 8.5 M US Toddler", "Color:": " Black"}, "reviewerName": "Linnie", "reviewText": "Runs really small.", "summary": "Three Stars", "unixReviewTime": 1463702400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51DMGClxxRL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/51qL76+i0HL._SY88.jpg"], "overall": 2.0, "vote": "2", "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A1D5WGP3X08TF4", "asin": "B0002MFOYS", "style": {"Size:": " 34", "Color:": " Black"}, "reviewerName": "Howie", "reviewText": "Seems like good quality, but the length is too short, I ordered size 34, but compared to my other Size 34 belts, it's about 2\" shorter, and cannot fit at all. So I have to return it, sorry!!", "summary": "Too short", "unixReviewTime": 1493164800} +{"reviewerID": "A1GLM0TCEJI0L3", "asin": "B0007SUEVK", "reviewerName": "Jessica", "verified": true, "reviewText": "My go-to shoes since high school. I would recommend buying these a half size smaller than what you normally wear. They will stretch!", "overall": 5.0, "reviewTime": "10 28, 2015", "summary": "I would recommend buying these a half size smaller than what you ...", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2014", "reviewerID": "A6YZ9M5T4G9P8", "asin": "B0007CKMOU", "style": {"Size:": " 36W x 38L", "Color:": " Vintage Indigo"}, "reviewerName": "crop_cirkles", "reviewText": "No better value in clothing. Amazon always has my size. The fit is perfect, they look good, and they last.", "summary": "Great Value", "unixReviewTime": 1401062400} +{"reviewerID": "A3OYKESD14CU48", "asin": "B0007MFWZ4", "reviewerName": "Dawn Gentry", "verified": true, "reviewText": "I bought these boots for my boyfriend after having purchased him Uggs which were too narrow. He loves the look and comfort of the boots.", "overall": 5.0, "reviewTime": "03 4, 2014", "summary": "Boyfriend Loved Them", "unixReviewTime": 1393891200} +{"reviewerID": "A1VWHAGB0F89OK", "asin": "B0007USMFS", "reviewerName": "L. Johnson", "verified": true, "reviewText": "They are comfortable but are too big for the size listed. I had to give them away to a friend.", "overall": 3.0, "reviewTime": "09 7, 2016", "summary": "Too Big", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A1RV52PCWL7GED", "asin": "B0009B3IN6", "reviewerName": "Jim C.", "reviewText": "was a gift, and extremely appreciated", "summary": "High Quality", "unixReviewTime": 1496102400} +{"reviewerID": "ACP1BMD2RVMIR", "asin": "B0001YRFS0", "reviewerName": "C. Brietzke", "verified": true, "reviewText": "These were a gift. They fit my father in law as expected. True to size.", "overall": 5.0, "reviewTime": "03 19, 2018", "summary": "Five Stars", "unixReviewTime": 1521417600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A12S8A6OFHLNRL", "asin": "B0002MD71U", "reviewerName": "sonjashaleighblack", "reviewText": "couldnt be cuter. perfect cute little shoe i got the same pair so my daugther and i could match", "summary": "perfect cute little shoe i got the same pair so ...", "unixReviewTime": 1429747200} +{"overall": 4.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A3RNSZHVCNE2Y", "asin": "B00021NY28", "style": {"Size:": " 14", "Color:": " Black"}, "reviewerName": "Joyce Spella", "reviewText": "Too Long had to have them hemmed", "summary": "Four Stars", "unixReviewTime": 1497571200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "AT4DQRJGBK5", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Ronald C. Parker", "reviewText": "This neck warmer makes you feel as if you were in bed with the covers pulled up on a cold winters night. Very warm and cozy.", "summary": "Very Cozy!", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A3NBAMI7O264AC", "asin": "B0002MGS9S", "style": {"Size:": " 34W x 32L", "Color:": " Medium Taupe"}, "reviewerName": "kayloree2004", "reviewText": "Great value", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A6BHXRJDU7MCF", "asin": "B0009T8FIQ", "style": {"Size:": " Large/X-Large", "Color:": " Brown"}, "reviewerName": "michael.huff", "reviewText": "EXCELLENT", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "AUAUWQG220T4D", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "Diana E Petronio", "reviewText": "As expected", "summary": "Pleased", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2017", "reviewerID": "A2C7Q698JSEBOQ", "asin": "B0002TOSWK", "style": {"Size:": " Shoe ", "Color:": " Charcoal"}, "reviewerName": "T. OAKES", "reviewText": "Good quality. Wash well.", "summary": "Five Stars", "unixReviewTime": 1511568000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A1LNH0UIYG8I5A", "asin": "B0008D7692", "style": {"Size:": " Large", "Color:": " Khaki"}, "reviewerName": "David Blakeman", "reviewText": "This is a wonderful, lightweight hat. It's versatile and breathable. The Velco on the back is also weather-resistant and highly adjustable. 100% recommended.", "summary": "This is a wonderful, lightweight hat", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2017", "reviewerID": "AVK2O4FBHXQ2W", "asin": "B000AGYEPG", "style": {"Size:": " 13 W US", "Color:": " Black"}, "reviewerName": "kbox6000", "reviewText": "Excellent for Asian who can't find the size in their local shop. It is value for money and perfect fit", "summary": "perfect match", "unixReviewTime": 1494115200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "AXA21F7G6P0MN", "asin": "B0002M13R0", "style": {"Size:": " 13 D(M) US", "Color:": " Grey/Black/Yellow"}, "reviewerName": "zinc55", "reviewText": "I am an 11 and 1/2 on the shoe store measure but wear 12 and occasionally 13 .. But Saucony 13s have always fit me and I've had many pairs. They are the best.", "summary": "They are the best.", "unixReviewTime": 1447718400} +{"overall": 3.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A2F7UYCK0P4HWD", "asin": "B00075ZYTK", "style": {"Size:": " XX-Large", "Color:": " Basic Navy"}, "reviewerName": "Scott", "reviewText": "This is a well made shirt. But, it is not very soft to the touch.", "summary": "Not real soft", "unixReviewTime": 1415923200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A1KCWKVXEHTFJI", "asin": "B0002LICNO", "style": {"Size:": " A/B", "Color:": " Barely Black"}, "reviewerName": "Fergie Smithers", "reviewText": "They are exactly like other tights. I like the lace band that holds them up. The inside of the lace has a platicky-like strap that holds the tights up and works very well.", "summary": "good tightsq", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A1CI06IE840SP4", "asin": "B0002ZCBKA", "style": {"Size:": " 8 B(M) US", "Color:": " Grey"}, "reviewerName": "400ss", "reviewText": "very happy. tried them on in a store before I purchased", "summary": "comfy", "unixReviewTime": 1416873600} +{"reviewerID": "A20WE3GBM96TSG", "asin": "B000A3I3PQ", "reviewerName": "Arthur Starr", "verified": true, "reviewText": "nice.", "overall": 4.0, "reviewTime": "03 28, 2016", "summary": "Four Stars", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2016", "reviewerID": "A29S1RRT9OFJNF", "asin": "B000792K20", "reviewerName": "R. Bradley", "reviewText": "Beautiful watch, great value", "summary": "Great!", "unixReviewTime": 1474761600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A38D61APOUN319", "asin": "B0007YXUWO", "style": {"Size:": " 36C", "Color:": " Natural Beige"}, "reviewerName": "Carolyn", "reviewText": "i HAVE PURCHASED THIS BRA BEFORE AT A STORE AND i LOVE THEM..GREAT BRAS !", "summary": "Great bra! Fit is perfect ! I have at least three of thhese !", "unixReviewTime": 1475539200} +{"overall": 4.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "AN3USE2N5K3WA", "asin": "B0002MGM4O", "style": {"Size:": " X-Large", "Color:": " Sage"}, "reviewerName": "DS", "reviewText": "Run's a little big...I'm an XL on every shirt I wear...and this felt like a XXL. It's still fine and I'm wearing it, but had I bought this in a store in person I would have went down a size.", "summary": "Nice shirt...but...", "unixReviewTime": 1365465600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A31668352R0GM8", "asin": "B00023JONO", "style": {"Style:": " Silver (30\" Length)"}, "reviewerName": "Suzi", "reviewText": "Love it. Just as described, well made, looks great on!", "summary": "Gorgeous", "unixReviewTime": 1438128000} +{"reviewerID": "A18MILA842YRFH", "asin": "B0007MFWZ4", "reviewerName": "Adam Palmiter", "verified": true, "reviewText": "These are the most comfortable and classiest shoes ever! Easy design with flat sole, sturdy leather, and far higher quality than knockoffs you'll find at mall stores.", "overall": 5.0, "reviewTime": "11 7, 2011", "summary": "Amazingggggg", "unixReviewTime": 1320624000} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A32XKO6Q4RWALH", "asin": "B0007YR980", "style": {"Size:": " 36C", "Color:": " Sailor Blue", "Number of Items:": " 1"}, "reviewerName": "PearlPearl", "reviewText": "Comfy for 18 hours and beautiful Color. I would recommend this in every color you can afford.", "summary": "Very Comfy!", "unixReviewTime": 1432512000} +{"reviewerID": "A1AGDUM5DHIOVT", "asin": "B000A3I3PQ", "reviewerName": "DHinFL", "verified": true, "reviewText": "It's a denim jacket and it works. Good fit. Good look. No complaints.", "overall": 5.0, "reviewTime": "03 17, 2017", "summary": "It's a jacket and it works.", "unixReviewTime": 1489708800} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2017", "reviewerID": "A1G3UBL2NHSRC3", "asin": "B0007T5JF0", "style": {"Size:": " 13 N US", "Color:": " French Roast"}, "reviewerName": "Spring Sherry", "reviewText": "Bought a pair of these for my hubby and he loves them. Great fit for the money.", "summary": "Great fit for the money.", "unixReviewTime": 1512864000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A3B2I3HRMPPTSZ", "asin": "B0007T118O", "style": {"Size:": " 9.5 E US", "Color:": " Sand"}, "reviewerName": "yves le blanc", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1443657600} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A29H14P4DNOQBU", "asin": "B0002MB0DM", "style": {"Size:": " 7 B(M) US", "Color:": " Pink Tie Dye"}, "reviewerName": "Marilyn", "reviewText": "I like these shoes, they were on sale at a good price. I probably wouldn't have found them as good at the usual full price.", "summary": "Chilax Washed and Laceless... I like them!", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "A33834PDEA8784", "asin": "B0002MGM4O", "style": {"Size:": " Small", "Color:": " Vivid Blue"}, "reviewerName": "Enrique", "reviewText": "Very Good! Nice!", "summary": "Five Stars", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "ATJRZUXNWAWIK", "asin": "B000AYUMWW", "style": {"Size:": " 9.5 D(M) US", "Color:": " Black"}, "reviewerName": "Gina Bina", "reviewText": "I bought these for my father and he really loves them. These boots are really well made and seem like they will hold up for a long time. The boots look sleep and the steel toe is great. They are a bit heavy but not too heavy.", "summary": "Great boots", "unixReviewTime": 1434672000} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A22WMZMHRAR43Z", "asin": "B0006Z3HMW", "reviewerName": "Lisa Deal", "reviewText": "Not quite as easy to use, but it does help.", "summary": "Alright", "unixReviewTime": 1442275200} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2013", "reviewerID": "ABA1SO9OTBYB5", "asin": "B0009G4D1W", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "I got this for my 14 year old son. About 190 lbs, 5ft 9in tall and it fits him great.", "summary": "It's a shirt, does what it's supposed to !", "unixReviewTime": 1387411200} +{"reviewerID": "A36T9Q3FNMAK64", "asin": "B00028AZ6E", "reviewerName": "MJ", "verified": true, "reviewText": "Fits as expected", "overall": 5.0, "reviewTime": "11 14, 2014", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2ENTWUQ7T7318", "asin": "B000A38III", "style": {"Size:": " 2X Tall", "Color:": " Black"}, "reviewerName": "Pen Name", "reviewText": "Good shirt for a good price", "summary": "Good pocket t", "unixReviewTime": 1421193600} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2012", "reviewerID": "A2TLB1YMKS61C6", "asin": "B000B52548", "style": {"Color:": " Black"}, "reviewerName": "George Aubrey", "reviewText": "If you want a tough watch to wear for outdoor work, this is for you. The watch is tough, durable and light weight. The nylon band allows my wrist to breathe. It's a Timex. You can't beat it for the price. I gave it a 4 rather than a 5 because it lacks a date register.", "summary": "good value", "unixReviewTime": 1336348800} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2017", "reviewerID": "AWM5J1I7KTO4Z", "asin": "B000B252GO", "style": {"Size:": " 10.5 WW US", "Color:": " Black"}, "reviewerName": "Victoria", "reviewText": "Husband loves these, says it's the most comfortable boots he has had.", "summary": "says it's the most comfortable boots he has had", "unixReviewTime": 1504742400} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A3NQP0HA6XKSL7", "asin": "B000A5APXM", "style": {"Size:": " 36W x 30L", "Color:": " Ice Cap"}, "reviewerName": "jjang188", "reviewText": "good value", "summary": "Four Stars", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2018", "reviewerID": "A1149YWX35XZZ9", "asin": "B0002FHJ66", "style": {"Size:": " X-Large", "Color:": " Garnet"}, "reviewerName": "ruth godoy", "reviewText": "Fit perfectly ! I got an XL for my brother and it fit amazing.", "summary": "I got an XL for my brother and it fit amazing.", "unixReviewTime": 1517875200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A3AK9E9N94TVEU", "asin": "B0007KPP7G", "style": {"Size:": " X-Large-Petite", "Color:": " Black"}, "reviewerName": "Luluann", "reviewText": "Love these super comfy. They are a teensy bit too long. I bought the XL petite", "summary": "Five Stars", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A1QTHF96VVMY5P", "asin": "B0002QVA10", "style": {"Size:": " C", "Color:": " Black"}, "reviewerName": "Titan", "reviewText": "Great for the ladies.......\n\nMy Girl love dressing and looks great. This product is Great. 5 stars for price ,look and feel.", "summary": "Great product", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2017", "reviewerID": "A1ID5SW2MRJLSR", "asin": "B000AXPU98", "style": {"Size:": " X-Large/8", "Color:": " Star White 18 Inch Length", "Number of Items:": " 1"}, "reviewerName": "B 3rd", "reviewText": "I HATE SLIPS!!!! This is the perfect alternative to slips under summer dresses.", "summary": "forget the slips!", "unixReviewTime": 1499040000} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A17BPLVQON7PZX", "asin": "B00009ZM7Z", "style": {"Size:": " 11 D(M) US", "Color:": " Taupe"}, "reviewerName": "Steven Bierbaum", "reviewText": "Merrell's are a fantastic shoe. I am on my 3rd pair over a 10yr span. I made the mistake of not ordering the right width this time...Shoe quality and longevity is unsurpassed.", "summary": "Merrell's are a fantastic shoe. I am on my 3rd pair over ...", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2014", "reviewerID": "A5Z30P3RROOYM", "asin": "B0002L0P9I", "style": {"Size:": " 12.5 D(M) US", "Color:": " Natural"}, "reviewerName": "Leonard", "reviewText": "I haven't worn this slippers since I was a kid, they are warm and comfortable just like I remembered that were.", "summary": "Slipper", "unixReviewTime": 1390435200} +{"overall": 3.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A3OZ6ZX5DY4D2V", "asin": "B0000TIKK8", "style": {"Color:": " Pink Ballerina"}, "reviewerName": "Susie", "reviewText": "The strap on this is so strange.", "summary": "Three Stars", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A3D5A6XO21BH0V", "asin": "B000AY9NQS", "style": {"Size:": " 44W x 32L", "Color:": " Pepper Wash Stretch Fit"}, "reviewerName": "leizhang", "reviewText": "The work of the pants is rather good, the material of the pants is very thick, is I want the material. I am very satisfied. The size of the pants is more accurate, according to the size of the individual purchase is basically accurate.", "summary": "Wearing comfortable, very satisfied pants.", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "AUS9MOGYR81T1", "asin": "B0007ZE4JQ", "style": {"Size:": " 8.5 D(M) US", "Color:": " Rivet Grey/White"}, "reviewerName": "Leonor Alay", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A1U51VVS5BC2FN", "asin": "B0000TII8M", "style": {"Color:": " Black/Gold-Tone"}, "reviewerName": "Songgirl", "reviewText": "This is perfect for my mom's tiny tiny wrist. It is very feminine and yet the watch face itself is very easy to read. We looked all over for something for her and were ecstatic when we found this watch.", "summary": "Pretty and great for very small wrists", "unixReviewTime": 1433980800} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "AKV9OFLIDCHKK", "asin": "B000AYWPLI", "style": {"Size:": " 12 D(M) US", "Color:": " Honey"}, "reviewerName": "Valon", "reviewText": "Good boot for the price, I crawl under houses a lot and it holds out pretty well", "summary": "Four Stars", "unixReviewTime": 1409184000} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A3T7H3SDGHP2DO", "asin": "B0009C625G", "style": {"Size:": " 12 5E US", "Color:": " Chocolate/Black Nubuck"}, "reviewerName": "james florance", "reviewText": "What I expected, been wearing them for yrs. Also own Grey & White.", "summary": "Good as advertizes.", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2014", "reviewerID": "A3OCF0Q94CMU3X", "asin": "B0002LY3CS", "style": {"Size:": " 14 D(M) US", "Color:": " Black Amaretto"}, "reviewerName": "Ross R Zanzucchi", "reviewText": "Great shoe at a good price. Well made and very comfortable. Have worn them about 20 times now and they still look new.", "summary": "Nice shoe", "unixReviewTime": 1398211200} +{"reviewerID": "A2CS1P72S8Y9R4", "asin": "B0007USMFS", "reviewerName": "Chelsea", "verified": false, "reviewText": "They are somewhat small but that is do to them being new after warring a time or two they have loosened up. Very happy with the pants", "overall": 4.0, "reviewTime": "02 26, 2016", "summary": "Very happy with pants", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "A2K6HUTTJABW4P", "asin": "B0007PAZY4", "style": {"Size:": " 2X", "Color:": " Woodland Digital"}, "reviewerName": "Stuart Leonard", "reviewText": "Truly well made - comfortable fabric - great fit - it is not often you buy something that the quality surpasses the price", "summary": "Truly well made", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2016", "reviewerID": "A2DKETSIBGNQG", "asin": "B00062NFGI", "style": {"Size:": " 34", "Color:": " White"}, "reviewerName": "Ben Wood", "reviewText": "Work perfect for me. I've used Kleins for years", "summary": "Five Stars", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "AQCGFRMEOZA1U", "asin": "B000ASAQ56", "style": {"Size:": " 36W x 32L", "Color:": " Navy - Discontinued"}, "reviewerName": "Ace", "reviewText": "I like them", "summary": "Five Stars", "unixReviewTime": 1454371200} +{"overall": 3.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A2U80U8KAR1DL", "asin": "B0007PRMTA", "reviewerName": "Bill_IT", "reviewText": "The fit, comfort, etc. of this product were fine. Not so fine was the rotten thread that came undone in two places during the first wearing. It was relatively easy to fix with a sewing machine, but that shouldn't have to be done at the beginning of its useful life.", "summary": "Just right, except . . .", "unixReviewTime": 1390521600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A3KP50DY7ONJTF", "asin": "B00028B4XW", "style": {"Size:": " 36W x 32L", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "exactly what was expected", "summary": "Five Stars", "unixReviewTime": 1458259200} +{"overall": 2.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A2NLE392AJ0LOU", "asin": "B0002FHJ66", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Mark Scheuerman", "reviewText": "Fit is great everywhere except length. It is very short and got even shorter after a wash and dry. Buying a size larger would not remedy the issue as it would be very baggy on the chest, shoulders, and arms, and likely still to short.", "summary": "Too short", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2012", "reviewerID": "A34245AEBBV6F1", "asin": "B0000C9ZBX", "reviewerName": "smokey", "reviewText": "I bought this watch as a gift, the person really likes it, and it was the beautiful blue dial that first caught my eye, it;s a very lightweight and thin watch Skagen is an excellent watch company as well.", "summary": "Skagen Men's 233LTMN Titanium Black Mesh Watch", "unixReviewTime": 1356220800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A6S6TFRLKF6MW", "asin": "B0002MAYV6", "style": {"Size:": " 38W x 31L", "Color:": " Khaki"}, "reviewerName": "TIM BAUER", "reviewText": "fit good and arrived on time. will buy again", "summary": "Five Stars", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A7ZNBDZEIGINR", "asin": "B000A8MH62", "style": {"Size:": " XX-Large", "Color:": " Tan"}, "reviewerName": "J. Haig", "reviewText": "I have other colors and just love this cap.\nOne day maybe I will have one of each color.", "summary": "Perfect fit", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A25V2N0S6P3EEQ", "asin": "B000B6A5HG", "style": {"Size:": " Large", "Color:": " Olive"}, "reviewerName": "Phone Guy", "reviewText": "Good quality, very comfortable, fits true to size.", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "A321FTSDYBJ57S", "asin": "B0009X47N4", "style": {"Size:": " Medium", "Color:": " Woodland Camo"}, "reviewerName": "PM", "reviewText": "gift was well liked", "summary": "Five Stars", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "AQUFD21UJBHQ9", "asin": "B0007KPP7G", "style": {"Size:": " Medium Petite", "Color:": " Eggplant"}, "reviewerName": "Kristina Cumberbatch", "reviewText": "Nice pants, durable", "summary": "Gereat deal", "unixReviewTime": 1484524800} +{"overall": 3.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "A167YO5LWIBZUR", "asin": "B0000DZJLM", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "June L.", "reviewText": "Wouldn't order again. Fit is large and so it's not comfortable.", "summary": "Don't like fit", "unixReviewTime": 1503446400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "AZL34LUEHYU4R", "asin": "B000AUVTJQ", "reviewerName": "Steve Panelli", "reviewText": "Love them. the only issue is they run small so I ordered a size larger and they are still a little tight on top but I am hoping they will stretch just a little.", "summary": "Love them", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A9LXFDUF41KKI", "asin": "B0008EO5AE", "style": {"Size:": " 18 Short", "Color:": " Premium Stone"}, "reviewerName": "Evelyn", "reviewText": "Love these jeans. I have trouble finding jeans that fit at my waist and not sit too low. Found a pair of these. Love them. Wanted more and found these at a great price!", "summary": "Finally-- nice jeans for an adult", "unixReviewTime": 1419465600} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A2TB7DLKYKR5V9", "asin": "B00006XXGO", "style": {"Size:": " 8 D(M) US", "Color:": " Black/Monochrome"}, "reviewerName": "joaquin", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1452816000} +{"overall": 3.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A1N9TEVXTOXULA", "asin": "B0009MZXJ2", "style": {"Size:": " Large(Shoe Size Men's 9-12.5 Women's 10.5-13)", "Color:": " White"}, "reviewerName": "Laura", "reviewText": "They are alright. Not nearly as cushioned as I had hoped. Probably won't buy again.", "summary": "Three Stars", "unixReviewTime": 1458604800} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2014", "reviewerID": "A2LJDG9OOVJOSG", "asin": "B0009MZYD2", "style": {"Size:": " Large (Women's Shoe Size 10.5 -13.0, Men's Shoe Size 9-12.5)", "Color:": " White"}, "reviewerName": "G. Stepman", "reviewText": "Feels good on feet. Wears well.", "summary": "Four Stars", "unixReviewTime": 1413590400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 22, 2017", "reviewerID": "AFW1DGEJWAOE9", "asin": "B0008172KC", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Vickii Darnall", "reviewText": "Just what I wanted. Pants just aren't shaped for women...if they fit in the hips, they're too big in the waist.", "summary": "A belt built for women!", "unixReviewTime": 1492819200} +{"overall": 2.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A2TNKZOC42TDL1", "asin": "B0006AAS7E", "reviewerName": "Onlineshopper", "reviewText": "Not really a diver's watch. The stem does not screw down and lock. If you just want an attractive watch to wear, but not dive in, it is bold and attractive.", "summary": "Does not have a screw down stem.", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A3KB30E6SVSLNY", "asin": "B000B2XPFO", "style": {"Size:": " 9 D(M) US", "Color:": " Black"}, "reviewerName": "bjthoms", "reviewText": "Great shoe this is my 3rd par in 15 years.", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "ACXO4D0SKQ1J6", "asin": "B00009ZM91", "style": {"Size:": " 8 B(M) US", "Color:": " Midnight"}, "reviewerName": "D. Horn", "reviewText": "Did not run true to size. Toe box too narrow for me. Will try a larger size.", "summary": "Will Be Exchanging", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "ASL2JW2OT4UYD", "asin": "B0002MD71U", "reviewerName": "Cristina Diego", "reviewText": "My son loves these shoes", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 4.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "AHVY061J7PRD7", "asin": "B0000UZ5P0", "reviewerName": "B Caissie", "reviewText": "Works great", "summary": "Four Stars", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A1GCR5HPYZA8N8", "asin": "B000AYW0KO", "style": {"Color:": " Silver"}, "reviewerName": "Martha Jane Boyd", "reviewText": "I have worn this same Timex for years and kept my Mother in this one too. I just like its looks and it's easy to get on and off. Each one we have owned has lasted for several years.", "summary": "Love this Timex!", "unixReviewTime": 1469491200} +{"reviewerID": "A309PK384WRV3U", "asin": "B0001YRFS0", "reviewerName": "REPURPOSEDreams", "verified": true, "reviewText": "Ordered these for my son who has to wear them for uniforms for school. They are awesome. He is a hard to fit, very tall, long legs and super skinny, so finding his size in a store was impossible. Found them on here, shipped quickly, great price and service!", "overall": 5.0, "reviewTime": "10 28, 2015", "summary": "Found a hard to fit size and they were perfect!", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A1BY1TGMVBLN3S", "asin": "B000ARTQGC", "style": {"Size:": " 10 D(M) US", "Color:": " Rootbeer"}, "reviewerName": "Charles G. Duffy, III", "reviewText": "This is the 2nd pair of Tamarac slippers I've bought through Amazon over the last few years. I normally wear a size 11 in a street shoe, but the Tamarac size 10 fits me perfectly.", "summary": "I've Found That Tamarac Slippers Run a Little Large in Size", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A28YS6CR09KHHU", "asin": "B0000TIISW", "style": {"Color:": " Black/Brown/Charcoal"}, "reviewerName": "Joyce H", "reviewText": "My husband loves it. The dial really lights up nicely at night!", "summary": "The dial really lights up nicely at night", "unixReviewTime": 1413417600} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2013", "reviewerID": "A3PDCBGF0AKXC4", "asin": "B00008ID18", "style": {"Size:": " 8", "Color:": " cosmetic asst."}, "reviewerName": "Deb", "reviewText": "I like the quality and fit. I would recommend and plan to purchase more if they have more pastel colors.", "summary": "Nice panties", "unixReviewTime": 1385164800} +{"reviewerID": "AZICTCNL15DI7", "asin": "B000A6XS80", "reviewerName": "Keniki", "verified": true, "reviewText": "I bought these a 1/2 size larger and they fit well with light or heavy socks. A good, sturdy boot that will probably last forever.", "overall": 5.0, "reviewTime": "09 14, 2014", "summary": "Nice all around boots!", "unixReviewTime": 1410652800} +{"reviewerID": "ANCTF3602DZOD", "asin": "B0000865II", "reviewerName": "VaVirgo", "verified": true, "reviewText": "Good fit, just wish they would make a plus sized panty hose that doesn't make noise because your legs rub together.", "overall": 5.0, "reviewTime": "03 25, 2018", "summary": "Good fit, just wish they would make a plus ...", "unixReviewTime": 1521936000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A32A78GI6956FW", "asin": "B0000WL3CW", "style": {"Size:": " X-Large", "Color:": " Brown"}, "reviewerName": "Stan Cook", "reviewText": "As fall is here and winter is on the way I was looking for a robust jacket to replace s couple of my old ones. Size and prise was right and I'm a happy camper (I don't really camp) heading in to winter.", "summary": "Just what I was looking for", "unixReviewTime": 1415145600} +{"reviewerID": "A21ML9RCM1BKXB", "asin": "B0001YRFS0", "reviewerName": "MagicFan!", "verified": true, "reviewText": "It is a true fit, not baggy. not industrial looking at all, and go good with a dress shirt or blazer. Adds flare to an otherwise drab and dreary workday.", "overall": 4.0, "reviewTime": "04 23, 2015", "summary": "and go good with a dress shirt or blazer", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A2146C9F5JLNRQ", "asin": "B0007CKMOU", "style": {"Size:": " 46W x 30L", "Color:": " Overdyed Black"}, "reviewerName": "Mrs. M", "reviewText": "Bought as a gift - perfect fit.", "summary": "Five Stars", "unixReviewTime": 1483747200} +{"reviewerID": "A2ZXXEHKRCG1G1", "asin": "B0002RZPRY", "reviewerName": "Catbook Mommy", "verified": false, "reviewText": "This is my second pair, in as many years. Comfortable, nice hieght and affordable.", "overall": 4.0, "reviewTime": "11 28, 2007", "summary": "Great comfortable sandal", "unixReviewTime": 1196208000} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A1XZ30TQH21PTC", "asin": "B0000TIIZ0", "reviewerName": "marion", "reviewText": "You can't go wrong with a Timex-keeps great time. Great wearing for causal and dress down day at the job-weekends. Wish the leather strap was a little longer.", "summary": "GOOD WATCH", "unixReviewTime": 1400371200} +{"overall": 1.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A2ZJZ2IAJX960B", "asin": "B00007GDAL", "style": {"Color:": " Tobacco"}, "reviewerName": "Susan B.", "reviewText": "Want to return. Not what I expected.", "summary": "One Star", "unixReviewTime": 1494892800} +{"overall": 1.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "A28S5XRXB1SREB", "asin": "B0001LMS5I", "style": {"Size:": " 40DDD", "Color:": " Heather Grey"}, "reviewerName": "Kim A", "reviewText": "This bra was too big and made me look very pointy. Did not like and returned. Do like the exterior underwire.", "summary": "Poor fit", "unixReviewTime": 1365465600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2QWHONQD8N49M", "asin": "B0000891KM", "style": {"Size:": " A/B", "Color:": " Classic Navy", "Number of Items:": " 1"}, "reviewerName": "TD", "reviewText": "love this", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": false, "reviewTime": "09 29, 2014", "reviewerID": "A37NJDM93C82P9", "asin": "B000B30PGU", "style": {"Size:": " 12 D(M) US", "Color:": " Black/Grey Tweed"}, "reviewerName": "Bitchin Camaro", "reviewText": "globe are awesome shoes if you get a chance to get a pair snatch him up they are rare from Australia great slippers and skate shoes I don't know why people say they run small I wear a 12 and these were a little large so there you go", "summary": "globe are awesome shoes if you get a chance to get a ...", "unixReviewTime": 1411948800} +{"reviewerID": "A3F2M8VJP95BRE", "asin": "B0002UNNNY", "reviewerName": "oakzero", "verified": true, "reviewText": "yes - i got them and they are just a little tinsy bit small but they work for what i wanted them for.", "overall": 5.0, "reviewTime": "11 4, 2013", "summary": "got them", "unixReviewTime": 1383523200} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "AJB8HLFTTLVH1", "asin": "B00008L1ST", "style": {"Size:": " 30", "Color:": " Charcoal"}, "reviewerName": "Toxic", "reviewText": "A tad on the small side, but works", "summary": "Four Stars", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2013", "reviewerID": "AJCL44YDZ31FB", "asin": "B00009ZM7Z", "style": {"Size:": " 8 D(M) US", "Color:": " Gunsmoke"}, "reviewerName": "barbara austin", "reviewText": "bought them for my husband and he loves tem, the comfort and fit. looks great after a year great product", "summary": "couldn't be better", "unixReviewTime": 1384560000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A18LGDXTP09RHF", "asin": "B0009WXTX4", "style": {"Color:": " Black"}, "reviewerName": "A.F.", "reviewText": "Reasonable price and also takes s beating!", "summary": "Top notch", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A21RX42SNOBR3W", "asin": "B0007ULOM6", "style": {"Size:": " 8.5 C/D US", "Color:": " Black"}, "reviewerName": "yvette", "reviewText": "Causal and comfortable.", "summary": "Five Stars", "unixReviewTime": 1424304000} +{"reviewerID": "A34Z8EO7BW389", "asin": "B0007SUEVK", "reviewerName": "Terri", "verified": true, "reviewText": "Made well, fit great, comfortable and look fantastic! I have bought several different products from Minnetonka and will buy from them again and again.", "overall": 5.0, "reviewTime": "09 4, 2013", "summary": "I wear my moccasin on a daily basis.", "unixReviewTime": 1378252800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A3HDQG5SVEZRTK", "asin": "B0009G4D1W", "style": {"Size:": " Large", "Color:": " Burnt orange"}, "reviewerName": "W. P. H.", "reviewText": "Good quality and fit. Vivid color and the price was fantastic.", "summary": "Great Shirt", "unixReviewTime": 1469923200} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A2AJMXBJY1218U", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Dennis Nordling", "reviewText": "These fit well. They appear they will last for quite a while.", "summary": "Good socks", "unixReviewTime": 1467849600} +{"overall": 4.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A2FT60IRMO0IER", "asin": "B0000891IO", "style": {"Size:": " A/B", "Color:": " Barely There", "Number of Items:": " 1"}, "reviewerName": "ninalefay", "reviewText": "Perfect for my skirts. Can't get too many uses out of them but I guess that's partially expected.", "summary": "Four Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A276J0FME63VR5", "asin": "B0002QTQA2", "style": {"Size:": " 7 B(M) US", "Color:": " Black"}, "reviewerName": "April Hughes", "reviewText": "Wore them all winter. Kept my feet toasty warm and looked great with my leggings. Really like them a lot!!", "summary": "Kept my feet toasty warm and looked great with my leggings", "unixReviewTime": 1459296000} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A1A3AZGV3NQNFH", "asin": "B00062NHE8", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Daryl T Takehara", "reviewText": "I love the Calvin Klein T-Shirts. I bought some small ones that were a little snug but the medium are too large, I must be somewhere in between.", "summary": "T-Shirts", "unixReviewTime": 1396310400} +{"overall": 2.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A3HZF2M87ZEZCR", "asin": "B00006XXGO", "style": {"Size:": " 45 M EU / 13 B(M) US Women / 11 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "Amazon Customer", "reviewText": "Sizes are completely off compared to in stores", "summary": "Two Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "AV0RK6LL4EIZR", "asin": "B00007GDAL", "style": {"Color:": " Black"}, "reviewerName": "Leydeana Delgado", "reviewText": "was a gift and she enjoyed it very much.", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "AJM4CNZHJRQRE", "asin": "B0009G4D1W", "style": {"Size:": " Large", "Color:": " Khaki"}, "reviewerName": "JOE MURDOCK", "reviewText": "Great value. Thank you.", "summary": "Five Stars", "unixReviewTime": 1433980800} +{"reviewerID": "A3I7SGWJRRRPXN", "asin": "B000A3I3PQ", "reviewerName": "Tom D in SC", "verified": true, "reviewText": "Just like old times. Had one when I was a kid. It seems a little better than they were 50 years ago. Thanks", "overall": 4.0, "reviewTime": "01 5, 2014", "summary": "Wrangler Men's Rugged Wear Unlined Denim Jacket,Vintage Indigo,Medium", "unixReviewTime": 1388880000} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2018", "reviewerID": "A1WOAM7BQ0YR43", "asin": "B00006XXGO", "style": {"Size:": " 10 B(M) US Women / 8 D(M) US Men", "Color:": " Fresh Yellow"}, "reviewerName": "Stephanie", "reviewText": "These fit great and I love converse but the yellow was more bright than pictured. I was expecting them to be more of a sunflower yellow but they were more on the neon side of yellow. will be returning.", "summary": "Yellow is VERY yellow", "unixReviewTime": 1520812800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A2MYYPH2LOPYDM", "asin": "B0000V9E3S", "style": {"Size:": " 6 B(M) US", "Color:": " Sangria/Spectra Yellow"}, "reviewerName": "Macomb, MI", "reviewText": "Nice shoes. Didn't fit. Will return and get another pair.", "summary": "Love the Keen's", "unixReviewTime": 1463788800} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A1O1HYE09ZY9RI", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " Nightshade"}, "reviewerName": "W. Rogers", "reviewText": "Gave this as a gift for Christmas. It's really thick, so be sure whoever you buy it for doesn't mind being really warm. Great for really cold environments like snow skiing, hiking, and other awesome adventures.", "summary": "Very warm", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A3KN8M35NSZQK1", "asin": "B000AYWPLI", "style": {"Size:": " 9.5 D(M) US", "Color:": " Dark Brown"}, "reviewerName": "Brenda Sanchez", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A2KOZDTRJT1G5S", "asin": "B0007U7NKI", "style": {"Size:": " Medium / 6.5-7.5 B(M) US", "Color:": " Dark Brown"}, "reviewerName": "mom18", "reviewText": "Great sandal! Fit as expected. Wear them everyday.", "summary": "Five Stars", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A27JCVPM8A784P", "asin": "B000A38CZC", "style": {"Size:": " X-Large", "Color:": " Vintage Indigo"}, "reviewerName": "Mike H.", "reviewText": "Great light jacket, it fit perfect and all is good. I bought a x-large and sizing was spot on.", "summary": "Great light jacket, it fit perfect and all is good.", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A3L558AKZLGGIO", "asin": "B00006XXGO", "style": {"Size:": " 7 US Men/9 US Women", "Color:": " White"}, "reviewerName": "Leasha Francis", "reviewText": "Awesome!!!", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"reviewerID": "A2RTXR0WZ32DZ8", "asin": "B0007MFWZ4", "reviewerName": "MJ", "verified": true, "reviewText": "Classic boots, but more of a brown-grey color. Still cool looking. Make sure to waterproof them or they will get marked up quickly.", "overall": 5.0, "reviewTime": "03 11, 2013", "summary": "Classic boots", "unixReviewTime": 1362960000} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A1OQ69FDBYJV9O", "asin": "B0000TW41Y", "style": {"Size:": " 36W x 34L", "Color:": " Black"}, "reviewerName": "hmd81", "reviewText": "too expensive, found cheaper alternative for work pants", "summary": "Four Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A3KKSGS5AKPK1R", "asin": "B0000AFT9F", "style": {"Size:": " 11 D(M) US Men", "Color:": " Burgundy"}, "reviewerName": "Adam K Ruben", "reviewText": "I'm normally an 11.5 but I listen to a lot of the reviews and got a half size smaller. The 11's fit great. These are my first converse shoes and I like them. Not super comfy but its not bad. Great price and style. Seems like they will last a while.", "summary": "Awesome shoe.", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A209H59UUU3BN3", "asin": "B0009GCRQ0", "style": {"Size:": " X-Large", "Color:": " Light Steel"}, "reviewerName": "Porfirio Gonzales", "reviewText": "Fix just right", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2014", "reviewerID": "A1B13KTH4S3S82", "asin": "B0008EO5AE", "style": {"Size:": " 16 Long", "Color:": " Black"}, "reviewerName": "C Cooper", "reviewText": "This style fits my shape the best I've found--right at the waist, right at the crotch (I'm short there) and the legs are just right length (long). The fabric is just right. Thanks!", "summary": "My Favorite Great Jeans", "unixReviewTime": 1396656000} +{"overall": 5.0, "verified": false, "reviewTime": "05 3, 2017", "reviewerID": "A1ILDR14T31DBZ", "asin": "B0000UZ5P0", "reviewerName": "Amazon Customer", "reviewText": "love it, works well, large.", "summary": "Five Stars", "unixReviewTime": 1493769600} +{"overall": 3.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "ACHND4O6X2PBE", "asin": "B0000DCS5T", "style": {"Size:": " 9 2E US", "Color:": " Tan/Beige"}, "reviewerName": "GARY P.", "reviewText": "Not very comfortable....", "summary": "Three Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "AR53L5M0G8GIP", "asin": "B0009ILG0G", "reviewerName": "liekfam4", "reviewText": "Lovely, very vibrant and good size. I bought some from another company off etsy - and they were cheap glass. These are really great, a bit expensive - but definitely worth having something look this nice. Bought them for a memory locket.", "summary": "very vibrant and good size. I bought some from another company off ...", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "AI3EMHCSVD0ZK", "asin": "B0007YXVOQ", "style": {"Size:": " 38D", "Color:": " Bare"}, "reviewerName": "Cleaning fanatic", "reviewText": "This is the only bra I wear. It's comfortable and supports me well. The price on Amazon is much less than at the stores if your lucky enough to find one in a store. I have worn these for years. I have tried many brands and this is by far the best.", "summary": "It's comfortable and supports me well", "unixReviewTime": 1412553600} +{"overall": 4.0, "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "A32JLAMQ9WC5PY", "asin": "B0000ERMEH", "style": {"Size:": " B / C", "Color:": " Nude"}, "reviewerName": "PrincessKate", "reviewText": "I ordered the size that would describe my cup and it was too small in both width and cup space so they sat awkwardly. Had to return.", "summary": "Order up a size", "unixReviewTime": 1492128000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A12JFMM9VI637", "asin": "B0006U3V0A", "style": {"Size:": " X-Small", "Color:": " Black"}, "reviewerName": "Paul M Halik", "reviewText": "Heavy quality. Sizing perfect.", "summary": "Sizing perfect.", "unixReviewTime": 1489190400} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A1K1SMXSCQA5KF", "asin": "B0000865JR", "style": {"Size:": " 3X / 4X", "Color:": " Fantasy Black"}, "reviewerName": "Amlak Francis", "reviewText": "it holds you so good ... sweat a bit to put it on but it feels so good on ur skin I'm going 2 get more .... wish it was on sale though its a bit more that I usually spend but there is not regret", "summary": "silk on skin", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A1XSMD515PNSK6", "asin": "B000AANOIA", "style": {"Size:": " 7"}, "reviewerName": "Rodney", "reviewText": "Wonderful Bowling Shoes, Fits Well, Wears Well, Love them...", "summary": "Dexter Turbo II Bowling Shoes", "unixReviewTime": 1433203200} +{"overall": 3.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A2ZTOPO078Q4Y2", "asin": "B0000CBALZ", "style": {"Size:": " 33W x 32L", "Color:": " Antique Indigo"}, "reviewerName": "Nursemom", "reviewText": "My son has worn Wranglers before. He told me that both pair are an odd fit. Almost like they were irregular.", "summary": "Quality lacking", "unixReviewTime": 1397520000} +{"overall": 4.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A2BBNHRBI7DXME", "asin": "B00008L1ST", "style": {"Size:": " W31", "Color:": " Khaki"}, "reviewerName": "Barbara Ernstedt", "reviewText": "Very sturdy and well made. My son likes them a lot for working in a hot kitchen.", "summary": "Four Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2016", "reviewerID": "A37P4BUFWH5S4O", "asin": "B00023KMF8", "style": {"Size:": " 40W x 30L", "Color:": " Hickory Stripe"}, "reviewerName": "tapdance", "reviewText": "The inseam is too long for my husband.", "summary": "Nice", "unixReviewTime": 1451779200} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2011", "reviewerID": "ARF86V1AK7GKN", "asin": "B000B4ZXV6", "style": {"Color:": " black"}, "reviewerName": "SirGrove", "reviewText": "I was looking for a light weight digital watch that was simple and easy to use. That's what I got small but not a girls watch small that is pretty well made.", "summary": "Simple cheap watch", "unixReviewTime": 1313539200} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A2ABGA1DUT697D", "asin": "B0002THZL6", "style": {"Size:": " 1", "Color:": " Graphite Heather"}, "reviewerName": "Lance", "reviewText": "Ordered a size 1 but was almost too small", "summary": "Four Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "AC7DBZJZW54RS", "asin": "B0009MZVVC", "style": {"Size:": " Medium - Men's 5.5-8.5", "Color:": " Walnut"}, "reviewerName": "dshep1964", "reviewText": "As always - Thorlo has a corner on the market of the most comfortable socks you can buy.", "summary": "Perfect - 'nuf said", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A1CA7P4T6OPEFF", "asin": "B0002USBB8", "style": {"Size:": " 13 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Wendy", "reviewText": "Great price, fast delivery", "summary": "great", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A3VWGBAYXN60M5", "asin": "B0002BH4GK", "style": {"Size:": " 31W x 30L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "mike", "reviewText": "I just wished it came in other colors like a darker blue or even dark brown with the double knee. I know there are other brands out there with those colors, but they're generally more expensive and for some reason it doesn't last as long. Other than that, it's perfect!", "summary": "Need more colors", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A3N4G7L857J71H", "asin": "B00093UU2Q", "style": {"Size:": " Big Girls", "Color:": " Pink/Blue"}, "reviewerName": "Thomas D", "reviewText": "My daughter likes the fit & comfort", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "AIBYNDAVDT5OM", "asin": "B0000ANHTD", "style": {"Size:": " X-Large Tall", "Color:": " Red"}, "reviewerName": "DJ Greg Smith", "reviewText": "Comfortable with a great fit.", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A1H2RRTMYEZ558", "asin": "B0008EO5AE", "style": {"Size:": " 16", "Color:": " Premium Stone"}, "reviewerName": "A.D. Caron", "reviewText": "These fit perfectly. They look great and are so comfortable.", "summary": "They look great and are so comfortable", "unixReviewTime": 1445731200} +{"overall": 4.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "A22PQAUMD2H3HG", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Don L", "reviewText": "Nice socks, good value", "summary": "Four Stars", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2017", "reviewerID": "A13272YNTTNZ73", "asin": "B0000ANHT7", "style": {"Size:": " X-Large", "Color:": " Army Green"}, "reviewerName": "glasfitz", "reviewText": "IT FITS, LOOKS GOOD,,FEELS RIGHT", "summary": "LOOKS GOOD,, FEELS", "unixReviewTime": 1497916800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A3HLRGO0Y646ZT", "asin": "B0009F0Z38", "style": {"Size:": " X-Large / 9.5-10.5 B(M) US", "Color:": " White"}, "reviewerName": "Ann Parkinson", "reviewText": "Beautiful slippers, well made, very comfortable and easy to walk in.", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A2DA3B2QOMJN6V", "asin": "B0007YXVOQ", "style": {"Size:": " 44DD", "Color:": " Warm Steel"}, "reviewerName": "Howard Alperin", "reviewText": "Great bra and cheap.", "summary": "Buy it", "unixReviewTime": 1458086400} +{"overall": 4.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "ARO6PBQOSX8PJ", "asin": "B0002UNNR0", "style": {"Size:": " 7 B(M) US", "Color:": " Ballet Pink"}, "reviewerName": "thecat'smeow", "reviewText": "I like these ballet shoes to wear around the house. I am not a dancer, so I cannot comment on that. I also like them because they usually last a long time.", "summary": "Nice Shoes... Good Price", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A31MAH5DI3YNW", "asin": "B00024QWGK", "style": {"Size:": " 11 2E US", "Color:": " Black Deer Tan"}, "reviewerName": "Big Tx", "reviewText": "Great looking and great fit. As comfortable as any non workboot can be.", "summary": "Five Stars", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2013", "reviewerID": "AVDX1SMG5MLYK", "asin": "B000A2KCAQ", "style": {"Size:": " 38W x 32L", "Color:": " Bark"}, "reviewerName": "Brian Doster", "reviewText": "My husband purchased these pants on-line and wore them, right out of the package, on an international flight. He said they were so comfortable, substantial (without being bulky), and had loads of big pockets. He hopes to purchase several pairs.", "summary": "Highly recommended!", "unixReviewTime": 1385424000} +{"overall": 2.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A2F5VN2THFKQL3", "asin": "B00004VWJ3", "style": {"Size:": " 41 M EU (10 M US Women /8 M US Men)", "Color:": " Black"}, "reviewerName": "WBones", "reviewText": "I don't no the wear or fit because when my wife put them on they were so large they look like clown shoes. she ordered 10 and these were like 11 or 12!", "summary": "Order one size or maybe two smaller", "unixReviewTime": 1433548800} +{"overall": 4.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A2ZZYKPHP35TEE", "asin": "B0009RLR9C", "style": {"Size:": " 13 M US Little Kid", "Color:": " Black Leather"}, "reviewerName": "Kate", "reviewText": "Looked nice, but my son liked the feel of the Steve Madden's better. We ended up returning.", "summary": "Look nice and fit good.", "unixReviewTime": 1466553600} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2017", "reviewerID": "ADF9ZC1EUSX3F", "asin": "B00009ZM7Z", "style": {"Size:": " 9.5 D(M) US", "Color:": " Midnight"}, "reviewerName": "Amazon Customer", "reviewText": "Fit as intended.", "summary": "Four Stars", "unixReviewTime": 1500163200} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2017", "reviewerID": "A3RNT6UTWYK3DD", "asin": "B0009GCQP2", "style": {"Size:": " 3X-Large", "Color:": " Gold"}, "reviewerName": "textileman", "reviewText": "good product", "summary": "Four Stars", "unixReviewTime": 1511913600} +{"overall": 3.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2JG5K4LP7291O", "asin": "B0009FB2WQ", "style": {"Size:": " XX-Large", "Color:": " Desert"}, "reviewerName": "JeffO", "reviewText": "Nice shirt but a 2XL is more like a 3XL", "summary": "Runs about a size larger than labled.", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "ASX03SBZKYXIG", "asin": "B0006U3V0A", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Trailhound", "reviewText": "He plays hard outside and this did the trick for the ATV riding. He likes them when we stop he can take his jacket off and un zip the front a little and not be to hot in the sun. Great buy well made I think he will out grow them before he ware them out Happy customer", "summary": "Happy Customer", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2018", "reviewerID": "ADY5TXL19RV6E", "asin": "B0002LY3CS", "style": {"Size:": " 10.5 W US", "Color:": " Brown/Buck Brown"}, "reviewerName": "William Engel", "reviewText": "Good Sperry shoes at good price.", "summary": "Five Stars", "unixReviewTime": 1524355200} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "AV5XAMRX3JQD2", "asin": "B0006AAS7E", "reviewerName": "Tania Oneill", "reviewText": "The watch face was kind of small. If the guy your buying this for prefers larger face watches this may not be the one. I ended up keeping it instead of my husbund.", "summary": "Size matters! ", "unixReviewTime": 1426464000} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A2DCQNEAEJXXSM", "asin": "B0007KPP7G", "style": {"Size:": " Medium-Tall", "Color:": " Black"}, "reviewerName": "Tamara", "reviewText": "Decent scrubs. Fit rather large.", "summary": "Four Stars", "unixReviewTime": 1429488000} +{"reviewerID": "A260ZR7K9BXZXS", "asin": "B0002RZPRY", "reviewerName": "Olga Popova", "verified": true, "reviewText": "Like ths shoe. It is open and has low heel - perfect for long summer walks. Quite soft and comfortable to walk.", "overall": 5.0, "reviewTime": "04 30, 2014", "summary": "open flat summer shoe", "unixReviewTime": 1398816000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A27ES6ZUD0DJSJ", "asin": "B0000ANHTD", "style": {"Size:": " XX-Large", "Color:": " Heather Grey"}, "reviewerName": "Just Jeremy", "reviewText": "Great shirts", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A118SP493M6OM2", "asin": "B00020OCD4", "style": {"Size:": " XX-Large", "Color:": " Navy"}, "reviewerName": "simonsez", "reviewText": "Very happy with the fit and quality of this water resistant jacket.", "summary": "Nice quality and fit for the price...", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A3DT89396TSOUU", "asin": "B0002PO16W", "style": {"Size:": " Small / Medium", "Color:": " Suntan"}, "reviewerName": "Jessica K.", "reviewText": "My daughter is on the Color Guard team and we kept buying these at walmart. I wanted a good dance pair and these were exactly what I was looking for. We only had to buy one pair all season.", "summary": "I wanted a good dance pair and these were exactly what I was ...", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "A2PHQ8UXAIL44G", "asin": "B000A38CZC", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "steven mallory", "reviewText": "Nice jacket, after a few washes it will fit perfect.", "summary": "Wrangler, it will last forever.", "unixReviewTime": 1521504000} +{"overall": 4.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A3OTU8W0P5M3T5", "asin": "B00016QOX0", "style": {"Size:": " 36W x 36L", "Color:": " Rigid"}, "reviewerName": "Jade Melton", "reviewText": "For as expected except the length was 37 instead of 36", "summary": "Four Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "AWZ5PNBT8VRKR", "asin": "B000783XAE", "style": {"Size:": " 4X-Large Big", "Color:": " Dk. Grey"}, "reviewerName": "Amazon Customer", "reviewText": "Very nice quality. Cool.", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A1V7LAYECKEL8Z", "asin": "B000AY3I46", "style": {"Size:": " L-XL", "Color:": " Black"}, "reviewerName": "Earthling1984", "reviewText": "Good hat, very warm", "summary": "Four Stars", "unixReviewTime": 1424649600} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "A1I25EC7QZ4O73", "asin": "B00006XXGO", "style": {"Size:": " 10 US Men/12 US Women", "Color:": " Charcoal"}, "reviewerName": "Michael Brown", "reviewText": "Ordered a size smaller", "summary": "Four Stars", "unixReviewTime": 1515024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A1XRGA3TDJ3S3C", "asin": "B0009F0Z38", "style": {"Size:": " Medium / 6.5-7.5 B(M) US", "Color:": " Cheetah"}, "reviewerName": "Mabulous", "reviewText": "A little tight at the toe line but totally comfy!", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A81WUNG4GF22K", "asin": "B0000A1REB", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black London Calf"}, "reviewerName": "maverick9", "reviewText": "I have several boots made by Justin. If you wear a (D) in square toe I would advise ordering a (EE) in the pointed toe", "summary": "I have several boots made by Justin.", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A38BLCV9I9EAZ2", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Navy"}, "reviewerName": "Taryn LaLonde", "reviewText": "So cute!!!", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "A1Z1RRBUZH3BLS", "asin": "B0007U7NKI", "style": {"Size:": " Medium / 8.5-9.5 D(M) US", "Color:": " Expresso"}, "reviewerName": "Declan Keenan", "reviewText": "its great", "summary": "Five Stars", "unixReviewTime": 1524441600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2017", "reviewerID": "AIBY9H7DOFQUD", "asin": "B0007KPP7G", "style": {"Size:": " Small Petite", "Color:": " Pewter"}, "reviewerName": "Minarn", "reviewText": "These are great- fit nicely, ordered 3 more pairs.", "summary": "Five Stars", "unixReviewTime": 1487376000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "AG6K52SLRRQ9A", "asin": "B000163G8G", "style": {"Size:": " 38C", "Color:": " Black"}, "reviewerName": "Nicole M Wehling", "reviewText": "These bras are so comfortable. I have one in white, beige and now black!", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"reviewerID": "A1YYBP7N57F1IR", "asin": "B0001YRFS0", "reviewerName": "customer1", "verified": true, "reviewText": "Regular jeans I wear a 32 waist, but with the Dickies 874 pants I wear a 34. The length was fine. Love these pants.", "overall": 5.0, "reviewTime": "09 12, 2017", "summary": "The length was fine. Love these pants", "unixReviewTime": 1505174400} +{"overall": 2.0, "verified": true, "reviewTime": "09 22, 2011", "reviewerID": "A2ATI05YRYU8Y6", "asin": "B0007YXWCW", "style": {"Size:": " 46C", "Color:": " White"}, "reviewerName": "brkco", "reviewText": "I specifically purchased this bra to get one that stated the non-slip straps and this one is terrible. I like the feel of the bra, doesn't poke and is soft, but the straps drive me crazy!", "summary": "Straps slip off all the time", "unixReviewTime": 1316649600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A1GUSXGOP5J8G", "asin": "B0007LIA18", "style": {"Size:": " 12 Women / 10 Men M US", "Color:": " Thunder/Black/Papyrus"}, "reviewerName": "Ryan Zadecki", "reviewText": "the description says these shoes are leather. they are absolutely not leather and are absolutely rubber. they smell like balloons. i was excepting a leather chuck this is not what i wanted!", "summary": "NOT LEATHER!!!!", "unixReviewTime": 1444780800} +{"reviewerID": "A2RLC67T072B9B", "asin": "B0001YRFS0", "reviewerName": "Andrew Allen", "verified": true, "reviewText": "I. Like. Them", "overall": 5.0, "reviewTime": "11 13, 2015", "summary": "Like.", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": false, "reviewTime": "12 29, 2015", "reviewerID": "A31YD5BO2IGNCP", "asin": "B0002MD71U", "reviewerName": "Amazon Customer", "reviewText": "Great shoes, my daughter loves them!", "summary": "Five Stars", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "A1MUPXNATRKO4F", "asin": "B0002THZL6", "style": {"Size:": " 3", "Color:": " Espresso"}, "reviewerName": "Amazon Customer", "reviewText": "Great fit and comfortable. Will probably order more in other colors.", "summary": "Five Stars", "unixReviewTime": 1519257600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A2VP7TYKGKRZB2", "asin": "B0002ZCBKA", "reviewerName": "NuNu", "reviewText": "hides dirt like a champ!!! great for toddlers", "summary": "SCORE", "unixReviewTime": 1419379200} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "AVWZE64A18SBW", "asin": "B0007TTT2O", "style": {"Size:": " wide", "Color:": " Dark Brown"}, "reviewerName": "Alejandro Jimenez", "reviewText": "I like this shoes because no cap included, then you can use out of the work,\nVery comfortable, and nice design, but I have been another brands a little bit more soft...", "summary": "The best shoes ever", "unixReviewTime": 1367107200} +{"overall": 3.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A26ACZTVWFY1IZ", "asin": "B00028B4XW", "style": {"Size:": " 34W x 30L", "Color:": " Khaki"}, "reviewerName": "Michael Washington", "reviewText": "very baggy", "summary": "Three Stars", "unixReviewTime": 1464739200} +{"reviewerID": "A1VT7CWGK12KT9", "asin": "B0002TOPIC", "reviewerName": "superselective", "verified": false, "reviewText": "The denim color is 31% acrylic. They're also much thinner than the identical style purchased a decade ago. I prefer to only review items I value and recommend, but in the case of my sock purchases I feel called to warn other shoppers.", "overall": 2.0, "reviewTime": "07 20, 2014", "summary": "Expected more cotton & no acrylic", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A2FF3BFTKZ2F2I", "asin": "B0002M14CY", "style": {"Size:": " 9 B(M) US", "Color:": " Pink/Purple"}, "reviewerName": "aaron", "reviewText": "Looks great and fits great. If you have ever wanted a pair of saucony's this is the one.", "summary": "Five Stars", "unixReviewTime": 1450137600} +{"overall": 2.0, "verified": false, "reviewTime": "10 10, 2014", "reviewerID": "A2JLQEPHB605Y4", "asin": "B0002TOZ2S", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "Nice looking sock, fit okay but a little smaller than I'd like. However, the quality of this sock is not great. They last a month or two at the most. The top has no band so it easily unravels. Sock gets holes easily.", "summary": "Not a great made sock!", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A36TXS0P03FPBS", "asin": "B0009G4D1W", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "nema", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 3.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A3QQIO0DW3QR21", "asin": "B0002USBB8", "style": {"Size:": " 1.5 N US Little Kid", "Color:": " Black"}, "reviewerName": "Rebecca Trull", "reviewText": "Just curious as to the terrible odor from these slippers. I had to hang them outside in a hallway to air out. Why is this?", "summary": "Just curious as to the terrible odor from these slippers", "unixReviewTime": 1433289600} +{"overall": 3.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "APG8MRLT5G0WJ", "asin": "B00023JMXQ", "style": {"Length:": " 18.00"}, "reviewerName": "Readerrover", "reviewText": "The picture of the box links made the item look sturdier than it actually is. And at 18 inches it doesn't seem to have much \"drape\" to it. Maybe my neck is thicker than it used to be, but 18 inches used to have some drape to it.", "summary": "Disappointing silver.", "unixReviewTime": 1356480000} +{"reviewerID": "A6KTFUT5B4B20", "asin": "B0000Y5T7A", "reviewerName": "DDDDDDDDBEAR", "verified": false, "reviewText": "Nice product!", "overall": 5.0, "reviewTime": "06 27, 2014", "summary": "Five Stars", "unixReviewTime": 1403827200} +{"reviewerID": "A1FCPT8W79IIEY", "asin": "B0006U68Z0", "reviewerName": "Ann Cochran", "verified": true, "reviewText": "Really nice. Just ordered 2 more pairs.", "overall": 5.0, "reviewTime": "02 13, 2016", "summary": "Great jeans", "unixReviewTime": 1455321600} +{"reviewerID": "A20NFHOAJ0L182", "asin": "B0000WL9J4", "reviewerName": "Edward R.", "verified": true, "reviewText": "My husband was so glad to find these artic coveralls he was nervous about the fit but it was a perfect fit. Thanks Amazon", "overall": 5.0, "reviewTime": "01 26, 2018", "summary": "My husband was so glad to find these artic coveralls he was nervous about ...", "unixReviewTime": 1516924800} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "ASMLHEDVXU6DH", "asin": "B00006XXGO", "reviewerName": "DocG", "reviewText": "Nice shoe. As expected. Poor packaging though.", "summary": "Four Stars", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "AL50QYYRSSPEO", "asin": "B0007CKOMA", "style": {"Size:": " 38W x 32L", "Color:": " Prewashed"}, "reviewerName": "Mikko P.", "reviewText": "Fit exactly right. I was afraid that they would be either too small or too large. Very dark color, and didn't lose much color after first wash either.", "summary": "Nice looking dark jeans", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A222Q93MG67HGC", "asin": "B0000TII3C", "style": {"Color:": " Gold-Tone/White"}, "reviewerName": "Shirley Mccarty", "reviewText": "Husband broke his watch. He picked this timex out, said he liked it", "summary": "said he liked", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "ATXV33PMI85S9", "asin": "B0002OQ9OU", "style": {"Size:": " Large", "Color:": " Amethyst"}, "reviewerName": "Jim", "reviewText": "Mmmmmmm, nice!", "summary": "nice!", "unixReviewTime": 1422489600} +{"overall": 1.0, "vote": "7", "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A24HVOJT6V2I8X", "asin": "B000798IGC", "style": {"Size:": " Large", "Color:": " Woodland Camo"}, "reviewerName": "james", "reviewText": "looking at other post, these were to look a little worn, these were not!! the materal was thin, the fit, did run big, a large was 35-39 waist.. For me, Was not what i was expecting!!! Not pleased!!!", "summary": "Not what the picture looked like!!!", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A150DW8VIM6Z1E", "asin": "B00075ZYTK", "style": {"Size:": " Small", "Color:": " Basic White"}, "reviewerName": "VICTOR RENDON PARRAGA", "reviewText": "Excelente!!!!", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A24X01XMQJ1MNJ", "asin": "B0000DYKET", "style": {"Size:": " 11 D(M) US", "Color:": " Bison"}, "reviewerName": "Ktelshopper", "reviewText": "My husband loves these shoes. These are his 2nd pair but they don't fit even though we ordered the same size. I don't know whether his foot has grown or Keen's sizing has changed but have to return them for a bigger size.", "summary": "My husband loves these shoes. These are his 2nd ...", "unixReviewTime": 1466985600} +{"reviewerID": "A3Y772GMOGN1E", "asin": "B0002USCE4", "reviewerName": "jr", "verified": true, "reviewText": "Cute but they do run very small. I had to get a full size up. Tight may be standard with a ballet shoe but for a toddler, it's not comfortable.", "overall": 3.0, "reviewTime": "06 8, 2015", "summary": "Runs small", "unixReviewTime": 1433721600} +{"reviewerID": "A2DXAE7QNVWEYU", "asin": "B0002UNNNY", "reviewerName": "Mom~of~Five", "verified": true, "reviewText": "Ballet shoes. Fit as expected. Not much to review.", "overall": 4.0, "reviewTime": "12 31, 2014", "summary": "Fit as expected", "unixReviewTime": 1419984000} +{"overall": 4.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A1UYT6CUPXWS3R", "asin": "B00062BIC6", "style": {"Size:": " Large Long", "Color:": " Dark Navy", "Material Type:": " 60% cotton/40% polyester twill"}, "reviewerName": "Paul E. Stansberry III", "reviewText": "Coat is the expected color, and fits as expected. I'm pleased with this product overall.", "summary": "I'm pleased with this product overall", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A1FBC7GEWH1S0J", "asin": "B0008EOAZO", "style": {"Size:": " 42W x 32L", "Color:": " Olive"}, "reviewerName": "Saul", "reviewText": "Can't beat the price. Seems like you give up a little extra classy appearance for durability, which works for me in a business casual dress.", "summary": "Seems like you give up a little extra classy appearance for ...", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": false, "reviewTime": "11 1, 2014", "reviewerID": "A2RCGFCWI7DYUB", "asin": "B0009G6BIA", "style": {"Size:": " Large", "Color:": " Chocolate"}, "reviewerName": "vmaxdca", "reviewText": "very nice tee shirt", "summary": "nice t", "unixReviewTime": 1414800000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "AR8ME4GW44KA1", "asin": "B000A6U8JW", "style": {"Size:": " 7.5 B(M) US", "Color:": " Taupe"}, "reviewerName": "Tee", "reviewText": "Love these boots. Good all purpose boot than can be worn in various seasons of the year. Soft leather, stable heel, comfortable fit, and nice tread. Would recommend to others.", "summary": "Love these boots", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2013", "reviewerID": "A1O09V5Y8NH4K3", "asin": "B0006GXO8S", "style": {"Size:": " 7.5 B(M) US", "Color:": " Bone"}, "reviewerName": "Dfm6449", "reviewText": "I have been wearing these slippers fot 48 years and like them as much as the first pair. The many different colors work for changing seasons.", "summary": "Great slipperd", "unixReviewTime": 1370995200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A264GZAJTR9P86", "asin": "B0007PAZY4", "style": {"Size:": " 2X", "Color:": " Woodland Digital"}, "reviewerName": "Kt Miller", "reviewText": "Strong, even stitching. Better worn as an undershirt on brisk days. I got my money's worth.", "summary": "Well made.", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A1CP5B9X9XIS8Y", "asin": "B00006XXGO", "style": {"Size:": " 7.5 B(M) US Women / 5.5 D(M) US Men", "Color:": " Maroon"}, "reviewerName": "Barbara Kirtland", "reviewText": "Love them..fit well..perfect maroon and white..gig um", "summary": "Great shoes", "unixReviewTime": 1474156800} +{"overall": 2.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A292GFO16TVDD0", "asin": "B0002TOZ2S", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "William A. Szabo", "reviewText": "Socks are too small. When I wear with sandals they work their way down to the heel after a few steps. I would not recommend.\nBill", "summary": "I would not recommend.", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A7JV83TKNS9VN", "asin": "B0002TOZ1Y", "style": {"Size:": " 12 pair 10-13", "Color:": " White"}, "reviewerName": "TM", "reviewText": "Great quality!", "summary": "Very Satisfied !", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A2LZ20CQW2H4G2", "asin": "B0007TOS6Q", "style": {"Size:": " 10.5 D(M) US", "Color:": " Copper"}, "reviewerName": "WP", "reviewText": "This is a great boot, I have been buying them since they first came out.", "summary": "Five Stars", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A31Z6USKJVLMVH", "asin": "B00006XXGO", "reviewerName": "Danelle R Szyszko", "reviewText": "My s Son loves the shoes!", "summary": "Five Stars", "unixReviewTime": 1460937600} +{"overall": 1.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A2ZQ4XFVQZEXBF", "asin": "B00009MFA6", "style": {"Size:": " XL (42-46)", "Color:": " Multi"}, "reviewerName": "Lori Rattray", "reviewText": "It will have to work for work today :(", "summary": "One Star", "unixReviewTime": 1476144000} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2013", "reviewerID": "ARG7UD118T6L2", "asin": "B0007WZZYC", "style": {"Size:": " 36W x 34L", "Color:": " Dark Khaki"}, "reviewerName": "C. Clairmont", "reviewText": "Fits well for tall folks. They are my favorite work pants and are very durable. The triple stitch is great!", "summary": "Great pants!", "unixReviewTime": 1373328000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A36LFVCZRZPN5X", "asin": "B0007CKMOU", "style": {"Size:": " 58W x 30L", "Color:": " Overdyed Black"}, "reviewerName": "Dave", "reviewText": "great fit & I didn't have to go to the store", "summary": "Great fit and comfortable", "unixReviewTime": 1452211200} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A2O9LEWANETRXS", "asin": "B0002QV9VG", "style": {"Size:": " X-Long", "Color:": " Light Toast"}, "reviewerName": "Dae", "reviewText": "Solid and sturdy. Survived my nails! I will admit that it did leave an imprint on my legs after 3hrs of wearing them", "summary": "strong", "unixReviewTime": 1442707200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A1WE6I5HINU5JL", "asin": "B00008L1ST", "style": {"Size:": " 44", "Color:": " Charcoal"}, "reviewerName": "James Bailey", "reviewText": "Good product, very affordable", "summary": "Five Stars", "unixReviewTime": 1486080000} +{"reviewerID": "A1MBXDSNJTAPOL", "asin": "B0009GEFPQ", "reviewerName": "Carrie Diaz", "verified": true, "reviewText": "Everything was great. Fit and delivered on time.", "overall": 5.0, "reviewTime": "10 3, 2017", "summary": "Five Stars", "unixReviewTime": 1506988800} +{"reviewerID": "A1IFI9JE1LX1FT", "asin": "B000A1GVOI", "reviewerName": "james bragg", "verified": true, "reviewText": "i had these type boot when i was kid , liked them then like them now an i bought my son a pair, thanx", "overall": 5.0, "reviewTime": "12 30, 2014", "summary": "liked them then like them now an i bought my ...", "unixReviewTime": 1419897600} +{"overall": 1.0, "verified": true, "reviewTime": "12 4, 2013", "reviewerID": "A1RK0SIA5HBNFA", "asin": "B000AYW0LI", "style": {"Color:": " Gold-Tone/White"}, "reviewerName": "D. Coleman", "reviewText": "Great clock face. Clock is easy to read, clear numbers, easy to read in dark. Strap is small, tight and inflexible. It scratches the skin of your wrist and is very uncomfortable to wear.", "summary": "Great clock face with scratchy band", "unixReviewTime": 1386115200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "AWWZ68HJSGP8W", "asin": "B0001YS5HA", "style": {"Size:": " 34", "Color:": " Brown"}, "reviewerName": "Edgar Rubin", "reviewText": "Love the product, I just ordered it to small.. I'm 5'7 160lbs.. So I thought a 34 would be good.. Def couldn't put it on all the way.. Up\n.. I think I will order a 38. The length is perfect", "summary": "Love the product", "unixReviewTime": 1455148800} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2013", "reviewerID": "A1JRANC3AW3WBG", "asin": "B0006AAS7E", "reviewerName": "farmboy", "reviewText": "Nice watch with no bells or whistles, except for date. I would have given it 5 stars if it had one little extra like a lighted dial or alarm.", "summary": "Pretty watch!", "unixReviewTime": 1374969600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "A307S31XIATX1I", "asin": "B00063740K", "style": {"Size:": " Large/X-Large", "Color:": " White"}, "reviewerName": "Janice Frost", "reviewText": "When my guy tryed this costume on, it looked very good! He is slim, so, the belt needs to be altered...but, that will be an easy fix. We will be a great looking couple on Halloween!!", "summary": "A great costume!!", "unixReviewTime": 1380153600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A24D1ZWI2VQC1X", "asin": "B0008EO5AE", "style": {"Size:": " 16 Short", "Color:": " Authentic Azul"}, "reviewerName": "LaVonne", "reviewText": "I like it", "summary": "Five Stars", "unixReviewTime": 1480723200} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A1J31TCRW2BIR7", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Weasely", "reviewText": "Good quality socks.", "summary": "Four Stars", "unixReviewTime": 1507680000} +{"reviewerID": "A103E1HT8M8IT2", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "My boyfriend really likes these socks. He works in a meat company so 36 degrees all day and he says he stays nice and warm.", "overall": 5.0, "reviewTime": "11 30, 2017", "summary": "He works in a meat company so 36 degrees all day and he says he stays nice and warm", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": false, "reviewTime": "01 26, 2017", "reviewerID": "ADGXF2TFH5FCU", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Blue", "Number of Items:": " 6"}, "reviewerName": "Customer", "reviewText": "My husband loves Gold Toes.", "summary": "Five Stars", "unixReviewTime": 1485388800} +{"overall": 1.0, "verified": true, "reviewTime": "02 6, 2018", "reviewerID": "A10FEW7KBOIRGP", "asin": "B0000868IP", "style": {"Size:": " 36DDD", "Color:": " Light Beige", "Number of Items:": " 1"}, "reviewerName": "crocaddict", "reviewText": "product runs really small around & cup size. Order at least 1-2 sizes bigger.", "summary": "One Star", "unixReviewTime": 1517875200} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2014", "reviewerID": "A1YFB08L65AX0E", "asin": "B000140BMM", "style": {"Size:": " One Size", "Color:": " Amber"}, "reviewerName": "Nomotto", "reviewText": "I have been buying only Bosca wallets for almost 40 yrs.\nThey are extremely well made and beautiful. Will never\nbuy any other.", "summary": "Bosca is quality.", "unixReviewTime": 1391299200} +{"reviewerID": "A2HL56KOEHVJM", "asin": "B000ALAGRG", "reviewerName": "Redoubt Ranger", "verified": true, "reviewText": "Third style of 5.11 Tactical Long Sleeve I have bought. Like them all. I wear them anywhere. Not meant to be a suit tie shirt...but...why wear a suit and tie when you can wear a shirt like this?", "overall": 5.0, "reviewTime": "02 6, 2015", "summary": "Have three...all styles a little different over the years...have liked them all", "unixReviewTime": 1423180800} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A30ME0G75Q7BHQ", "asin": "B0001YRWJ2", "style": {"Size:": " 42W x 30L", "Color:": " Indigo Rigid"}, "reviewerName": "touche@msn.com", "reviewText": "The product fits perfectly for a 42 inch chest, but I was expecting a 30 inch inseam, they must be purposely long to accommodate folding up the legs into a 4 inch cuff (as shown in the picture).", "summary": "Fits as expected except 30 inch inseam is really 34", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2014", "reviewerID": "A2VQW48EG4OTPS", "asin": "B0009ATIHM", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black"}, "reviewerName": "florence kelly", "reviewText": "Very comfortable...Would recommend to anyone who wants a slipper that is super comfy and good looking. Will buy another pair like these when this pair wears out", "summary": "Great slipper", "unixReviewTime": 1402704000} +{"reviewerID": "A33VN96LLJ2H0L", "asin": "B00028AZ6E", "reviewerName": "Ben", "verified": true, "reviewText": "for the price it is an excellent buy and it was delivered on time...", "overall": 5.0, "reviewTime": "08 6, 2016", "summary": "Five Stars", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2012", "reviewerID": "A13JQB9BTRNYBC", "asin": "B0002MGM4O", "style": {"Size:": " Small", "Color:": " Night Tide"}, "reviewerName": "nuelvis", "reviewText": "La camisa es 100% original y demaciado comoda la recomiendo a los hombres de buen gusto, llego en el tiempo estimado", "summary": "saludos", "unixReviewTime": 1355270400} +{"reviewerID": "A2C86GAY6V5IKT", "asin": "B0002RZPRY", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "They were so comfortable from the first minute i put them on.", "overall": 5.0, "reviewTime": "07 12, 2014", "summary": "Best comfortable sandals", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A1XL8MEVMT17N2", "asin": "B0002MD71U", "reviewerName": "Ashley kasey", "reviewText": "Bit big, super cute and fast delivery!", "summary": "super cute and fast delivery", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "AM86FTH0B1K9H", "asin": "B0000AFT8E", "reviewerName": "Northern Belle", "reviewText": "My daughter's favorite shoes. Very happy with this purchase!", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61f1hazOiyL._SY88.jpg"], "overall": 3.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "AAWOLCLRERPAD", "asin": "B000072US4", "reviewerName": "Amazon Customer", "reviewText": "The back of the shoe where it says converse all star is already wearing off, fresh out the box. Don't know if that's the shippers fault or not.", "summary": "The back of the shoe where it says converse all ...", "unixReviewTime": 1467676800} +{"overall": 1.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "ACH7QV21BRXLY", "asin": "B00080FK2U", "style": {"Color:": " Green Classic", "Width:": " 58"}, "reviewerName": "Greg Darden", "reviewText": "Heavy and their authenticity is suspect. I was replacing an old pair of aviators that I have had for years and these just are not the product. Returned them.", "summary": "Buyer beware", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A3MUAWSRB5EEWC", "asin": "9789896824", "style": {"Size:": " X-Large", "Color:": " Mantis Green"}, "reviewerName": "Marcia in MT", "reviewText": "Love this shirt--and it is his 3rd Tommy Bahama shirt. We forgot that the Tommy Bahama shirts are generously sized so first ordered a 2XL. Returned that one for an XL and it fits nicely. This is a fun color, but a little more \"mint green\" than the photo shows.", "summary": "Love the Tommy Bahama shirts", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2016", "reviewerID": "A2ZB4BX2EVXPNZ", "asin": "B0007KPP7G", "style": {"Size:": " Medium Petite", "Color:": " Black"}, "reviewerName": "C. Gervasi", "reviewText": "These are my go to scrub pants. Fit great and a good value!", "summary": "Fit great and a good value", "unixReviewTime": 1480896000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2014", "reviewerID": "AB95JJPRKPZDJ", "asin": "B0006SCZUE", "style": {"Size:": " Large", "Color:": " Stonewashed"}, "reviewerName": "Arkady", "reviewText": "THANKS!!!", "summary": "Five Stars", "unixReviewTime": 1416009600} +{"reviewerID": "A2UHS9W2TT9FXB", "asin": "B0009GEFPQ", "reviewerName": "Amazonian", "verified": true, "reviewText": "I like how its thick and doesn't show every contour of your torso", "overall": 5.0, "reviewTime": "04 20, 2018", "summary": "Good Thick T Shirt", "unixReviewTime": 1524182400} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A2VB6CA66JC92Q", "asin": "B0001YRWJ2", "style": {"Size:": " 38W x 32L", "Color:": " Indigo Rigid"}, "reviewerName": "the_sQuares", "reviewText": "These are very high quality though the top side buttons are pretty snug. You might want to size up the waist. Most importantly, there is a zipper for bathroom use!", "summary": "... very high quality though the top side buttons are pretty snug. You might want to size up the ...", "unixReviewTime": 1510185600} +{"reviewerID": "A1HTFTXTEHMJ9K", "asin": "B00028AZ6E", "reviewerName": "Alfin Taylor", "verified": true, "reviewText": "Cant go wrong with the classic fit of dickies. these did not let me down. great fit, great feel, nice look.", "overall": 5.0, "reviewTime": "02 25, 2014", "summary": "Beautiful", "unixReviewTime": 1393286400} +{"reviewerID": "A1GG7W6GV0DRLM", "asin": "B00028AZ6E", "reviewerName": "charles e cobb", "verified": true, "reviewText": "all the thread fail out of the belt loops,need these pants replaced", "overall": 1.0, "reviewTime": "11 1, 2016", "summary": "need contacted", "unixReviewTime": 1477958400} +{"overall": 3.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "ANKWQF8MP1JZD", "asin": "B00006XXGO", "style": {"Size:": " 10.5 US Men/12.5 US Women", "Color:": " White"}, "reviewerName": "Al DeLucia", "reviewText": "These seemed to have worn out sooner than other converse I have bought. The next time I will end up buying a half size smaller.", "summary": "These seemed to have worn out sooner than other converse ...", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "A1PMPKBJM2UT98", "asin": "B00016QOX0", "reviewerName": "levis jeans", "reviewText": "levis 517 rigid jeans are just what I like to wear. they are very comfortable and fit very well. I would recommend this product highly!", "summary": "levis rigid 517", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A1EWWLWHMYB2LJ", "asin": "B0000WLU5W", "style": {"Size:": " 48W x 30L", "Color:": " Navy"}, "reviewerName": "Reno Joe", "reviewText": "Good quality .", "summary": "Five Stars", "unixReviewTime": 1516838400} +{"reviewerID": "A2ZIZ9LCZJT9Y3", "asin": "B0002M8QHK", "reviewerName": "Nicolina", "verified": true, "reviewText": "Very cute flat shoe. If your feet tend to swell however I would order a wide width. Other than that the shoe looks great with jeans or capri pants!", "overall": 4.0, "reviewTime": "08 5, 2012", "summary": "very cute flat", "unixReviewTime": 1344124800} +{"overall": 4.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A202XNZLHBS6OJ", "asin": "B00009ZM7Z", "style": {"Size:": " 15 D(M) US", "Color:": " Midnight"}, "reviewerName": "Opinions are like...", "reviewText": "I have owned at least five pairs of these. I wear them out and buy new ones.\nMy only complaint (more of a wish) is that they would make them in a \"wide\" size. Currently there is only Medium.", "summary": "Great foot wear!", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "AGI3PQW9PTLX2", "asin": "B0007SUEYC", "style": {"Size:": " 10 B(M) US", "Color:": " Grey"}, "reviewerName": "Brittany", "reviewText": "while the style and quality are nice...\ni returned bc i normally wear a 10 and these were much too big and wide", "summary": "while the style and quality are nice..", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A2QDTCBRFUB9SF", "asin": "B0008EO5AE", "style": {"Size:": " 12", "Color:": " Authentic Nile"}, "reviewerName": "Jenn Shafer", "reviewText": "great jeans for loosing weight!", "summary": "Five Stars", "unixReviewTime": 1452816000} +{"overall": 3.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A2M8V73NV0RRBE", "asin": "B00006XXGO", "style": {"Size:": " 10 B(M) US Women / 8 D(M) US Men", "Color:": " Black"}, "reviewerName": "Allie Pavlucik", "reviewText": "Product was perfect!!!! However, My daughter was disappointed by they were so large. We ordered men's size 8 based on previous Chucks purchases, they were WAY too big :(", "summary": "Not true to size", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "ALUMQ25DUK42C", "asin": "B00009PM48", "style": {"Size:": " One Size", "Color:": " 2-hook White/Nude/Black"}, "reviewerName": "Yudy Beltran Castellanos", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2013", "reviewerID": "A1NW9T7VOB14ED", "asin": "B0002VANXG", "style": {"Size:": " Large", "Color:": " Sky Camo"}, "reviewerName": "F. Feickert", "reviewText": "Not a floppy sun hat at all, but happy with the quality. Wish I ordered a size smaller... way too big for my 10 yr old.", "summary": "Very stiff, but good quality", "unixReviewTime": 1360800000} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A33JXSIKPEO06K", "asin": "B0000CBALZ", "style": {"Size:": " 32W x 30L", "Color:": " Overdyed Black"}, "reviewerName": "Warner Alonso Vindas Hernandez", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1495411200} +{"overall": 3.0, "verified": true, "reviewTime": "05 3, 2018", "reviewerID": "A37RCUJ6YMB32Q", "asin": "B0009GCRQ0", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "after a few washes shrinks very small", "summary": "Three Stars", "unixReviewTime": 1525305600} +{"overall": 3.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "AQIYWURQXY54L", "asin": "B000095SGV", "style": {"Size:": " Large"}, "reviewerName": "K. Dunkley", "reviewText": "It fits but I wish I had bought XL instead of L. The back supports kept slipping out.", "summary": "Three Stars", "unixReviewTime": 1473552000} +{"overall": 1.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A1RFMV3UDQGYGW", "asin": "B0000891KM", "style": {"Size:": " C/D", "Color:": " Classic Navy", "Number of Items:": " 1"}, "reviewerName": "A. Lohr", "reviewText": "These ripped in about an hour.\nI put these on and within the hour there was a rip in the heel.\nI won't buy these again.\nI got exactly ONE wearing out of these for $8", "summary": "Terrible", "unixReviewTime": 1479945600} +{"overall": 2.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "AFX0LI88C5L15", "asin": "B0000V9E3S", "style": {"Size:": " 8.5 B(M) US", "Color:": " Mineral Blue/Green Glow"}, "reviewerName": "Nicole", "reviewText": "I ordered these shoes in a size 9 and they were way too big. I returned and ordered an 8.5 and they were way too small. Sizing is not accurate, which is too bad because they are a very cute shoe and I would have loved to wear them if they fit properly.", "summary": "which is too bad because they are a very cute shoe and I ...", "unixReviewTime": 1436400000} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AYU8D0XGJRYNG", "asin": "B0007WZZYC", "style": {"Size:": " 44W x 30L", "Color:": " Navy"}, "reviewerName": "eb", "reviewText": "great nice loooking work pants", "summary": "Four Stars", "unixReviewTime": 1493683200} +{"reviewerID": "A3UZTVYSGHJEFD", "asin": "B0007TP63K", "reviewerName": "beautiful wings", "verified": true, "reviewText": "Very comfortable and attractive.", "overall": 5.0, "reviewTime": "05 7, 2015", "summary": "Five Stars", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A2MQMDAIAPM991", "asin": "B0000WL750", "style": {"Size:": " 52W x 32L", "Color:": " Denim"}, "reviewerName": "Kay in Ohio", "reviewText": "I have purchased the bibs before and the high quality remains the reason.", "summary": "KayOhio", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A1NV4U3B5Q9QYV", "asin": "B0002M1366", "style": {"Size:": " 14 W US", "Color:": " Silver/Black/Royal"}, "reviewerName": "nmac", "reviewText": "Very comfortable for a walk or jog and I weigh over 300lbs", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2017", "reviewerID": "A5S92Z3O9TAU6", "asin": "B00075ZYTK", "style": {"Size:": " Medium", "Color:": " Dk Green"}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1512086400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A1Z30E653PQZX3", "asin": "B0000ANHT7", "style": {"Size:": " X-Large", "Color:": " Carhartt Brown"}, "reviewerName": "Traci M. Ross", "reviewText": "Bought this as a gift, my dad wears for outside working and he really likes them. It has held up in the wash as well.", "summary": "Good quality, comfy, and lasts.", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A1FEMGOF4SS3PY", "asin": "B0009XXAPK", "style": {"Size:": " 12 D US/M US", "Color:": " Antique Tan"}, "reviewerName": "LA", "reviewText": "great boots!! Love them for my man", "summary": "gorgeous!", "unixReviewTime": 1418342400} +{"overall": 2.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A1YO7ETS270MS7", "asin": "B0002NYVV4", "style": {"Size:": " X-Large", "Color:": " Ash"}, "reviewerName": "Chris", "reviewText": "Shrunk to a small medium after first wash", "summary": "It shrinks well", "unixReviewTime": 1488326400} +{"overall": 2.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A5D5D28SQ7BBT", "asin": "B00008L1ST", "style": {"Size:": " 38", "Color:": " Dark Navy"}, "reviewerName": "Jim H.", "reviewText": "I ordered a size larger than normal and they are still small", "summary": "Run small", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A2QIG0M7PB2FT6", "asin": "B0009HFOO6", "style": {"Size:": " 3XL(14-15.5US Mens)"}, "reviewerName": "beesting", "reviewText": "I wear a size 13 so I ordered the 14 1/2 -- 15 size rubber. I am glad I did because the sizes are a bit small and these just fit over my shoes.", "summary": "They just fit!", "unixReviewTime": 1437696000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A3VTX80G94RUT9", "asin": "B0007PN9XI", "style": {"Size:": " 13 D(M) US", "Color:": " Black/Running White"}, "reviewerName": "mike v", "reviewText": "Great product! Stylish and comfortable. I wear these everyday now and they are my main pair of shoes for my everyday wardrobe.", "summary": "Love these!", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2016", "reviewerID": "A26SQ3UQPQ8NVF", "asin": "B0007UM6BE", "style": {"Size:": " 46W x 30L", "Color:": " Indigo Blue Rigid"}, "reviewerName": "Roberts Review", "reviewText": "Quality product", "summary": "Five Stars", "unixReviewTime": 1452470400} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "A2EGT8FINN2Y8H", "asin": "B00030B20Y", "style": {"Size:": " Large", "Color:": " Navy"}, "reviewerName": "direktorbino", "reviewText": "Fits true to size; the hat is very comfortable and \"airy\" for the warm days/nights.", "summary": "the hat is very comfortable and \"airy\" for the warm days/nights", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2017", "reviewerID": "A30SSTQLQTM0SE", "asin": "B0009MZYD2", "style": {"Size:": " Medium (Women's Shoe Size 6.5-10.0, Men's Shoe Size 5.5-8.5)", "Color:": " Black"}, "reviewerName": "tfitzjake", "reviewText": "Love Thorlo socks. This one is a light padding,which I like.", "summary": "Five Stars", "unixReviewTime": 1514592000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A2AQSV7K5FEXHK", "asin": "B00075ZYTK", "style": {"Size:": " 3X-Large", "Color:": " Dk Green"}, "reviewerName": "Anna Gregov", "reviewText": "Looked everywhere for a nice quality shirt but was running out of luck until I discovered these. Very nice shirt.", "summary": "great shirt", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A3M77UTIH3E73F", "asin": "B0002MGB9K", "style": {"Size:": " Medium", "Color:": " Pink"}, "reviewerName": "Arlene", "reviewText": "love Shadowline. so nice for summer", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "ALJKBNCBJG4XX", "asin": "B00007GDAL", "style": {"Color:": " Black"}, "reviewerName": "Julie in Maryland", "reviewText": "Looks good. A little bigger than I expected, There is plenty of room for everything and the snap and latch are secure.", "summary": "Nice wallet", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "AP69HF4QRNJ90", "asin": "B0000WL750", "style": {"Size:": " 50W x 32L", "Color:": " Denim"}, "reviewerName": "kayla hinkle", "reviewText": "These bibs are excellent, although they fit a bit on the small side. They are great for layering and still allow you to move freely unlike the lined bibs.", "summary": "Excellent", "unixReviewTime": 1403136000} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A303RWFBTTK8FX", "asin": "B0002UNNR0", "style": {"Size:": " 10 W US", "Color:": " Black"}, "reviewerName": "Kerrya", "reviewText": "Soooo comfy", "summary": "Soooo comfy", "unixReviewTime": 1454371200} +{"overall": 3.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "AVH9LJ6HHAMHN", "asin": "B0001YRY8Q", "style": {"Size:": " 4X-Large/Regular", "Color:": " Dark Navy"}, "reviewerName": "taloft", "reviewText": "Arms are too long and the hem sits too high. If you have a gut, forget about it. Weird fit.", "summary": "Arms are too long and the hem sits too high ...", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": false, "reviewTime": "09 8, 2014", "reviewerID": "A3M12K5FRLTRJO", "asin": "B00024WB24", "reviewerName": "Wendell", "reviewText": "I like!", "summary": "band", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A3B9KDMGDLYSWL", "asin": "B0007SYOXY", "style": {"Size:": " 10.5 W US", "Color:": " Chocolate Moose"}, "reviewerName": "Kelly Mulcahy Kemp", "reviewText": "My son loves them. They fit perfectly out of the box and are super soft.", "summary": "They fit perfectly out of the box and are super soft.", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AIM42TABHJQLT", "asin": "B0007TTT2O", "style": {"Size:": " standard", "Color:": " Black"}, "reviewerName": "Sabrina", "reviewText": "Very satisfied", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "A2S3WSO0IW3YVD", "asin": "B000B5U75C", "style": {"Size:": " Little Girls (2-6X)", "Color:": " Theatrical Pink"}, "reviewerName": "Resonate", "reviewText": "For my four year old's first experience in ballet, I was not sure what to buy. I was pleased with my first purchase in these Danskin tights. They fit my daughter well and are easy to get on without tearing them. Will buy again.", "summary": "Nice tights", "unixReviewTime": 1389139200} +{"reviewerID": "A2N0LL5VIMFA8U", "asin": "B0006U68Z0", "reviewerName": "Rick", "verified": true, "reviewText": "I think I was expecting a tighter fit since they're Wrangler, and they're called \"Slim Fit Jean.\" The pair I received and am wearing almost feel like a relaxed fit jean....definitely not my style.", "overall": 4.0, "reviewTime": "12 28, 2012", "summary": "Not quite the fit I was expecting....", "unixReviewTime": 1356652800} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "A1SX8J8CWMUQ6X", "asin": "B0002NZ898", "style": {"Size:": " X-Large", "Color:": " Coffee Bean"}, "reviewerName": "Phylliscee", "reviewText": "Serves its purpose", "summary": "Four Stars", "unixReviewTime": 1501372800} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2014", "reviewerID": "A9NAB5INX05YK", "asin": "B000B2ZFQG", "style": {"Size:": " 8.5 C/D US", "Color:": " Green"}, "reviewerName": "Carole", "reviewText": "I normally wear an 8 1/2, but these things were huge. Too bad. I really liked them but they aren't available in and 8. :(", "summary": "Run BIG!", "unixReviewTime": 1390608000} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A3Q0R3EACJ42I6", "asin": "B00006XXGO", "style": {"Size:": " 8 D(M) US", "Color:": " Black/Monochrome"}, "reviewerName": "Lisa Colquette", "reviewText": "Love them!", "summary": "Four Stars", "unixReviewTime": 1440028800} +{"reviewerID": "ACXJMGMIVN3PQ", "asin": "B0001YRFS0", "reviewerName": "young jun min", "verified": true, "reviewText": "waist size is too small comparing to other brand. the construction of waist band is different from other pants and so, sewing of waist should be more allowance,not less allowance.", "overall": 1.0, "reviewTime": "05 29, 2014", "summary": "waist is too small", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A3RPXBQQSJZWM7", "asin": "B000A794Q4", "style": {"Size:": " 10.5 D(M) US", "Color:": " Bark"}, "reviewerName": "anahid", "reviewText": "great shoes", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2013", "reviewerID": "AO68WBQPG1ZH9", "asin": "B0002XSXWW", "style": {"Size:": " Small", "Color:": " White"}, "reviewerName": "tam60", "reviewText": "As always true Columbia quality great fit and at a great price. I received the short when promised with no problems and will recommend this short to friends and family!!", "summary": "Columbia short sleeve shirt!", "unixReviewTime": 1370044800} +{"reviewerID": "A3G0PVRIMXY6E2", "asin": "B000AXVDOO", "reviewerName": "AILEEN", "verified": true, "reviewText": "I love the way this bra fits me.", "overall": 5.0, "reviewTime": "01 20, 2015", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": false, "reviewTime": "10 31, 2014", "reviewerID": "A2I5PSE8O3U2SI", "asin": "B0002XSXWW", "style": {"Size:": " Small", "Color:": " Whitened Violet"}, "reviewerName": "Bernardo Soscun", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1414713600} +{"overall": 3.0, "verified": true, "reviewTime": "12 1, 2012", "reviewerID": "A2J6VPTD8AR3FV", "asin": "B0009C625G", "style": {"Size:": " 12 5E US", "Color:": " White"}, "reviewerName": "S. YOUNG", "reviewText": "the shoe is very light but not too supple. a new balance 4e is about as wide if not more. i have very wide feet and chose to return as i find most new balance more comfortable even tho the propet is a 5e. If you have more normal feet these will be good for you.", "summary": "not so special", "unixReviewTime": 1354320000} +{"reviewerID": "A1M9GSTM9UT21Q", "asin": "B0002MM4JG", "reviewerName": "Arnhout Zwingley", "verified": true, "reviewText": "inexpensive 100% cotton. short in length. pockets are too tiny for pens and pencils and still have the pocket flap close.", "overall": 3.0, "reviewTime": "09 27, 2015", "summary": "inexpensive 100% cotton shiret", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": false, "reviewTime": "10 1, 2015", "reviewerID": "ADOR3TR7GDF68", "asin": "B000B2LP6U", "style": {"Size:": " 11 D(M) US", "Color:": " Chestnut Lariat"}, "reviewerName": "F T. A.", "reviewText": "Loafer do not offer support so that question is no good.\nThey do run to big. Make sure to purchase a half side smaller.\nWorked for me and now they are a very comfortable show.", "summary": "Buy a Half Size Smaller Than You Normally Wear", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A7MX7E6BEUJAY", "asin": "B000851FM4", "style": {"Size:": " Small", "Color:": " White"}, "reviewerName": "Marsha Eastman", "reviewText": "Very happy with jerzees!!", "summary": "Five Stars", "unixReviewTime": 1466985600} +{"overall": 1.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A2TB6P2RL2IS00", "asin": "B00006XXGO", "style": {"Size:": " 11.5 US Men/13.5 US Women", "Color:": " Black/Black"}, "reviewerName": "Trace Brown", "reviewText": "Chucks run big. I wear 11 1/2 with every shoe. Chucks i wear 10.", "summary": "THEY RUN BIG!", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2017", "reviewerID": "A3DIJQQN7EB7ZG", "asin": "B000A7G6OC", "style": {"Size:": " 34Wx34L", "Color:": " Khaki"}, "reviewerName": "Mustafa Karmaza", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1502323200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A2Q9L3HOQN4N71", "asin": "B000AYW0KO", "style": {"Color:": " Two-Tone/White"}, "reviewerName": "trisha", "reviewText": "i got it and put it on in less then 5 seconds and loving it since, so easy to read aNd the indigo light when it is dark is awesome, love taking it on and off so easily JUST LOVE IT TOTALLY!!!", "summary": "so easy to read aNd the indigo light when it is ...", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A1ISULVJS7S2Y4", "asin": "B000ARTQGC", "style": {"Size:": " 8 D(M) US", "Color:": " Allspice"}, "reviewerName": "LINDA", "reviewText": "MY GREAT GRANDSON LOVES THESE", "summary": "Five Stars", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2017", "reviewerID": "A8S3QX76BV2WL", "asin": "B0008EO5AE", "style": {"Size:": " 6 Long", "Color:": " Authentic Dark"}, "reviewerName": "Karen Gaudet", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1496361600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A30659D8KEZOCR", "asin": "B0002MFPCO", "style": {"Size:": " One Size", "Color:": " Black With Chain"}, "reviewerName": "STACEY HARVEY", "reviewText": "A great product. With fast shipping", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "AVQH4J3MKNAYB", "asin": "B0002LY3CS", "style": {"Size:": " 10 D(M) US", "Color:": " Sahara"}, "reviewerName": "Kevin Gorder", "reviewText": "Most comfortable boat shoes I've owned. Material around Calcaneal tendon is very soft.", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A1RLLTUBCFQV22", "asin": "B0000ZE6AK", "style": {"Size:": " X-Large/8", "Color:": " Candleglow"}, "reviewerName": "Paula the Gourmet", "reviewText": "Generous coverage where needed, but not bulky. Cool, smooth material. I like the way the seam down the back helps the fit.", "summary": "A generous fit for plus sized women", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "AFIWETRT2XQL7", "asin": "B0007PN9XI", "style": {"Size:": " 10 D(M) US", "Color:": " Black/Running White"}, "reviewerName": "Steven", "reviewText": "Great shoe for martial arts", "summary": "Five Stars", "unixReviewTime": 1473292800} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A2QAS7RSZUKX5V", "asin": "B0007VDMUW", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "George Bowser", "reviewText": "Perfect fit but the brim hangs down in my eyes. I'm working on it to fix the problem. I use it but I ware a small stoking cap it pulls the brim up out of my eyes but then it get's to hot but it does keep me worm and that's what counts.", "summary": "Vary nice for the price.", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "AXEOXQUMZ1SN3", "asin": "B0000868IP", "style": {"Size:": " 40DDD", "Color:": " Light Beige", "Number of Items:": " 1"}, "reviewerName": "Cheryl G. Frank", "reviewText": "I always wear the same bra as it is a good fit and good quality. Shipped and arrived as expected.", "summary": "Good quality, fit and price", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A1JKAYY425I6G5", "asin": "B0009U55MY", "reviewerName": "lily y", "reviewText": "THese briefs fit well and is so comfortable . Great for traveling, the packaging is great, hardly takes up any space. No more hand washing underwear in the hotels. I will use this whenever I travel. My husband is using mens' paper briefs also when he travels.", "summary": "great for traveling", "unixReviewTime": 1381363200} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A98DPY3VILC21", "asin": "B000089V7W", "reviewerName": "Melissa", "reviewText": "The Converse td shoes is very nice but somewhat to large in size, but he could grow into them. Overall the shoe is good.", "summary": "Converse td black low cut causal", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "AVCUVYUCMC9GW", "asin": "B000B2LP6U", "style": {"Size:": " 9.5 D(M) US", "Color:": " Chestnut Lariat"}, "reviewerName": "Bonnie L. Albert", "reviewText": "Will buy again", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"reviewerID": "A3HB80TKAS4KS0", "asin": "B00028AZ6E", "reviewerName": "Larry Copeland", "verified": true, "reviewText": "Dickies original pants are the only work pants that last a long time I have found. They are quality built , reinforced pockets, and at the same time comfortable.", "overall": 5.0, "reviewTime": "01 10, 2013", "summary": "Good quality", "unixReviewTime": 1357776000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A2ISFAV0IV8T55", "asin": "B00006XXGO", "style": {"Size:": " 10 US Men/12 US Women", "Color:": " Black"}, "reviewerName": "JGD", "reviewText": "Great product", "summary": "Great shoes", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A1QR8ZABLYN4WZ", "asin": "B000A38CZC", "style": {"Size:": " Large", "Color:": " Vintage Indigo"}, "reviewerName": "ChisJust", "reviewText": "Its looks great and fits perfect. Color is just what I was looking for in a jea jacket.", "summary": "Awsome Jean jacket", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A3IMB7BWGFOFEK", "asin": "B0000DCS5T", "style": {"Size:": " 9 D(M) US", "Color:": " Linen"}, "reviewerName": "Debbie", "reviewText": "They are good looking shoes. My husband likes them he said they are comfortable. He has had cheaper shoes but they never fit like these do. We will stay with Sperry shoes. You can't beat them!", "summary": "Great shoes!!", "unixReviewTime": 1458691200} +{"reviewerID": "A2YFR0Z4G857LA", "asin": "B0007SUEVK", "reviewerName": "LahxLah", "verified": true, "reviewText": "Very pretty, I have gotten many compliments on them. Very comfortable.", "overall": 4.0, "reviewTime": "05 18, 2017", "summary": "Very pretty shoes", "unixReviewTime": 1495065600} +{"reviewerID": "A3UKV0G07MJ462", "asin": "B00028AZ6E", "reviewerName": "Mark S.", "verified": true, "reviewText": "Perfect for my son's job.", "overall": 5.0, "reviewTime": "12 16, 2016", "summary": "Five Stars", "unixReviewTime": 1481846400} +{"overall": 3.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A15AT16C99UPR2", "asin": "B0002XSWR8", "style": {"Size:": " Medium", "Color:": " White Cap"}, "reviewerName": "Kyungwoo.Cheon", "reviewText": "178Cm tall 70kg.\nBut the medium size is too big for me.\nQuality is good.", "summary": "difficult sizing information", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "A32NEDX6UVV8DE", "asin": "B0009CSE1Q", "style": {"Size:": " 11 D(M) US", "Color:": " Dark Brown Burnished"}, "reviewerName": "JGS", "reviewText": "I was surprised how well this shoe fits and how comfortable it is, even the first time you wear it.", "summary": "Very comfortable good looking shoe", "unixReviewTime": 1367625600} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2013", "reviewerID": "AOS0WCLR7L6EX", "asin": "B0007VTQ02", "style": {"Size:": " 8 B(M) US", "Color:": " Brown"}, "reviewerName": "Mary C. Cardin", "reviewText": "I purchased these boots for my daughter and she absolutely loves them. I was concerned that they were going to be too small but she is lucky that she has a narrow width and they will stretch out being leather.", "summary": "Minnetonka boots", "unixReviewTime": 1388016000} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2017", "reviewerID": "A2A9LKOKDL1LRX", "asin": "B000851FM4", "style": {"Size:": " Large", "Color:": " Oxford"}, "reviewerName": "Shibas1", "reviewText": "I thought theses had pockets, if I had known they did not I would not have bought them. otherwise they are nice enough for what I want to wear them for", "summary": "otherwise they are nice enough for what I want to wear them", "unixReviewTime": 1510444800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A2KSEXP6WS6RVM", "asin": "B00075ZYTK", "style": {"Size:": " X-Large", "Color:": " Basic Gold"}, "reviewerName": "C. Agostine", "reviewText": "Product arrived on time. The color is as pictured a nice vibrant yellow and the size XL is as expected", "summary": "The color is as pictured a nice vibrant yellow and the size XL is as", "unixReviewTime": 1443657600} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "12 30, 2009", "reviewerID": "A12GK5JUYAV0HM", "asin": "B000A68EAW", "style": {"Color:": " Black"}, "reviewerName": "M. Charles", "reviewText": "Ordered a set for a trip. They are durable and allowed me to pack other items in with my shoes without the lingering concern of my heels piercing into my garments or leaving unpleasant traces in my luggage. I found them worth the purchase.", "summary": "Exactly What I Needed", "unixReviewTime": 1262131200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A9RK6XRM4Q7HY", "asin": "B0002PO16W", "style": {"Size:": " Small / Medium", "Color:": " Ballet Pink"}, "reviewerName": "Pat , FL", "reviewText": "fit well", "summary": "Five Stars", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2018", "reviewerID": "A3PPQPQ7L4ERYT", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "MGruson", "reviewText": "Comfortable, good price, Prime is easier than going to the department store.", "summary": "Comfortable, well made", "unixReviewTime": 1516665600} +{"reviewerID": "A4E217SXSG1IJ", "asin": "B0009GEFPQ", "reviewerName": "Ricardo S Chavez", "verified": true, "reviewText": "Love this quality material and excellent for working out or everyday use. great price for a great product", "overall": 5.0, "reviewTime": "04 30, 2017", "summary": "great color", "unixReviewTime": 1493510400} +{"reviewerID": "A2U1U2RIXTEPB0", "asin": "B00091SSU4", "reviewerName": "David G. Updyke", "verified": true, "reviewText": "wears thru all I can give it", "overall": 5.0, "reviewTime": "03 18, 2016", "summary": "Five Stars", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "AH13EGBR8LYC", "asin": "B00006XXGO", "reviewerName": "I RECEIVED THE PRODUCTS WITHOUT PROBLEM", "reviewText": "I RECEIVED THE PRODUCTS WITHOUT PROBLEM no hesitation in recommending I really like and is very useful is excellent product", "summary": "Converse Men's CONVERSE CHUCK TAYLOR ALL STAR BASKETBALL SHOES 8 (CHARCOAL)...", "unixReviewTime": 1378425600} +{"overall": 3.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A28783VQT3U5A5", "asin": "B0000868IP", "style": {"Size:": " 34DDD", "Color:": " Light Beige", "Number of Items:": " 1"}, "reviewerName": "Ann Randle", "reviewText": "Scratchy and too big", "summary": "Scratchy", "unixReviewTime": 1412294400} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A2GDXCGLUXVNGV", "asin": "B000A6W2E6", "style": {"Size:": " 12 D(M) US/13 B(M) US", "Color:": " Garden Green"}, "reviewerName": "RWoodB", "reviewText": "I purchased the recommended size, but the heel tends to slip out of the boot unless I wear thick socks. As that can be uncomfortable on a hot day, I have recently affixed a pad to the inside of the back lining. That appears to be working.", "summary": "Requires heavy socks", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "APMB4CPD3W2K5", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " Minty Fresh"}, "reviewerName": "Kathryn Olson", "reviewText": "Perfect for skiing! I love how you can pull it up over your mouth or push it down. Great for the ski lift and then I would push it down once I was skiing. But still kept my neck warm all day.", "summary": "Perfect for skiing", "unixReviewTime": 1422835200} +{"reviewerID": "A2WNE9R6VWDTDC", "asin": "B0000AFSX4", "reviewerName": "Gloria", "verified": true, "reviewText": "Ordered these for a female followed the other reviews and they fit great", "overall": 4.0, "reviewTime": "10 28, 2014", "summary": "ordered them for an adult female", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A33WCCUBPPO4WG", "asin": "B0009JIJ8M", "style": {"Size:": " 8-9", "Color:": " Ivory"}, "reviewerName": "beloved 41", "reviewText": "My Godmother loved them.", "summary": "Loved them!", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "AGRCEVY0BMJZU", "asin": "B0001N5WMW", "style": {"Size:": " 7.5 B(M) US", "Color:": " Poseidon/Capri"}, "reviewerName": "mrogow", "reviewText": "Great shoes! Very comfortable and nice looking too. I love these shoes and wear them almost everyday.", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"reviewerID": "AVLAIY73A5HSN", "asin": "B0001YRFS0", "reviewerName": "christina polo", "verified": true, "reviewText": "Buying more!", "overall": 5.0, "reviewTime": "11 9, 2014", "summary": "Five Stars", "unixReviewTime": 1415491200} +{"overall": 3.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A373GDDG2VKF6D", "asin": "B0002MFOYS", "style": {"Size:": " 38", "Color:": " Brown"}, "reviewerName": "kevin", "reviewText": "cheaply made.", "summary": "Three Stars", "unixReviewTime": 1457222400} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "A2Y4H3PXB07WQI", "asin": "B0007CKMOU", "style": {"Size:": " 44W x 36L", "Color:": " Antique Indigo"}, "reviewerName": "Richard Sims", "reviewText": "I'm generally happy with these, I like them better than my Old Navy jeans. The crotch popped a seam about a month into owning them, but they didn't rip and there's no hole. Don't know if that will grow into an issue or not, but overall very happy.", "summary": "Nice jeans.", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2018", "reviewerID": "A34TA2ARE7ADI5", "asin": "B00009ZM7Z", "style": {"Size:": " 8.5 D(M) US", "Color:": " Castlerock"}, "reviewerName": "Chucklaw", "reviewText": "I have has several pairs and they are comfortable and rugged and look good as well", "summary": "Five Stars", "unixReviewTime": 1517875200} +{"reviewerID": "AFA2844YD0M6R", "asin": "B00028AZ6E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "we bought this for a sailor costume and it worked great - good quality, fits good", "overall": 5.0, "reviewTime": "06 21, 2016", "summary": "nice pants", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A1DU3GKPLOESFB", "asin": "B0002RRN4M", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black"}, "reviewerName": "Suzanne Cosmo", "reviewText": "love them, dancing all the time.", "summary": "Five Stars", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A35NV5EG0MAGAU", "asin": "B00008WIAN", "style": {"Size:": " One Size", "Color:": " Town Taupe"}, "reviewerName": "Ruth", "reviewText": "A must have for me, they are just the perfect thing to wear with pants.\nThe fit is great, easy to slip on, quick wash and dry. Would be great\nif they were six to a pack.", "summary": "they are just the perfect thing to wear with pants", "unixReviewTime": 1417910400} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2013", "reviewerID": "A2DULO3OTXW54R", "asin": "B0007KPP7G", "style": {"Size:": " Medium", "Color:": " Khaki"}, "reviewerName": "Melissa", "reviewText": "Style has clean lines and washes well even after 100+ washes. Make sure to take it out of the drier as soon as it's done and you will never have to iron. Only negative is the draw strings never stay tied, constantly I find them dangling in an awkward position.", "summary": "Almost perfect", "unixReviewTime": 1367020800} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2012", "reviewerID": "A1KXS49ZYYVNYQ", "asin": "B00075ZYTK", "style": {"Size:": " 3X-Large", "Color:": " Basic Black Heather"}, "reviewerName": "Don C Reedy", "reviewText": "I bought these T-shirts about a month ago and have been very impressed with the quality. I use them to work out in and to wear out in public. I plan to buy these again. They fit well and look good.", "summary": "great T-shirts", "unixReviewTime": 1342569600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A2QVVG1I938X4O", "asin": "B000A5APXM", "style": {"Size:": " 32W x 30L", "Color:": " Scorpius - Stretch"}, "reviewerName": "Ray Rose", "reviewText": "513 has become hard to find at my local retailer. I love these jeans!", "summary": "Perfect!", "unixReviewTime": 1491177600} +{"reviewerID": "A3P25TAHA4XBUI", "asin": "B0000Y5T7A", "reviewerName": "Vicktoria Rose", "verified": true, "reviewText": "I am 5'7 and these are way too short. Poorly made. Cheap. Will tear after one use.", "overall": 1.0, "reviewTime": "02 20, 2016", "summary": "Terrible", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A38YLGWHZDQVVX", "asin": "B00067G3E4", "style": {"Color:": " Hot Pink/Black"}, "reviewerName": "Karen Elkin", "reviewText": "Beautiful vibrant colors! Great fabric. Very comfortable. I use it for Hula class and it works great.", "summary": "Beautiful Sarong", "unixReviewTime": 1474934400} +{"reviewerID": "A2M45JWTVEBMRY", "asin": "B0001YRFS0", "reviewerName": "JOHN D CORNELISON JR", "verified": true, "reviewText": "The availability of my size was paramount for my purchasing from Amazon. The pants fit perfect and are great for my job as a restaurant manager. The color retention and durability are second to none.", "overall": 5.0, "reviewTime": "08 29, 2013", "summary": "Perfect for my job.", "unixReviewTime": 1377734400} +{"reviewerID": "A1SHUEQA0WHMDJ", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Pants are longer and narrower than expected and use a very uncomfortable material.", "overall": 2.0, "reviewTime": "04 27, 2017", "summary": "Two Stars", "unixReviewTime": 1493251200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A1UHLI05EFG7FG", "asin": "B0009KN2BU", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Susan L", "reviewText": "Very happy with price and workmanship.", "summary": "Perfect gift for Dad", "unixReviewTime": 1433894400} +{"overall": 3.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "AI25O203PCHQQ", "asin": "B00020OCD4", "style": {"Size:": " XXXXX-Large", "Color:": " Navy"}, "reviewerName": "Joe - Everett, WA", "reviewText": "Longer of a coat than I had thought, so you need long arms to reach into the coat pockets. But at the price, it works fine for me as I use it during rainy days when walking to lunch from my office. It is nice not having to walk around with an umbrella.", "summary": "Longer than it looks", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2012", "reviewerID": "A38GHT8QMWPX47", "asin": "B00007GDG5", "style": {"Color:": " Taupe"}, "reviewerName": "sassyjane", "reviewText": "I've used this clutch for years and have been unable to find it locally. Went onto Amazon and there it was! It hasn't arrived yet but I already know I'm going to love it! It does the job for me!", "summary": "Buxton Clutch", "unixReviewTime": 1352937600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "A3QA3CV2VHZM1K", "asin": "B0007MFW8Q", "style": {"Size:": " 10.5 D - Medium", "Color:": " Oakwood"}, "reviewerName": "Amazon Customer", "reviewText": "Great shoes exactly what I wanted", "summary": "Five Stars", "unixReviewTime": 1466640000} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2016", "reviewerID": "A2OUD6BY6L72ZQ", "asin": "B0001YRWJ2", "style": {"Size:": " 36W x 32L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "Anthony Stewart", "reviewText": "liked them", "summary": "Four Stars", "unixReviewTime": 1475884800} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A322GVGB5643SQ", "asin": "B0000DZJLM", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "Ada Todd-Gonzales", "reviewText": "Very comfortable shorts. Nice enough for running errands or going to the playground and comfortable enough for around the house. I'm 5' tall and these hit me right at the knee.", "summary": "Comfortable", "unixReviewTime": 1418947200} +{"reviewerID": "A1E6JLANZK48QB", "asin": "B00028AZ6E", "reviewerName": "david a jentz", "verified": true, "reviewText": "pants look ok but sizing is off.", "overall": 2.0, "reviewTime": "09 29, 2017", "summary": "pants look ok but sizing is off.", "unixReviewTime": 1506643200} +{"overall": 3.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "AU7W2NU5KDRHH", "asin": "B000AYW0KO", "style": {"Color:": " Two-Tone/White"}, "reviewerName": "grande2011", "reviewText": "The watch works fine. The band is cheap and scratchy. Also it is tight on my wrist. I am going to replace the band to something more comfortable today!", "summary": "Easy to read timex", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A2N43G681J89VZ", "asin": "B000A2KCAQ", "style": {"Size:": " 32W x 32L", "Color:": " Bark"}, "reviewerName": "Amazon Customer", "reviewText": "Constantly by these. Just ordered more", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 3.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A2QKAM2PXU6B4M", "asin": "B000A2KCAQ", "style": {"Size:": " 40W x 32L", "Color:": " Black"}, "reviewerName": "Florida-Girl", "reviewText": "Run small. Ended up returning.", "summary": "Run small. Ended up returning.", "unixReviewTime": 1444435200} +{"reviewerID": "A37I08DN6VI458", "asin": "B0009PS580", "reviewerName": "colleen f walsh", "verified": true, "reviewText": "nice quality for money.", "overall": 5.0, "reviewTime": "09 16, 2014", "summary": "nice", "unixReviewTime": 1410825600} +{"reviewerID": "A2HL33QCUHQYBA", "asin": "B000783UXO", "reviewerName": "larry schmidt", "verified": true, "reviewText": "good fit", "overall": 4.0, "reviewTime": "06 4, 2015", "summary": "Four Stars", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A5XLWBMK8L180", "asin": "B0008GHG62", "style": {"Size:": " 13 W US", "Color:": " Amaretto"}, "reviewerName": "Amazon Customer", "reviewText": "Great shoe, I hope they last as long as my previous pair (over 30 years).", "summary": "Nice", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A8SYH0Q67OFH8", "asin": "B000A0LRCK", "style": {"Size:": " Big Girls", "Color:": " Ballet Pink"}, "reviewerName": "Lauren D", "reviewText": "These are nice thick tights. They held up to my 3 year olds dance class andMy daughter kneeleing in black mulch on the way out of dance class but they washed well!", "summary": "Good quality", "unixReviewTime": 1468108800} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A346LTHGF6CB2I", "asin": "B0002NZ898", "style": {"Size:": " Large", "Color:": " Purple"}, "reviewerName": "PJ Casto", "reviewText": "I love it fits great & like the fabric nice & comfy", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A375AMOJQNDR7D", "asin": "B0007YR980", "style": {"Size:": " 38D", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "annieo", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A1HF4MXN9Z28FE", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "E. Danao", "reviewText": "These socks are great and I like that they don't have a logo on them, so I don't feel weird wearing any brand of shoe with them! haha", "summary": "Great!", "unixReviewTime": 1408060800} +{"reviewerID": "A3SOV6BUMWHETL", "asin": "B0000865II", "reviewerName": "DMB", "verified": true, "reviewText": "Nice fit", "overall": 4.0, "reviewTime": "09 18, 2017", "summary": "Four Stars", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "AV6AKIOT7F9RJ", "asin": "B0002THW4Q", "style": {"Size:": " One Size", "Color:": " Pale Assorted"}, "reviewerName": "MydearestDaisy", "reviewText": "Cute n comfy", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A2P7HWKFQIBS9Q", "asin": "B00001T38Y", "style": {"Size:": " One Size", "Color:": " White"}, "reviewerName": "DelBo", "reviewText": "Have to tape it together to stay", "summary": "Four Stars", "unixReviewTime": 1429920000} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A342VXYGE9QSXT", "asin": "B0002FHJ66", "style": {"Size:": " Large", "Color:": " Antique Cherry Red"}, "reviewerName": "dan a johnson", "reviewText": "We love it. Very nice and warm. One of us is always wearing it.", "summary": "Nice and warm", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2013", "reviewerID": "A2MUH2S1EKNJIJ", "asin": "B000A1GW06", "style": {"Size:": " 7 D(M) US", "Color:": " Sage"}, "reviewerName": "DaMama", "reviewText": "My husband has small feet (size 7) with a high instep and a narrow heel, so getting boots that fit is a chore and very time-consuming. We found these boots and they are a perfect fit and so well-made that he immediately had me order a second pair in a different color.", "summary": "Finally...", "unixReviewTime": 1363305600} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "ACI1P6VJHARRQ", "asin": "B0006M1VXW", "style": {"Size:": " 10 D(M) US", "Color:": " Black Polished"}, "reviewerName": "John", "reviewText": "These shoes are the perfect non-suit shoes. Look amazing with dress pants and shirt. I wear 10.5 in everything, but these I wear a 10. So I had to order a size smaller", "summary": "Great Great Great shoes!", "unixReviewTime": 1429142400} +{"reviewerID": "A1M7AGRWJ1WKD", "asin": "B00028AZ6E", "reviewerName": "Kirk Kuykendall", "verified": true, "reviewText": "too small", "overall": 2.0, "reviewTime": "01 18, 2016", "summary": "Two Stars", "unixReviewTime": 1453075200} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "AC5GPYUTVFUJ9", "asin": "B0009B3IN6", "reviewerName": "Renata", "reviewText": "birkens are amazing !\nsadly, this fitted a little larger, and so it was loose .", "summary": "size", "unixReviewTime": 1470614400} +{"overall": 3.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A2AOP5SFEP506G", "asin": "B0009GC7UQ", "style": {"Size:": " Large", "Color:": " Deep Royal"}, "reviewerName": "Burton Williams", "reviewText": "Material was a bit thin. Do you have another similar one a bit thicker?", "summary": "Three Stars", "unixReviewTime": 1418342400} +{"reviewerID": "A2G72PSIWFVHSZ", "asin": "B000A2K9S6", "reviewerName": "oscar silva", "verified": false, "reviewText": "GOOD CHOICE.", "overall": 4.0, "reviewTime": "07 10, 2014", "summary": "Four Stars", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2017", "reviewerID": "AV697X3QWQLQI", "asin": "B0002TOZ1Y", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "kd5mjj2003", "reviewText": "Perfect. Soft, thick enough, comfortable.", "summary": "Ace", "unixReviewTime": 1504310400} +{"reviewerID": "A20VYWN78JUI9R", "asin": "B00028AZ6E", "reviewerName": "Justin R.", "verified": true, "reviewText": "Had to order another pair one waist size bigger. Pockets are too small", "overall": 4.0, "reviewTime": "06 14, 2016", "summary": "Four Stars", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2016", "reviewerID": "A3NHZ8L6H3VCVT", "asin": "B000657TLW", "style": {"Size:": " 11 D(M) US", "Color:": " Dark Brown"}, "reviewerName": "Dennis Norton", "reviewText": "I have been wearing this boot for years. The price was the best out of anywhere and delivered right to my door. Outstanding", "summary": "The price was the best out of anywhere and delivered right to my door", "unixReviewTime": 1475452800} +{"overall": 4.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A25XOTEGNWDOJY", "asin": "B0009F0Z38", "style": {"Size:": " Medium / 6.5-7.5 B(M) US", "Color:": " Black"}, "reviewerName": "A. Bryant", "reviewText": "Fit the job for what I needed them.", "summary": "Good addition to my collection", "unixReviewTime": 1491004800} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A1CDR9JMB9KBEV", "asin": "B000AGYEPG", "style": {"Size:": " 11 D(M) US", "Color:": " Black"}, "reviewerName": "Frank Lamberti", "reviewText": "Nice shoes look well made, lucky they fit good, no Invoice or return information in package which was just a thin plastic envelope.", "summary": "No paper work.", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A2WCMWJL3N2ZDU", "asin": "B00080FK2U", "style": {"Color:": " Green Classic", "Width:": " 58"}, "reviewerName": "jbird2191", "reviewText": "Great glasses. Just what you would expect from Ray Ban. Just what was expected. Great price. Can't beat Ray Ban.", "summary": "Great glasses.", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2018", "reviewerID": "A2YTWOFPHJOFZI", "asin": "B000A38CZC", "style": {"Size:": " X-Large Tall", "Color:": " Antique Indigo"}, "reviewerName": "Dale Hamon", "reviewText": "Thick perfect size", "summary": "Heavy duty thick", "unixReviewTime": 1525132800} +{"reviewerID": "A1UBN6YI1RWXQL", "asin": "B0009GAXC0", "reviewerName": "Pat L.", "verified": true, "reviewText": "See subject.", "overall": 4.0, "reviewTime": "11 23, 2014", "summary": "Body of shirt is good for all around fit and length...but arms are tight. Sleeves length good too.", "unixReviewTime": 1416700800} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A2ZPTLK9CVMUDI", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Blue", "Number of Items:": " 6"}, "reviewerName": "CS", "reviewText": "These are really good sox. Bought these to replace socks that I wear with boots and casual shoes. They fit the need with one exception. I am pretty rough on the heels and would like to have had a reinforced heel. Still, for the price they are a great deal. Very happy.", "summary": "Good Sox Deal", "unixReviewTime": 1494806400} +{"reviewerID": "A2NAVDSQIORR4I", "asin": "B0007MFWZ4", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Nice and comfort", "overall": 5.0, "reviewTime": "04 20, 2016", "summary": "Five Stars", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A2IMBVJ15214R5", "asin": "B00023JONO", "style": {"Style:": " Silver (16\" Length)"}, "reviewerName": "Jeanne", "reviewText": "Beautiful and very useful", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 5, 2014", "reviewerID": "A2BJ3YPXFT006A", "asin": "B0001N6ADW", "reviewerName": "aviraz", "reviewText": "This product is well constructed but ridiculously small. I cannot imagine any use for this bag and it's definitely not a good travel duffel bag. I would highly recommend it if it was twice as big.", "summary": "way too small", "unixReviewTime": 1396656000} +{"reviewerID": "A29I76F04ERLW", "asin": "B00091SSU4", "reviewerName": "JimV", "verified": true, "reviewText": "No complaints", "overall": 4.0, "reviewTime": "03 28, 2016", "summary": "No complaints", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A37ZA4UC523EE4", "asin": "B0002AHYW0", "style": {"Size:": " 33W x 30L", "Color:": " Dark Wheat"}, "reviewerName": "Jeana J", "reviewText": "husband looks great in these work pants.", "summary": "Five Stars", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "AWJI3VB3H2AJI", "asin": "B0000CBALZ", "style": {"Size:": " 33W x 32L", "Color:": " Vintage Indigo"}, "reviewerName": "Quentin", "reviewText": "What can I write? They are Wranglers and that speaks for it self. I tried them on and hung them in the closit for later. They are high quality jeans and love the color. From a 1 to a 10= 10", "summary": "I've only tried them on, never wore them.", "unixReviewTime": 1389830400} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2017", "reviewerID": "A2YFR0Z4G857LA", "asin": "B0007SUEYC", "style": {"Size:": " 7.5 B(M) US", "Color:": " Pink"}, "reviewerName": "LahxLah", "reviewText": "Very pretty, I have gotten many compliments on them. Very comfortable.", "summary": "Very pretty shoes", "unixReviewTime": 1495065600} +{"reviewerID": "A1GKNZSE8QM25W", "asin": "B0001YRFS0", "reviewerName": "Andrew J. Meismer", "verified": true, "reviewText": "Classic cut...", "overall": 5.0, "reviewTime": "06 3, 2015", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A3AN9GTQS889JI", "asin": "B0009RLR9C", "style": {"Size:": " 2.5 M US Little Kid", "Color:": " Black Leather"}, "reviewerName": "wcluu", "reviewText": "My little one said the shoes comfortably fit and he loves it!", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "ABPFFIUVE8PYM", "asin": "B000AYUMWW", "style": {"Size:": " 10 D(M) US", "Color:": " Black"}, "reviewerName": "Michael", "reviewText": "I bought this Spring; they fit so well the second day I wore them all day! I was clearing Horse Trails from winter damage; going up and down trails! They felt like I owned for months! :) Those were Tan, so I got second pair in Black! Just Do It!", "summary": "Second Pair I've Bought!", "unixReviewTime": 1407283200} +{"overall": 1.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "A2BPUWBG1ZCV71", "asin": "B0006Z3HMW", "reviewerName": "Lorrie G", "reviewText": "Too difficult to use.", "summary": "too difficult to use", "unixReviewTime": 1492387200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A310ZWB51KZAWU", "asin": "B000095SGV", "style": {"Size:": " XXXX-Large"}, "reviewerName": "Betsy Taylor", "reviewText": "Fit well and REALLY helped my sore back. It also allowed me to stand up straight.\n\nI used it without the shoulder straps, which were easy to remove.\n\nDefinitely recommend.", "summary": "which were easy to remove", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A12RKBDS5KVOGV", "asin": "B0008EOQ4O", "style": {"Size:": " 36W x 32L", "Color:": " Light Stone"}, "reviewerName": "Chester L Boggd", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A2O01TSIZSEHZP", "asin": "B0009G5V0E", "style": {"Size:": " Large", "Color:": " Purple"}, "reviewerName": "T L.", "reviewText": "Great value for the price. Feels quite substantial. Color and size are as expected, but ladies, there is not a ton of stretch in the waistband, so if you are hippy (as I am) you might want to size up.", "summary": "Great value", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "AZ2SBWBU62I6O", "asin": "B000B5U75C", "style": {"Size:": " Big Girls (7-16)", "Color:": " Black"}, "reviewerName": "mommy of 2", "reviewText": "Very good quality. Perfect for dance recital.", "summary": "Five Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2017", "reviewerID": "A1L08GU28OCD0B", "asin": "B0002MGM4O", "style": {"Size:": " Medium", "Color:": " Tribal"}, "reviewerName": "Jaime Brugueras", "reviewText": "Best shirts and very comfortable", "summary": "Five Stars", "unixReviewTime": 1487289600} +{"overall": 4.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A3O5EWG8EV6VRF", "asin": "B00006XXGO", "style": {"Size:": " 4 Men - 6 Women", "Color:": " Natural"}, "reviewerName": "Julianna K. Stone de Melo", "reviewText": "Perfect.", "summary": "Four Stars", "unixReviewTime": 1410480000} +{"reviewerID": "ASHO96ZB8AL1Z", "asin": "B0002USCE4", "reviewerName": "Lindsey W", "verified": true, "reviewText": "Bought these for my 6 year old daughter, who normally wears a size 12. We got a 12.5 in this and they are working out great.", "overall": 5.0, "reviewTime": "05 15, 2016", "summary": "5 in this and they are working out great.", "unixReviewTime": 1463270400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "ACYMUYTWDS90C", "asin": "B0009J29TC", "style": {"Size:": " 8 B(M) US", "Color:": " Silver Leather"}, "reviewerName": "Steve S.", "reviewText": "Like the way they look as compared to other athletic shoes. Also very comfortable. This makes my 3rd pair.", "summary": "Love Merrill shoes", "unixReviewTime": 1488758400} +{"reviewerID": "A2SKSPJOV24116", "asin": "B000B5U5FE", "reviewerName": "Cynthia W.", "verified": true, "reviewText": "Perfect fit for my 4 year old. Love the look to them. And they look durable, as they are not thinly made.", "overall": 5.0, "reviewTime": "02 1, 2016", "summary": "Perfect fit for my 4 year old", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "AGDPFDF2GM8EQ", "asin": "B0009G5V0E", "style": {"Size:": " X-Large", "Color:": " Yellow"}, "reviewerName": "Sondra Jane", "reviewText": "great!", "summary": "Five Stars", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "A2E5O5K3VHQYMX", "asin": "B0002NYQO6", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Amy F.", "reviewText": "Nice, soft sweatshirt", "summary": "Five Stars", "unixReviewTime": 1518912000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2012", "reviewerID": "A1EVNSLC52BDF8", "asin": "B0008172D4", "reviewerName": "Rick", "reviewText": "I was truly impressed by this leather passport wallet. The pictures of this item in the ad do not do the wallet justice. This passport is definitely worth twice the price I paid.", "summary": "Super Quality", "unixReviewTime": 1347321600} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A2XT95ANWE7X3T", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Carhartt Brown"}, "reviewerName": "Gary Shearer", "reviewText": "Great Shirt, Carhartt is always good. Fits like shown in the picture.", "summary": "Great Shirt", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2018", "reviewerID": "A15J9YC3XOUUEB", "asin": "B0009G4D1W", "style": {"Size:": " Large", "Color:": " Crimson"}, "reviewerName": "Sue Corson", "reviewText": "Rich color.", "summary": "Five Stars", "unixReviewTime": 1516233600} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "A35JDNU9QA7Z7V", "asin": "B0009G4D1W", "style": {"Size:": " 4X-Large", "Color:": " Purple"}, "reviewerName": "lsween", "reviewText": "Love the shirt", "summary": "Nice T-shirt", "unixReviewTime": 1503360000} +{"overall": 3.0, "verified": true, "reviewTime": "11 17, 2016", "reviewerID": "A3LFYPH6KM4KPQ", "asin": "B0009B35DY", "style": {"Size:": " 13 Wide US", "Color:": " Navy"}, "reviewerName": "Mister Smith", "reviewText": "Although they fit well and look decent, the shoes are loud and have no arch support. I've had to use super glue to keep the rubber siding on.", "summary": "Overrated and Overpriced Shoe", "unixReviewTime": 1479340800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "AQELQC9IQVTJQ", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Mark G", "reviewText": "Same classic thick quality as always. Holds up well to bleach on a weekly basis. Almost impossible to wear holes in them.", "summary": "Always a great buy", "unixReviewTime": 1356825600} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A2ZOX5LCW3Y3MN", "asin": "B00006XXGO", "style": {"Size:": " 11.5 D(M) US", "Color:": " Light Surplus/Light Olive"}, "reviewerName": "David Wire", "reviewText": "Great shoes fast shipping good people to deal with.\nFive stars!", "summary": "Five Stars", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A1NIMCHT34UAGG", "asin": "B00006XXGO", "style": {"Size:": " 6 B(M) US WOMEN /4 D(M) US MEN", "Color:": " Roadtrip Blue/White/Black"}, "reviewerName": "AB", "reviewText": "Fits well looks beautiful!!", "summary": "Five Stars", "unixReviewTime": 1460678400} +{"overall": 3.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A69QBC1U6HNIJ", "asin": "B000A3FDOU", "reviewerName": "Pen Name", "reviewText": "Could have more length to leg openings", "summary": "Three Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A1IEX93ECDTL31", "asin": "B000A8MH62", "style": {"Size:": " X-Large", "Color:": " Burgundy"}, "reviewerName": "Crawdog62", "reviewText": "This is my 3rd kangol I bought in the past 4 weeks. Great look and fit. Highly recommend", "summary": "Great look and fit", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A1AYAI7BM7BVRS", "asin": "B00006XXGO", "reviewerName": "Robin R. Oldfather", "reviewText": "These were a gift, so can't completely answer you review questions!", "summary": "Five Stars", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A2RYVJVNPXOG2L", "asin": "B0002LT6RU", "style": {"Size:": " 8 W US", "Color:": " Tan"}, "reviewerName": "Barbara I Perez", "reviewText": "Great for Senior people and comfortable. A friend got them thru Medicaid services with a different label but are the same as these Hush puppies shoes", "summary": "Excellent", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "A328EWBV2YTEZH", "asin": "B0007TQOBI", "style": {"Size:": " 14 W US", "Color:": " Black"}, "reviewerName": "Michael J OConnor", "reviewText": "The only work boots I will buy. I would recommend treating boots with a very thick coat of Mink oil and allow to sit on boots for a few days. Amazon had a good price and shipped and delivery very quickly.", "summary": "Exact what i was looking for.. Good price and quick delivery.", "unixReviewTime": 1357516800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A3J6YLI8EJS7EE", "asin": "B0002Y75CA", "style": {"Size:": " 13 B(N) US", "Color:": " Antique Tan"}, "reviewerName": "Harry Hollings", "reviewText": "Great fit well", "summary": "Five Stars", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "A300B3DETEKL3O", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Grey Heather", "Number of Items:": " 6"}, "reviewerName": "Vic B", "reviewText": "Fits great.", "summary": "Five Stars", "unixReviewTime": 1518912000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "A286K397FUMR5U", "asin": "B0008EOEO6", "style": {"Size:": " 30W x 34L", "Color:": " Delta"}, "reviewerName": "Catherine J. Lappin", "reviewText": "Fit great and my son is wearing them so I am very happy.", "summary": "Five Stars", "unixReviewTime": 1430438400} +{"overall": 4.0, "verified": true, "reviewTime": "11 17, 2013", "reviewerID": "A3QU3O79AGNWCY", "asin": "B000AKVA6S", "style": {"Size:": " 8 W", "Color:": " Brown"}, "reviewerName": "Dano1988", "reviewText": "This one is tough to rate because I am hard to fit. I have a wide short foot. The boot is very heavy and we'll constructed. For me too heavy is not good. It is tight on my foot.", "summary": "It was too tight and heavy.", "unixReviewTime": 1384646400} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "AY5OH5V9TFGVH", "asin": "B0002LTJN6", "style": {"Size:": " 10 W US", "Color:": " White"}, "reviewerName": "Happy Shopper", "reviewText": "I remember running these same Ked's thru the wash when they got dirty. They don't hold up like they used to!", "summary": "... these same Ked's thru the wash when they got dirty. They don't hold up like they used to", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": false, "reviewTime": "09 9, 2016", "reviewerID": "A3UW1GY4V0N7Q2", "asin": "B0008EOQ4O", "style": {"Size:": " 42W x 34L", "Color:": " Double Black"}, "reviewerName": "Daniel C. Lange", "reviewText": "Fit well", "summary": "Five Stars", "unixReviewTime": 1473379200} diff --git a/keith-galli_nlp/data/test/test_Digital_Music.json b/keith-galli_nlp/data/test/test_Digital_Music.json new file mode 100644 index 0000000..b4c6078 --- /dev/null +++ b/keith-galli_nlp/data/test/test_Digital_Music.json @@ -0,0 +1,500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2014", "reviewerID": "A338LA8MHEWLM8", "asin": "B00123D2FE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Todd Thoms", "reviewText": "I love this song!", "summary": "Five Stars", "unixReviewTime": 1405641600} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A3J35A96WK82C3", "asin": "B003A98FI2", "style": {"Format:": " MP3 Music"}, "reviewerName": "John W. Traylor III", "reviewText": "These guys did an excellent performance on this song. A classic!!", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"reviewerID": "A20223E4KX739V", "asin": "B00123FMKM", "reviewerName": "Carol Cox", "verified": true, "reviewText": "Forgot how great this song makes me feel. Wonderful words that describe coming home from work and shes waiting there not a care in the world!", "overall": 5.0, "reviewTime": "01 31, 2014", "summary": "forgot how great this song sounds", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "AXOP88PUV0VD1", "asin": "B00GG3OYMK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Princess", "reviewText": "love the song", "summary": "Five Stars", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": false, "reviewTime": "10 7, 2012", "reviewerID": "A3ORSNY3AEJ6DX", "asin": "B00CMQQPBI", "style": {"Format:": " MP3 Music"}, "reviewerName": "fullspeedahead", "reviewText": "Thefearofmissingout is very enjoyable. Dhani's voice is wonderful, the song selection is diverse and i'ts obvious he's a very talented young man with lots of potential.", "summary": "fearofmissingout", "unixReviewTime": 1349568000} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "AA2JSR95CS1AI", "asin": "B01E7RX5QW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Benard", "reviewText": "Smooth", "summary": "Four Stars", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A16FIU1IDOY7N2", "asin": "B00160R70E", "style": {"Format:": " MP3 Music"}, "reviewerName": "James M. Loveday", "reviewText": "The Everly Brothers had multiple hits, but this one remains a personal favorite. They perform it simply but beautifully. This is a song that has a legacy.", "summary": "Sweet Love Song", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A215FF0LK2FYT7", "asin": "B009VLX8FS", "style": {"Format:": " Audio CD"}, "reviewerName": "Amazon Customer", "reviewText": "Very Satisfied :o)", "summary": "Five Stars", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "AC7KHAUYW138J", "asin": "B01F2O06YS", "style": {"Format:": " MP3 Music"}, "reviewerName": "aburns86", "reviewText": "I LOVE this song, great beat and love, love, love the lyrics!", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "A2SFEUEIA8B9UV", "asin": "B00LAK2KW0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathy Rinaldi (SC)", "reviewText": "love this music.", "summary": "Five Stars", "unixReviewTime": 1503446400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A2X2NZPZ5PJGC0", "asin": "B000THE2Q2", "style": {"Format:": " MP3 Music"}, "reviewerName": "William Walters", "reviewText": "Best Christmas song ever ... because it's FUN", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2012", "reviewerID": "A2EQUA659UKXO4", "asin": "B000W03ITI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mnc Eski", "reviewText": "This song by Fall out boy really hinted in the relationships ended, but the memories created can be either good ot bad, typically the bad ones are the most hurtful, but overall this song rocks.", "summary": "Break up song to the fullest", "unixReviewTime": 1354579200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2013", "reviewerID": "A21Q7C8X702CQI", "asin": "B00CMIUOPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pope", "reviewText": "The praise team at my church sings this song sometimes . As soon as they start singing a spirit of praise fills the church. The whole congregation gets involved. Beulah Missionary Baptist Church in Decatur, Georgia and the Alfonza Camble Choir.", "summary": "l love this song. Every praise should be to God.", "unixReviewTime": 1381276800} +{"overall": 4.0, "verified": true, "reviewTime": "11 21, 2013", "reviewerID": "A1FZ56S2JD6T0S", "asin": "B002FTK8PG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Barry Holsinger", "reviewText": "This is a pop classsic, which I heard over and over while growing up. Obviously this isn't for you if you're into rap or punk or whatever the kids listen to nowadays.", "summary": "Soothing and dreamy", "unixReviewTime": 1384992000} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "AOUWP7R47978T", "asin": "B00122K0OQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Frankie E Taylor", "reviewText": "The best", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 3.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A1BPOYZDY1KYQA", "asin": "B000WT62UQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael Desmond", "reviewText": "Played during Monday nights The Black List. Fit perfectly with the storyline thought it would be nice to hear the hole song.", "summary": "Old tyme Johnny Cash", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A2TESWTAJ42U5Z", "asin": "B005OK0IVM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mom and Therapist for Autistic children and their families", "reviewText": "fun song!", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A3UO2E3WC0VJSO", "asin": "B00136PYNI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wanda", "reviewText": "Great cd.", "summary": "Five Stars", "unixReviewTime": 1513468800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A3W1VCOR4O868R", "asin": "B00EOFP8NG", "style": {"Format:": " MP3 Music"}, "reviewerName": "michelle", "reviewText": "GOOD SONG", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A2RQXXD4OVD9WW", "asin": "B000ZMYB0I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Yolanda D. Ford", "reviewText": "Timeless tunes", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3FF5EW8C6TTSP", "asin": "B00MR8YPJA", "style": {"Format:": " MP3 Music"}, "reviewerName": "W. P. Ricks", "reviewText": "Great Christian Music", "summary": "Five Stars", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A3J49L4HQSOK0E", "asin": "B00330UFQS", "style": {"Format:": " MP3 Music"}, "reviewerName": "James T Huston", "reviewText": "Quality product, quality service.", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A1W2PKCD3OV2OD", "asin": "B00IEXTUAQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Timmayyy", "reviewText": "Just a great song.", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A28FR8TX6DFJQ3", "asin": "B004B3DL1C", "style": {"Format:": " MP3 Music"}, "reviewerName": "D", "reviewText": "This song is just a fun song to listen to from the 80's", "summary": "Fun song", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "A1R38TTQCH98NJ", "asin": "B000WGMYI8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christspassion", "reviewText": "I really like this song. I heard it for the first time in an episode of supernatural. I enjoy 70's rock music.", "summary": "Great song.", "unixReviewTime": 1366848000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A225KOTGHS3BRA", "asin": "B001NYVYAW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patrick", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1489795200} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "AEM47V06KFU0E", "asin": "B00168G2M0", "style": {"Format:": " Audio CD"}, "reviewerName": "John J. Costello Jr.", "reviewText": "Underrated post Exile Stones.", "summary": "4 star", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2017", "reviewerID": "AEZNE7TR0CHFI", "asin": "B0013F28T2", "style": {"Format:": " MP3 Music"}, "reviewerName": "soundmandj", "reviewText": "John Mellencamp at his best.", "summary": "Five Stars", "unixReviewTime": 1509062400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "ACMIEM01ZVZYN", "asin": "B00TQTE8UE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amy S. Fleck", "reviewText": "love this album", "summary": "Five Stars", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A3DAHRG9RB6HFH", "asin": "B000V64O3C", "reviewerName": "Karena Benford", "reviewText": "Classic R & B", "summary": "Five Stars", "unixReviewTime": 1454889600} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "A344BMJP6A5KL1", "asin": "B007B6VOII", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ms. Hoh", "reviewText": "My nephew actually got me to listen to this song and it sounds familiar...I think it's the song used in the commercials for 'Wreck-It Ralph'. It's a catchy song and very upbeat. Highly recommended for anyone looking for a good song to dance or work-out to.", "summary": "Some Nights...", "unixReviewTime": 1362096000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A7Y6AVS576M03", "asin": "B0011Z1D0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "gobirds2", "reviewText": "What more can I say about Light My Fire? It defines so much. But more importantly, it brings so many things to mind.", "summary": "It brings so many things to mind", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A3W3720ZL310HK", "asin": "B00137KL9Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Longberry", "reviewText": "Good Product at a fair price", "summary": "Five Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A2J94RBT2849R", "asin": "B00A3SGY4K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rick F", "reviewText": "Great", "summary": "I love it", "unixReviewTime": 1410220800} +{"overall": 4.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A17RML53GUFTK1", "asin": "B01E8ZF3D6", "style": {"Format:": " MP3 Music"}, "reviewerName": "MM", "reviewText": "Product delivered as described. Ship time was expected.", "summary": "Four Stars", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A2AJKTX73X15UH", "asin": "B01GP32UUI", "style": {"Format:": " Audio CD"}, "reviewerName": "Karen Ware, Writer", "reviewText": "Meet my expectations....great sound!", "summary": "Love it!", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A333YVE1TZ35GO", "asin": "B00137R05W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andria", "reviewText": "latin flavor great for jogging cardio", "summary": "Five Stars", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1JEX6OBMK0GKA", "asin": "B00AHXDFWU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pistol Packing Momma", "reviewText": "great music", "summary": "Five Stars", "unixReviewTime": 1404345600} +{"reviewerID": "AIWLG2TL16YON", "asin": "B000V64UXQ", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Always liked this song.", "overall": 4.0, "reviewTime": "09 8, 2015", "summary": "Four Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2013", "reviewerID": "A2MWO7AU45E6FF", "asin": "B00E59GWIQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "StacieAnn", "reviewText": "Foo rida and pit bull are a good combination. Can't believe it is a fun song. It's definitely an adult song. It's one of my workout songs.", "summary": "cant believe it", "unixReviewTime": 1376352000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A3NDWL56CCM3Q5", "asin": "B0012CCO0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "E. Welty", "reviewText": "Music is all very personal and I'm not sure why I'm being asked to review it. What I may love, another person will not, but I'm tired of seeing it on my \"Review Purchases\" screen, so I really love this song.", "summary": "love this song", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A3NDWL56CCM3Q5", "asin": "B0012CCO0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "E. Welty", "reviewText": "Music is all very personal and I'm not sure why I'm being asked to review it. What I may love, another person will not, but I'm tired of seeing it on my \"Review Purchases\" screen, so I really love this song.", "summary": "love this song", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A8EO6A5GV4E7A", "asin": "B005JV3P2K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tamara", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A2XNID09ZCM4CP", "asin": "B014FO6H5S", "style": {"Format:": " MP3 Music"}, "reviewerName": "sam", "reviewText": "Nice song", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A3S9HEXHM2Q5CH", "asin": "B00ANRL8K6", "reviewerName": "RJA42", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2014", "reviewerID": "AOKITUE2V8AY9", "asin": "B00KFEWJFA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kenny", "reviewText": "This new song by MC is bangin! I wish you would have released this song as a single, but definitely worth it with a nice hook and awesome vocals!", "summary": "Love it!", "unixReviewTime": 1404086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A1SF3SEZMGSA8T", "asin": "B000V68LJ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "GREG", "reviewText": "How could you not love it.", "summary": "Loved ir", "unixReviewTime": 1420934400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "AXG287OY16WWL", "asin": "B00123HUE8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "I love this band and their music", "summary": "Great music", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "ABDR6IJ93HFIO", "asin": "B0058ORWNG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daisy S", "reviewText": "As I am a fan of Bluegrass, Country genres, I decided to give this song a try and so glad that I did so! The sound is superb and I listen to this song over and over.\n\nA great addition to your music collection if you like Bluegrass or Country music!\n\nHighly recommend this song!", "summary": "Great and upbeat sound! Love this song!", "unixReviewTime": 1398643200} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A2FEUSZVIVVYOR", "asin": "B000ZU95CY", "style": {"Format:": " MP3 Music"}, "reviewerName": "William T. Gilbert III", "reviewText": "this is a good song. I had to come back a few times to find this download, but it was a good song once I found the download availabilities song started these guys on the charts.", "summary": "good download, when download can be found", "unixReviewTime": 1391472000} +{"overall": 5.0, "verified": false, "reviewTime": "08 27, 2015", "reviewerID": "A392X0SV97FYXA", "asin": "B00OIK3SWA", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. George", "reviewText": "Great upbeat music- without vulgar language!", "summary": "dig it!", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A3J49L4HQSOK0E", "asin": "B009VLX8FS", "style": {"Format:": " MP3 Music"}, "reviewerName": "James T Huston", "reviewText": "Quality product, quality service.", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A1JM88SQKGXAVG", "asin": "B00122X5VG", "style": {"Format:": " MP3 Music"}, "reviewerName": "S'Kay", "reviewText": "This song is the ringtone when my daughter calls. No matter where I am when she calls, this song starts playing and people near me start bopping along. Makes for fun shopping trips.", "summary": "Just try not to dance", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2013", "reviewerID": "A3NVAVP9RLPODX", "asin": "B0011ZN4R4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kofee", "reviewText": "One of Tamia's best! It is a classic waiting to happen. This is REAL music! It makes me want yo buy the entire cd", "summary": "still", "unixReviewTime": 1374364800} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "AQ105QY4LT0YY", "asin": "B00122506E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mone Yevol", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 4.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A32G14BG7OZSBM", "asin": "B01979VYZO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Larry basile", "reviewText": "ahh!", "summary": "Four Stars", "unixReviewTime": 1475539200} +{"overall": 3.0, "verified": false, "reviewTime": "09 15, 2015", "reviewerID": "A1C4EY04LHMURG", "asin": "B00137KFLS", "style": {"Format:": " MP3 Music"}, "reviewerName": "rbo", "reviewText": ".good basic rock.", "summary": "good basic rock", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "A3IJW6L36GY6UZ", "asin": "B0022XRN7G", "style": {"Format:": " MP3 Music"}, "reviewerName": "herbalrocks4us", "reviewText": "This is an awesome song with an awesome message!!! We need more music like this in the world, it would make it a much better place to live in!!!", "summary": "AWESOME....", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2016", "reviewerID": "AIP7X9PXRM3KY", "asin": "B01E7RWTYG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael N. Capabianco", "reviewText": "Another hit song by P!no. Good to job to.", "summary": "Great song", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A3AGJ0NQXOW8M1", "asin": "B001JMURKG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cosetina Willis", "reviewText": "NO REASON BUT I JUST LOVE LISTENING TO THIS WILL I TAKE MY HOT BUBBLES BATHS... MAKES ME THINK.. GOOD SONG, VERY GOOD..Smoochiesss....", "summary": "I JUST LOVE THIS SONG", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A16JY8KIL0B7T0", "asin": "B002KFGNWM", "style": {"Format:": " MP3 Music"}, "reviewerName": "KM", "reviewText": "Added this song to my summer playlist. For some reason it just has a summer feel to me. I've always liked it.", "summary": "I've always liked it.", "unixReviewTime": 1433980800} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A39WOQH2BNHM03", "asin": "B001O3SPAE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark", "reviewText": "What I expected", "summary": "Four Stars", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "AHA6BYRJ515TE", "asin": "B00JHE8J26", "style": {"Format:": " MP3 Music"}, "reviewerName": "ive", "reviewText": "very upbeat song", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A1OAHWJJZ1P5V1", "asin": "B00KQQYJPA", "style": {"Format:": " MP3 Music"}, "reviewerName": "melissa wright", "reviewText": "Got it", "summary": "Four Stars", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2018", "reviewerID": "A3OKJFE4SESD3K", "asin": "B0026ERN9O", "style": {"Format:": " MP3 Music"}, "reviewerName": "jonnyBOLD", "reviewText": "Arrived on time and performs as advertised.", "summary": "Five Stars", "unixReviewTime": 1526342400} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "A11KK4KKCKDBN3", "asin": "B004UE3784", "style": {"Format:": " MP3 Music"}, "reviewerName": "edward a McInerney III", "reviewText": "I would concider this one of Hillsongs greatest song, it is a song that makes you feel 1 with God. I recommend it to any person who want to feel the love God has for us. Its perfect.", "summary": "Beautiful Exchange", "unixReviewTime": 1402185600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "AWDV9SO13LN8M", "asin": "B000WOXP1K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Luis E. Zacarias", "reviewText": "Great old tune. Really music.", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A347TCNLYISMEX", "asin": "B00474E0OW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Crystal Day", "reviewText": "This song is great to listen to it motivates you. It's impossible to not want to sing along at the top of your lungs.", "summary": "Motivation", "unixReviewTime": 1358121600} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A2CW1TZPPYWRDV", "asin": "B000V7HJ2E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kate Young", "reviewText": "Ringo is just so cool.", "summary": "Go Ringo!!!!", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A3M8LFDLC6JQUG", "asin": "B00122LMWK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike Abretske", "reviewText": "Nice tune.. I don't regret it..", "summary": "Five Stars", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A218E8UBV7GBZB", "asin": "B0000564WK", "style": {"Format:": " Audio CD"}, "reviewerName": "FRED INGA", "reviewText": "I REALLY ONLY BOUGHT THIS CD FOR TWO SONGS, AT FIRST THEN I LISTENED TO THE WHOLE CD AND IT IS REALLY NOT BAD", "summary": "I REALLY ONLY BOUGHT THIS CD FOR TWO SONGS,", "unixReviewTime": 1406419200} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "AHUHUA4SY9029", "asin": "B006W9T31K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Vicki Bykerk", "reviewText": "I love all these older hynms, and to hv them all in one album is just fantastic, even the doxoligy!", "summary": "Well worth the $$$ What a blessing it is", "unixReviewTime": 1387843200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A2BTXDKAS1BWR7", "asin": "B00137SP9W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Janet M", "reviewText": "I heard this sung on America's Got Talent - Loved the song - I wanted to give praise where it is due, so I bought this song by the original artist - even though other artists may have better vocals than Bob Dylan, I wanted to own the \"real deal\".", "summary": "Another great Bob Dylan song", "unixReviewTime": 1370649600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A2DY7N9SKROB5I", "asin": "B015GLATRQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "nelson", "reviewText": "ellie one of the best singer", "summary": "excellent", "unixReviewTime": 1474156800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "AD840POM2HC9A", "asin": "B00QLW46HY", "style": {"Format:": " MP3 Music"}, "reviewerName": "SBrown", "reviewText": "Brian's voice is so good, he is coming into his own.", "summary": "Great praise song.", "unixReviewTime": 1458259200} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "09 9, 2012", "reviewerID": "A3K8YRUI9ECW8G", "asin": "B0011W5PRE", "reviewerName": "Roberta C. McDade", "reviewText": "Tim McGraw couldn't have made a bigger impact. This song will live on in the hearts and minds of everyone whom hears it.", "summary": "If you're reading this", "unixReviewTime": 1347148800} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A1N3ZBC7S9WG37", "asin": "B0043ZFAIA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mona", "reviewText": "This @#$#% Rocks.", "summary": "This @#$#% Rocks.", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3UL0IZE11VU8A", "asin": "B000X6TUGQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "John M Sr", "reviewText": "Great Down-Load Quality", "summary": "Great Down-Load Quality", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A2DX5RKNP5GPVU", "asin": "B000X8LZN0", "style": {"Format:": " MP3 Music"}, "reviewerName": "GravelGertie", "reviewText": "Purchased for video creation, satisfied with purchase and resulting outcome. Would purchase this item again. Good back-up instrumental and tear-jerking oboe solo. Wonderful!", "summary": "Wonderful", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "AOJTT268M9FLP", "asin": "B001KSBBRW", "style": {"Format:": " MP3 Music"}, "reviewerName": "peter f tulley", "reviewText": "as the soundtrack to the movie, outstanding", "summary": "Five Stars", "unixReviewTime": 1472860800} +{"overall": 1.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A32DNOBL3TQ8XD", "asin": "B00123FRMA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kevin", "reviewText": "song was great BUT Amazon does NOT let you download the MP3 more than once. So IF you happen to delete it or LOSE it like I did by aaccident. You are screwed. Will not buy MP3 from amazon again.", "summary": "Download once ONLY....because your paying again if you try twice", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2012", "reviewerID": "A2YMTZQ00Z2AXR", "asin": "B00136ITAS", "style": {"Format:": " MP3 Music"}, "reviewerName": "lori", "reviewText": "This is one of the best songs, not only on this particular CD, but of all time...what a voice Peggy wood had! 6stars!!! Thanks", "summary": "wonderful", "unixReviewTime": 1348876800} +{"overall": 3.0, "verified": true, "reviewTime": "09 13, 2017", "reviewerID": "A3U8RGCLC5WWBX", "asin": "B001IXSU8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "The Original Vince Carter", "reviewText": "...For My DJ service", "summary": "Three Stars", "unixReviewTime": 1505260800} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3VUSYA3W0FVV7", "asin": "B00LPHKKIO", "style": {"Format:": " Audio CD"}, "reviewerName": "tigera2010", "reviewText": "love thes songs on this cd", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A2GKJYOBUUFWQD", "asin": "B00G2ULQO6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Janet", "reviewText": "This is an exceptional sampler, really fine voices and great young singer songwriter talent. It really is too bad this type of music does not get the air play it deserves to the wider public.", "summary": "Beautiful and Soulful", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": false, "reviewTime": "07 24, 2012", "reviewerID": "A3D5DLDBAF7WA3", "asin": "B0006TTLIC", "style": {"Format:": " MP3 Music"}, "reviewerName": "AD", "reviewText": "If you can only purchase 1 CD, it should be this one. William Murphy is Gospels greatest hidden talents. His work will inspire you.", "summary": "Big Fan", "unixReviewTime": 1343088000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A1JHU0LBS29NYD", "asin": "B00137X6ZA", "style": {"Format:": " MP3 Music"}, "reviewerName": "mhwitt74", "reviewText": "Wish she would have released more in the U.S.", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A3VWZMMIKPY2XU", "asin": "B00137GBC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "dakmar", "reviewText": "Great album, would highly recommend to fans", "summary": "Four Stars", "unixReviewTime": 1405036800} +{"reviewerID": "A6AYTMYH4UM7E", "asin": "B00137MM8C", "reviewerName": "Guillermo Urbina", "verified": true, "reviewText": "AAA", "overall": 5.0, "reviewTime": "12 12, 2014", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 3.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "A2A6PPC5QQSD13", "asin": "B00XTIFEVK", "style": {"Format:": " MP3 Music"}, "reviewerName": "michelle Nelson", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A1Y4NAXQPWIB0X", "asin": "B0168LOJZQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike", "reviewText": "Excellent!", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2018", "reviewerID": "A2H3JURQZOHVMB", "asin": "B00HL826EM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stella Carrier", "reviewText": "This high energy song that is Gimme All Your Lovin by ZZ Top seems to be a fun classic rock tune. Obviously, the title of the song pretty much sums up the come hither meaning yet is still entertaining to listen to because of the thrilling timing of the music and vocals.", "summary": "Enthralling and Edgy Classic Rock Song", "unixReviewTime": 1528502400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "A3OY5D0EKPYEWX", "asin": "B0018ALY2E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Doc Younger", "reviewText": "Great song confronting addiction. Well written and produced.", "summary": "Five Stars", "unixReviewTime": 1498262400} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2018", "reviewerID": "A3LVJWONFGC03E", "asin": "B01DLOU8NK", "style": {"Format:": " MP3 Music"}, "reviewerName": "suzette", "reviewText": "I like the product", "summary": "Four Stars", "unixReviewTime": 1522800000} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A13G2LMKA9GVMM", "asin": "B002WQ0TN8", "style": {"Format:": " MP3 Music"}, "reviewerName": "ANGELA TOOF", "reviewText": "a+", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 4.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A9QY8T0FT4BTB", "asin": "B00IB4DTFU", "style": {"Format:": " MP3 Music"}, "reviewerName": "vrb540", "reviewText": "Love the song sung by a talented singer but this one drags a bit.", "summary": "Good Christmas Song", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A1S4L8IOEKSPF1", "asin": "B001YXWADM", "style": {"Format:": " MP3 Music"}, "reviewerName": "KARL V. BLANKENBILLER", "reviewText": "Excellent.", "summary": "Five Stars", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A2Y2Z7EAYWVLV3", "asin": "B0026EVP6Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ed", "reviewText": "I love my old-school!!!", "summary": "Five Stars", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "A2EZP38KLCL8DB", "asin": "B00137KS7Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "JHouston", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "ADIVQNX8A9CE", "asin": "B001246EY4", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Keller", "reviewText": "Compulsively catchy cover", "summary": "Took My Money, my Cigarettes...", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2013", "reviewerID": "A1C0HKLKA3H3GD", "asin": "B00136LQQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "s.karebee", "reviewText": "I love this song it makes me think of the 80's when mtv was just that. Music Tv only. I wish we had something like that now. I think this is the best song she has.", "summary": "time after time", "unixReviewTime": 1366329600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A1SIDCP6JUW37C", "asin": "B00137GB8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Melody A Winkelbauer", "reviewText": "Super fantastic song.", "summary": "Just LOVE this song.", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A2X695AM08AIN1", "asin": "B00138AA8U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Saul Nathanson", "reviewText": "Didn't like this very much when it first came out but I grew to love the arrangement and Tammy's very strong voice.", "summary": "Like it", "unixReviewTime": 1494892800} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A1IQTY6MQP0WR1", "asin": "B00123K6SU", "style": {"Format:": " MP3 Music"}, "reviewerName": "em", "reviewText": "song", "summary": "Four Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2017", "reviewerID": "A2LN1WL68BNL4S", "asin": "B01H5ZYNM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "michael myers", "reviewText": "Awesome. why do they require so many words in a review? One word describes this group. 4 more words. done.", "summary": "Twenty one pilots rule", "unixReviewTime": 1494201600} +{"overall": 3.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A2EKA5NQ7DW07Z", "asin": "B001FIYL88", "style": {"Format:": " MP3 Music"}, "reviewerName": "stop sending me emails", "reviewText": "Song is alright.", "summary": "Three Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A13UPVEPGI0N5H", "asin": "B002WMP162", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brian S", "reviewText": "I really enjoyed this album. The music is so relaxing and it has the all the greats, providing hours of wonderful music.", "summary": "Wonderful album", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A30ASYQR5U4QG5", "asin": "B00136PO8I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bernadette Leeth", "reviewText": "Awesome love song, never knew it existed until my love sent it to me", "summary": "Five Stars", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "AWHMMPZBHNLTO", "asin": "B00137Z66C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Vee", "reviewText": "Awsome song, love it. This is one of those songs that takes you back. If you like Expose add it to your collection.", "summary": "Come Go With Meeeee!!!!!", "unixReviewTime": 1358726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "A3767JX1HM1AZM", "asin": "B00B2LQDPW", "style": {"Format:": " MP3 Music"}, "reviewerName": "TC", "reviewText": "My Wife and I enjoy setting in the family room in the evening and enjoying a cup of coffee while listening the our collection of songs.", "summary": "Nice", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "AAHGICDEAR5AQ", "asin": "B00ECMCZY6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jenny O'Hara", "reviewText": "It's a great song to listen to.", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2017", "reviewerID": "ATFCYBLE6TSTC", "asin": "B00136NIPO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bucky", "reviewText": "Great song for a good price.", "summary": "Great Song", "unixReviewTime": 1497139200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "ADUR2GU90NB98", "asin": "B00136LMJ8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jim Thomas", "reviewText": "The best song he ever did IMHO. Love the riffs.", "summary": "Ted's best.", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A2SZXKV9Z0LX1L", "asin": "B00OXE38D0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aly", "reviewText": "Loved", "summary": "Five Stars", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A3LO89HQ6KQLEP", "asin": "B0011Z5KBC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kevin", "reviewText": "Great song and easy download.", "summary": "Fantastic song!", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "AU9GIHS65CSWP", "asin": "B0154UNQXI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Spencer Wilkins", "reviewText": "Cut", "summary": "Five Stars", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A17H0848XMVGBP", "asin": "B00136PRG2", "style": {"Format:": " MP3 Music"}, "reviewerName": "spider1135", "reviewText": "Love it.", "summary": "Five Stars", "unixReviewTime": 1446768000} +{"overall": 4.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A23TASH0JUR2KG", "asin": "B00137O9J2", "style": {"Format:": " MP3 Music"}, "reviewerName": "mustangcasls", "reviewText": "Great song I did not ever hear until june 2015.", "summary": "Four Stars", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "AZ741XAKITJXJ", "asin": "B001NSP4TK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Darryl K Stapleton", "reviewText": "One of the all time greatest songs ever sung. A true classic in every sense of the word.", "summary": "An all time classic", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A33UNPX9XO9OXH", "asin": "B00LAK2LFG", "reviewerName": "Roy", "reviewText": "Sounds peaceful. Like it!", "summary": "Like it!", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A3OXDR0DD11552", "asin": "B00NJMNLRK", "style": {"Format:": " MP3 Music"}, "reviewerName": "MSG", "reviewText": "I love Little Big Town period, and this song is great.", "summary": "Five Stars", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2013", "reviewerID": "A1P3SPJ15O5RQ1", "asin": "B00137QW4M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lacesheia Threatts", "reviewText": "Great music- should have done it sooner. it gives you a little bit of everything.. I have to buy my sister one so that she will leave mines alone...Loving it!!!!", "summary": "Very pretty song", "unixReviewTime": 1368403200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2018", "reviewerID": "A15P65TDN9E29P", "asin": "B000SZBVF0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bruce Bartlett", "reviewText": "Another downloaded for my uncle LOL", "summary": "Five Stars", "unixReviewTime": 1526688000} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "A1J6E1IFBLCDBU", "asin": "B0013TSP9U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stephen Windhaus", "reviewText": "Even the Guardians of the Galaxy know a good thing long years later. :)", "summary": "Time always proves worth", "unixReviewTime": 1447459200} +{"overall": 3.0, "verified": false, "reviewTime": "11 10, 2015", "reviewerID": "A16HM5IJDLDQOP", "asin": "B013CKV75G", "style": {"Format:": " Audio CD"}, "reviewerName": "Dean", "reviewText": "New singer sounds nothing like Geoff Tate I am sorry to say, I saw Geoff at the Houston Millennium show and he blew me away, this was during the QE3 tour. That album didn't do well but the tour was phenomenal. He sounds different in range.", "summary": "Not as good as Geoff:", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3BKL6ETHEC23Y", "asin": "B00A0A6HSE", "style": {"Format:": " MP3 Music"}, "reviewerName": "neil a. maxwell", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": false, "reviewTime": "02 28, 2015", "reviewerID": "AYASBSPIZEYU7", "asin": "B00COMHUZK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hot D", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A3BMOPZE7O8BZ2", "asin": "B00CY57C4G", "style": {"Format:": " MP3 Music"}, "reviewerName": "BassFighterJ", "reviewText": "I love it", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A3230AK7THTZUV", "asin": "B00137T4WE", "style": {"Format:": " MP3 Music"}, "reviewerName": "shardwick47", "reviewText": "Love!", "summary": "Five Stars", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A2X2LJ8SUDJH5D", "asin": "B001KUXP88", "style": {"Format:": " MP3 Music"}, "reviewerName": "Don Anderson", "reviewText": "I love it.", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "AC2X7PFJ36QCM", "asin": "B005MW6ZN2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nay", "reviewText": "great song, watch video on you tube, seems sincere about lyrics", "summary": "beautiful", "unixReviewTime": 1449964800} +{"overall": 4.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A5S9BIBJTBFUB", "asin": "B00L4MALQ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jonathan A. Middleton", "reviewText": "Oustanding work. It keeps growing on me the more I listen to it.", "summary": "Great introduction to Fink's work.", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2NC6AC7D8UCTU", "asin": "B00U0AHRJW", "style": {"Format:": " Vinyl"}, "reviewerName": "Jennifer M", "reviewText": "Arrived as described. Happy with this purchase.", "summary": "Happy with this purchase.", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A1E83Q09A7R1NC", "asin": "B000V9EQN2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Music Girl", "reviewText": "Love listening on my way to work to set my day. Many thanks!", "summary": "Five Stars", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A4G5C8AO0CSFW", "asin": "B00AIGPIZI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Susan", "reviewText": "Did not work they did not fall for it", "summary": "Five Stars", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": false, "reviewTime": "07 4, 2012", "reviewerID": "A2L9RRGLE2I644", "asin": "B005VPSEVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "KenB", "reviewText": "This is another song that I heard on an advertisement and couldn't get out of my head. I'm more of a classic rock guy, but the driving beat of \"Stronger\" placed it on my list of \"must haves\".", "summary": "Kelly Clarkston", "unixReviewTime": 1341360000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A2ZCXQ5NU5NW1I", "asin": "B01DELU46G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laura", "reviewText": "Yes!", "summary": "Five Stars", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A2JE1FQQBSH8N0", "asin": "B001226JXM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andrea Longwith", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2017", "reviewerID": "A2R7PJGG0BWY0J", "asin": "B00UDDW016", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deidre Gray", "reviewText": "Great song and used for my daughter's slideshow.", "summary": "Five Stars", "unixReviewTime": 1507420800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2016", "reviewerID": "ANXE83U6YJMBJ", "asin": "B00EQO0QV4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pumpkin", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1472256000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A2RNYF2PTOB82J", "asin": "B00137IDLC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sara Maxwell", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2LDEDOQZH3VTP", "asin": "B002XSWNES", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andy", "reviewText": "Good Song.", "summary": "Four Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "ANDY2Y21N7FBF", "asin": "B015D33S7A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charlotte", "reviewText": "I LOVE IT!!! DAVID BOWIE IS THE BEST!!!", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": false, "reviewTime": "06 12, 2012", "reviewerID": "A2JQTN02GRWL14", "asin": "B000W18HWU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Khalid Mundwiller", "reviewText": "Now THIS IS HOW WE DO IT, make great music that is. Montell brought us all a song that maintains its greatness after all these years. His smooth voice coupled with a great beat just makes it a great song from start to finish. BUY IT!!!", "summary": "One of the greatest party jams of ALL TIME!!!", "unixReviewTime": 1339459200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A36RUV863TBECL", "asin": "B00HAUFG0M", "style": {"Format:": " MP3 Music"}, "reviewerName": "1Vicktoria", "reviewText": "There are various things to worry about and attempt at working out ourselves but if we would just remember and recognize that God's in control, then we can confidently be stress and worry-free and trust God to do what He does best, fight our battles.", "summary": "We shouldn't worry because \"God's Got It\"", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A3G70MTCD6HIIW", "asin": "B01EQGOZAO", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Edwards", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "A2FXW2MEP7TBUI", "asin": "B000VZFS2O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lucifer", "reviewText": "This song is a classic. It's old but but timeless. Beat sounds nice in the car to. Knocks pretty hard on the subs.", "summary": "Hot", "unixReviewTime": 1356825600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3SI4GQLS3OIGI", "asin": "B000VWP7FA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Thomas", "reviewText": "Eminem is great. people should buy all of Eminem songs and just seat back and listen to what he is actually saying.", "summary": "Till I Collapse", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A30TALKCA3L0VK", "asin": "B001CDPKPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeremy", "reviewText": "You'll love it after you get it but in the mean time check out rollingbaby.com for all your baby stroller info!", "summary": "BLACK FUN!", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A2K8U02UD8J5I4", "asin": "B0011Z762I", "style": {"Format:": " MP3 Music"}, "reviewerName": "michael", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "APSS3NMLIF7N7", "asin": "B001CVF272", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Don", "reviewText": "Great song", "summary": "Great song", "unixReviewTime": 1479254400} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A1IABIGVI7RCVL", "asin": "B00TINQ9C8", "style": {"Format:": " Audio CD"}, "reviewerName": "Vickey Griffin", "reviewText": "Pretty GOOD!", "summary": "Four Stars", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2012", "reviewerID": "A3KUV0F3OV4L64", "asin": "B00137ODBG", "style": {"Format:": " MP3 Music"}, "reviewerName": "BooksRMe", "reviewText": "Alicia Keys is one of my favorite singers, and this song is one of my favorites also. Buy it. You'll like it.", "summary": "Great song by a great artist.", "unixReviewTime": 1348272000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A265QEIO9SGDFK", "asin": "B00CBBYA6Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shortcake", "reviewText": "I enjoy this song. It is a nice little ditty. You can understand the words and you can dance, dance, dance to it.", "summary": "Dance music", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": false, "reviewTime": "01 14, 2014", "reviewerID": "A169ZYI77GT1F3", "asin": "B00F94W58W", "style": {"Format:": " MP3 Music"}, "reviewerName": "MuffyMay", "reviewText": "The song Believe is one of Cher's best. Don't agree with some of the other songs but most are inspiring.", "summary": "Love the Song", "unixReviewTime": 1389657600} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2017", "reviewerID": "A3SR36PIOEYYO1", "asin": "B001BZD6GS", "style": {"Format:": " MP3 Music"}, "reviewerName": "andhopf", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1504137600} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "AZGFIBEPXL8VT", "asin": "B000VWNY1Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "PJB", "reviewText": "SATISFIED", "summary": "Four Stars", "unixReviewTime": 1407715200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A2D4TO6RF8L087", "asin": "B00137TD0W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Curley hair", "reviewText": "love this music", "summary": "Five Stars", "unixReviewTime": 1435104000} +{"overall": 3.0, "verified": false, "reviewTime": "06 24, 2014", "reviewerID": "A3DBQ2R69CVM06", "asin": "B002X24SCE", "style": {"Format:": " MP3 Music"}, "reviewerName": "byatlswing", "reviewText": "Nothing like her Disturbia days or her even better SOS and Umbrella days... but an okay song. Her songs now are pure rubbish...", "summary": "Decent song", "unixReviewTime": 1403568000} +{"overall": 3.0, "verified": true, "reviewTime": "12 31, 2012", "reviewerID": "ACM33X4V9NFXX", "asin": "B005BYURBW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Marsha P Rochester", "reviewText": "Not bad for a free download - interesting mood music. I don't know why they require so many words but here they are...", "summary": "Calming Flute", "unixReviewTime": 1356912000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A7EOPVF583J8A", "asin": "B001KRW5UK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aurelia White", "reviewText": "listen to your mama!", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "ARQ2J7D4DZTRL", "asin": "B00ERMICY8", "style": {"Format:": " MP3 Music"}, "reviewerName": "dd", "reviewText": "Miley is Miley but i do like this song", "summary": "Four Stars", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A1W2MG37W4XB3O", "asin": "B01DOO46BM", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Roy", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A1HYP5XTUE8EV2", "asin": "B0011ZUSKU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "This is my go too song for encouragement", "summary": "My Go To Song", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A1L8XWTLC7JKWR", "asin": "B001RN98N4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Linda", "reviewText": "I grew up in Michigan and can relate to sandbars out in the Great Lakes", "summary": "... Michigan and can relate to sandbars out in the Great", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "A3AYOQT5YJBKPD", "asin": "B00136JDNA", "style": {"Format:": " MP3 Music"}, "reviewerName": "ChaosMom", "reviewText": "An oldie ... and a goodie... but only because Greatie wouldn't sound right! Love this song from my childhood! Recommend", "summary": "Old School~!", "unixReviewTime": 1387584000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A3T2PG0LGM12ZT", "asin": "B00O3Z5N2I", "style": {"Format:": " MP3 Music"}, "reviewerName": "EGould", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A1W81WBRSGIA8L", "asin": "B0014ETXBI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Raven of Reviews.", "reviewText": "This is a great group from decades past, but if you like rock, you are in the right place.", "summary": "What's not to like.", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2014", "reviewerID": "A36WR9V545L6WJ", "asin": "B0048XY6PK", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Henry", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "AI50C1O5UDADB", "asin": "B000W0633G", "style": {"Format:": " MP3 Music"}, "reviewerName": "ktimenow", "reviewText": "Classic, solid addition to any music library", "summary": "Musical staple", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "AJBW9KXT4LDPU", "asin": "B0135P6PZA", "style": {"Format:": " Audio CD"}, "reviewerName": "M. T. Lawrence", "reviewText": "When you're convinced nothing can live up to that much hype, along comes Hamilton. Song after song, it's thrilling. Especially love the depth and development of the women characters. But everyone is strong, everyone sympathetic. Great, moving, magnificent show.", "summary": "Especially love the depth and development of the women characters", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A2N2XVMC29HJED", "asin": "B000W23IE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Reviewer", "reviewText": "k", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "A264LJ7DXWHJQH", "asin": "B000TE0LXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dave D.", "reviewText": "xlint", "summary": "Five Stars", "unixReviewTime": 1448582400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2013", "reviewerID": "AR9W3WU47YQUU", "asin": "B000V68TQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathy Cornish-Wilson", "reviewText": "Very great quality and easy download. This is one of my favorite songs and groups, the audio sounds great too!", "summary": "Love It", "unixReviewTime": 1369267200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A2VP4YOKRKSYRC", "asin": "B01HJ91MTW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Betty T. Owens", "reviewText": "Love the music and words.", "summary": "Five Stars", "unixReviewTime": 1502150400} +{"overall": 4.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "ANA5ORZ4QLTYO", "asin": "B000URYSW4", "style": {"Format:": " Audio CD"}, "reviewerName": "don't look back", "reviewText": "Finally the family trust saw fit to release this. It's only a big deal to us feteshists but it does have some interesting mixes", "summary": "Finally", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A31U9P0JFTW55H", "asin": "B0050N8N7Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Uncle Jibbs", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1488412800} +{"overall": 4.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "AV4JG3M796IXO", "asin": "B00J924ZSI", "style": {"Format:": " MP3 Music"}, "reviewerName": "DM2", "reviewText": "Every once in a while its nice to listen to something that doesn't have lyrics or product placement in it. Also nice to hear something instrumental that wasn't written or performed by someone that's already dead. Nothing wrong with liking something from this century.", "summary": "Every once in a while its nice to listen to something that doesn't have lyrics or ...", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A1GNAKY0CMC54B", "asin": "B005BYUQ68", "style": {"Format:": " MP3 Music"}, "reviewerName": "MH", "reviewText": "Very good music. It was fun, inspirational and interesting perspective. Lot's of different sounds here - Glad to try something new.", "summary": "Lovely", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2017", "reviewerID": "A3EK76KKEJMIZ2", "asin": "B0011Z1BHO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kevin Q. McKinnon", "reviewText": "AWESOME SONG!", "summary": "Five Stars", "unixReviewTime": 1490313600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A2JE1FQQBSH8N0", "asin": "B002KVA9RG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andrea Longwith", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "A1T1V8JA80RNJM", "asin": "B005T18DOK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jonathan Babin", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1485648000} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "ACCQS2S225D6V", "asin": "B00153S79W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Phil Washburn", "reviewText": "So much better than todays noise.", "summary": "Five Stars", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A21RF3DDGLD40Y", "asin": "B0086HH1OW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kiana", "reviewText": "Great Song", "summary": "Great Song", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "ANYY7Z3R1LAUN", "asin": "B00U0YCXII", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathleen", "reviewText": "Really helped me through a rough spell.", "summary": "Perfect when you're doubting", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A1RMOT6V4AG9BP", "asin": "B007NT4DXQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul G. Burrow", "reviewText": "Always a great and easy deal on the down load of a great country song. Brice is an up and coming star.", "summary": "great song", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A1WPI972N5B9DR", "asin": "B00P290FI6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Felicia J.", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A3BH6WRQC9DLF8", "asin": "B001NYZ944", "style": {"Format:": " MP3 Music"}, "reviewerName": "KJ", "reviewText": "Awesome song.", "summary": "Five Stars", "unixReviewTime": 1510704000} +{"reviewerID": "A2KFYEV2YSZ2PK", "asin": "B00123FMKM", "reviewerName": "S. J. Wood", "verified": true, "reviewText": "Rock the way it was meant to be. Don't even make music like this anymore. Great time to be alive.", "overall": 4.0, "reviewTime": "03 2, 2014", "summary": "Classic Tune", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A1DYFEU830SBWS", "asin": "B00122BA18", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nancot", "reviewText": "I love music especially good Christmas music. I think any music lover would enjoy this album. What more is there to say.", "summary": "Christmas Music", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A3560NGKTVE0BG", "asin": "B00165PYJU", "style": {"Format:": " MP3 Music"}, "reviewerName": "CoVeRpAgE", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": false, "reviewTime": "03 25, 2014", "reviewerID": "A3J8I8XLN6T0QU", "asin": "B00136LNOW", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. M. Gilchrist", "reviewText": "I have loved Country music for years and when the opportunity came up for me to buy a song from what i consider to be one of the best traditional country artists, I did not hesitate! Keith's soft and warm voice on this song makes me realize why I am a fan of his!", "summary": "Love Traditional country Music", "unixReviewTime": 1395705600} +{"reviewerID": "A22KMCKYE5KQ2X", "asin": "B00124BPBG", "reviewerName": "DogBreath101", "verified": true, "reviewText": "Dwight Yoakum, when he was just a cool country musician, before the oddball film characters. Lol He has a distinctive voice & sound. I really enjoy listening to the music, and this was a pleasant purchase.", "overall": 5.0, "reviewTime": "08 26, 2015", "summary": "Happy w purchase", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A5NQHY6O7TYEN", "asin": "B00137QZOY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "omg! the best!!!!", "summary": "the best!!", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A2DO56CQM4I05I", "asin": "B0011Z310Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "CATHERINE l. WATERS", "reviewText": "Thank you so very much for this spirit lifting hymn.", "summary": "Five Stars", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A16P4QHHIYXG3U", "asin": "B001NS1Z1G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shaun M. Anderson", "reviewText": "Wouldn't have got it if I didn't like it, right?", "summary": "Five Stars", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A2R819E0C80FXW", "asin": "B00D9G0RJQ", "reviewerName": "Jack", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "AO706Z80OA9K", "asin": "B001A7FDT0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Linda", "reviewText": "ooldie but goodieldie but goodie", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "AFPZ4W2EPXF3E", "asin": "B00124FF4E", "style": {"Format:": " MP3 Music"}, "reviewerName": "LarRayCo", "reviewText": "Takes me back to the 1970's ... Groovy Man ..Chicago's one of the Best bands of the 1960's-70's era when Music was MUSIC and not some joker spitting out jive crap.", "summary": "One of my favorates", "unixReviewTime": 1392595200} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A194LHU9ZXVWOF", "asin": "B0011Z4ZGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "P. W. Buck", "reviewText": "I still prefer the original, but this is about as well done as you could possibly expect for a cover. Very pleasing and easy to listen to over and over again.", "summary": "Very pleasing and easy to listen to over and over again", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A3U27M8L44UKZ5", "asin": "B00122A1H2", "style": {"Format:": " MP3 Music"}, "reviewerName": "James L. Yeargan", "reviewText": "Haunting song. Enjoy listening on Bose headphones.", "summary": "Enjoy listening on Bose headphones", "unixReviewTime": 1506038400} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A3Q60DSIAH1RDG", "asin": "B000V8CBB2", "style": {"Format:": " MP3 Music"}, "reviewerName": "ngescobedo", "reviewText": "This one was for my son and he likes it.", "summary": "Four Stars", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A2P6CK5HLXQLY0", "asin": "B00FAEPGA0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kat", "reviewText": "This works strange to say....It really is calming and done well. Wish it wasn't a \"sampler\". Oh well, this is a good test for you to see if this works for YOU - before you purchase a full program!", "summary": "Wish it were longer", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A31YTLNTI9C6U0", "asin": "B001FJ4EM0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bob B", "reviewText": "Easy download and simple streaming to multiple devices.", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "ABVCIQ6LLY53R", "asin": "B002ECM06O", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Yablonski", "reviewText": "Awesome when working out.. or just even driving...", "summary": "Five Stars", "unixReviewTime": 1470441600} +{"reviewerID": "A2C8NYYXGZSX4T", "asin": "B00137QS5A", "reviewerName": "Country Girl", "verified": true, "reviewText": "Very danceable.", "overall": 4.0, "reviewTime": "06 25, 2016", "summary": "Dance Music.", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2J4PKWPWQ3TE1", "asin": "B000WOXP1K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Maria Vicente", "reviewText": "Great song", "summary": "The Bells", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A1YMZD7XIM020M", "asin": "B00DFTQ6HY", "style": {"Format:": " Audio CD"}, "reviewerName": "george jefferson", "reviewText": "This Release Has THE Best Stella Blue-IMO !!!", "summary": "I Was Lucky Enough To Be At This Show !!!", "unixReviewTime": 1472774400} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2017", "reviewerID": "A3UADGC8B28SA5", "asin": "B00A0A5A6Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Danielledavis", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1491868800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A3MIQECOS13IV1", "asin": "B00136Q00O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "My son loves this song. It has made me love it all over again. It makes him dance to the beat that's what he told me. So song makes us happy.", "summary": "My son loves this song", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A3BKR3RCAZ7IOX", "asin": "B000VWOQIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Craig Owens", "reviewText": "Arguably Diana Ross and the Supremes best song.", "summary": "Four Stars", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "ALPCW7QJVQ09S", "asin": "B00137TMKI", "style": {"Format:": " MP3 Music"}, "reviewerName": "some guy", "reviewText": "Loved this tune back in the day,really enjoy it now. When I listen to it I feel like I have hair once again...", "summary": "Hair??", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2013", "reviewerID": "A263UOJSPTGDAG", "asin": "B00FR0MC1I", "style": {"Format:": " MP3 Music"}, "reviewerName": "VampireLibrarian", "reviewText": "Downloaded this music on my work computer to keep us all in the Christmas Spirit here at work. We all love it! It is great background music.", "summary": "Christmas Music", "unixReviewTime": 1387411200} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2018", "reviewerID": "ALALGY2GIMTT9", "asin": "B000VZV580", "style": {"Format:": " MP3 Music"}, "reviewerName": "S. Strong", "reviewText": "I like it.", "summary": "Four Stars", "unixReviewTime": 1525824000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "A1I68WA8ANX5WQ", "asin": "B001NTCQGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "JOHN W SCHRAM JR", "reviewText": "Perfect!", "summary": "Five Stars", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A1HS55TIAPZP4C", "asin": "B00CJSHKW2", "style": {"Format:": " MP3 Music"}, "reviewerName": "HDTX", "reviewText": "Every time I hear a song from them I like it. This is the latest gem, easy on the family ears, too.", "summary": "Love me some Fitz!", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2013", "reviewerID": "A1B5B0ROX7CNEU", "asin": "B004ABXOJY", "style": {"Format:": " MP3 Music"}, "reviewerName": "newmomex2", "reviewText": "Love this song!! Warms my heart and keeps me focused on my goals. No matter how hard my day is, I still thank God for being my comforter, my peace. Yes, I choose to worship!", "summary": "Inspirational", "unixReviewTime": 1364688000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2013", "reviewerID": "A23OYW0FAZWAK2", "asin": "B00124HN8K", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Dunnett", "reviewText": "A classic love song\nThis beautiful song will go on forever what more is there to say\nNothing more to say", "summary": "When a man loves a woman", "unixReviewTime": 1368662400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A25G88TQU3AG7B", "asin": "B00AAAKHZ8", "style": {"Format:": " MP3 Music"}, "reviewerName": "niter", "reviewText": "Grate song.", "summary": "Five Stars", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A6TCD92V1GHZD", "asin": "B00136PUC8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cody", "reviewText": "Loved this song growing up!", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A3I7J6H0FSZQIW", "asin": "B0013D8BK4", "style": {"Format:": " MP3 Music"}, "reviewerName": "jeff ervin", "reviewText": "a", "summary": "Five Stars", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "ALF0HXDJGI984", "asin": "B000WH984A", "style": {"Format:": " MP3 Music"}, "reviewerName": "E. D. Cunningham", "reviewText": "Love the song", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A4RTYQ6Z0UFJA", "asin": "B00GK8KIOY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Oschye", "reviewText": "A beautiful song from a gentle soul. It can be heard anywhere and you would stop and listen.", "summary": "Peaceful", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A25KGJL1OX3EC1", "asin": "B0012EHIJ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "public name", "reviewText": "A+++", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A3LG4DFM8VJ3QS", "asin": "B0012286U6", "style": {"Format:": " MP3 Music"}, "reviewerName": "K. A. Rice", "reviewText": "Thank goodness I finally outgrew my high-school snobbery that you had to have the whole album. This should be part of your collection if you're a buff of the 60's sounds.", "summary": "Classic psychadelia", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A289CQCI64UA9Y", "asin": "B00LPHKKIO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Southerncountry", "reviewText": "It Sounds Exellent", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2EIMKDUWRB8DE", "asin": "B001GU4RC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Craig Bullins", "reviewText": "Great Song, Good Quality", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A30YPQCCBBX39M", "asin": "B0011Z3E0Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "josie Lee", "reviewText": "t is awesome song.", "summary": "Five Stars", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "AG5R1U2XYLXEE", "asin": "B005VPSH5E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alberio Cantu", "reviewText": "Great sound quality.", "summary": "Music", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "ADKRGGDX083FE", "asin": "B001R6W96E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Twine", "reviewText": "Great Product", "summary": "Five Stars", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A19VE07ZRANK6S", "asin": "B00EVCDDMK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Arnold's Dj Service", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A2129MAGX7H7AT", "asin": "B00940XGHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kimby H.", "reviewText": "Awesome sound!", "summary": "Perfect", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "AR8O7SVSEUI9Z", "asin": "B001BHJTMG", "style": {"Format:": " MP3 Music"}, "reviewerName": "lagirl", "reviewText": "love this old school it's kind of of one of my favorites you kinda miss the \"I feel you\" with on most the songs today", "summary": "great old school song", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2016", "reviewerID": "A2X2J1FS9JD5IE", "asin": "B00136PZ4G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dazed and Confused", "reviewText": "This is just a lovely song. Beautiful music and lyrics with Cyndi's wonderful voice. It is a haunting song that will stick in your head in a good way.", "summary": "Beautiful music and lyrics with Cyndi's wonderful voice", "unixReviewTime": 1482537600} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2013", "reviewerID": "A3MTHTAMVDDK2W", "asin": "B00PN14AKC", "style": {"Format:": " MP3 Music"}, "reviewerName": "DC ChoirDirector", "reviewText": "I taught it to a youth choir and they blessed the congregation. It is a powerful song and easy to learn. The youth choir was able to relate.", "summary": "Love this song. I taught it to a youth choir and they blessed the congregation. It is a powerful song and easy to learn.", "unixReviewTime": 1383004800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A1CP1YDI9QICY6", "asin": "B0011Z8PXC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bryan Dietzler", "reviewText": "This could be the best song Prince ever made. This song reminds me of my childhood. Great song!", "summary": "Great memories with this song!", "unixReviewTime": 1478822400} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A1OB1N267LNUIZ", "asin": "B00136PU9G", "style": {"Format:": " MP3 Music"}, "reviewerName": "r h", "reviewText": "k", "summary": "Four Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "A22S5Y72YU58FK", "asin": "B0011W1W5S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Yvonne Blackburn", "reviewText": "This is a great arrangement of a beautiful song..One of her best efforts in a long time for this fan of LeAnn Rimes..", "summary": "Amazing version of Amazing Grace", "unixReviewTime": 1384905600} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2017", "reviewerID": "A12CNEHGD0IKC", "asin": "B005CV7CNA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Benben .", "reviewText": "I like it but it's not what I expected. I was expecting piano only or maybe piano with some accompaniment not a full orchestra. It's great music even though I mostly use it for background music when I'm doing work around the house.", "summary": "Nice music featuring the piano", "unixReviewTime": 1511913600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A3QAT5JXG718XQ", "asin": "B00136LQUI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Greencrocks", "reviewText": "Girls do wanna have fun!!", "summary": "Five Stars", "unixReviewTime": 1421798400} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A3JIH8AAZLQQ4O", "asin": "B003Y3UO88", "style": {"Format:": " MP3 Music"}, "reviewerName": "Molly B. Laird", "reviewText": "I played wii dance with this song and liked it", "summary": "Like it", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2014", "reviewerID": "A3S3ICWC7VX53D", "asin": "B00136LJ1E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Vann Griffith", "reviewText": "This is a Fantastic song that reminds me of days gone by. I highly recommend any music by Earth, Wind & Fire.", "summary": "Amazon Music", "unixReviewTime": 1403654400} +{"overall": 4.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A1RGJA7LQ3B5H7", "asin": "B00J80W1DW", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Cuellar", "reviewText": "Great song and somehow I am finally listening to a band everyone seems to like.", "summary": "Fever", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A3ROE739791DV4", "asin": "B0011Z0YQI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Greg Klebs", "reviewText": "Sounds great, will always be one of my favorites. Listen to it everyday", "summary": "Five Stars", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": false, "reviewTime": "10 29, 2015", "reviewerID": "A1I2MRYTS60UW8", "asin": "B011DC3M6C", "style": {"Format:": " MP3 Music"}, "reviewerName": "brianwallen75", "reviewText": "Kind of reminds me of ballads by the Eagles and his 80s songs but with the newer Country feel. One of my favorites off the new album", "summary": "Kind of reminds me of ballads by the Eagles and ...", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": false, "reviewTime": "08 14, 2015", "reviewerID": "A1SOZ074TRQT5P", "asin": "B0094JYKUO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Malikatu Davis", "reviewText": "He is the best with his lyrics", "summary": "Five Stars", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A10YOR88DV58RY", "asin": "B00QNQUYUG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gonzo69", "reviewText": "I love this song, for work or play, it really gets my blood pumping! Yeah, it's bubble-gum pop, but ya gotta do that once in a while!", "summary": "Makes ya wanna move!", "unixReviewTime": 1362873600} +{"overall": 4.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A30G4BROKASV0E", "asin": "B012FG7BR6", "style": {"Format:": " MP3 Music"}, "reviewerName": "LongDread", "reviewText": "Man this album is so dope. Very heavy rotation in my car. I was late to it as I don't do the other download site but I have it once it hit Amazon. Grown man HipHop not this same ole stuff on the radio. Great beats great lyrics and a great Dre Album!!", "summary": "Great Dre Album!!", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A2V5XFNXPUQVLS", "asin": "B0016O0MK2", "style": {"Format:": " MP3 Music"}, "reviewerName": "ranger 609", "reviewText": "James Otto good singer and great song.", "summary": "Five Stars", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "A2N0V6GUH28XMN", "asin": "B001G2HZG8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Samantha", "reviewText": "i really love Jazmins album. She is such a storyteller. she has an amazing soulful voice. not perfect but so soul stirring.", "summary": "SAMANTHAS MUSIC", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "AEV4UJNCT8JB8", "asin": "B00VY0IMYQ", "style": {"Format:": " Audio CD"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome!", "summary": "Five Stars", "unixReviewTime": 1505088000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A2F5UZ7VZDORAR", "asin": "B00136LKMM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Spelfire", "reviewText": "I would give the Lion Sleeps Tonight 8 stars. the high soprano voice boggles my mind.", "summary": "Lion Sleeps Tonight", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": false, "reviewTime": "09 5, 2012", "reviewerID": "A1LCBS8OD88DGJ", "asin": "B0011Z4Z3G", "style": {"Format:": " MP3 Music"}, "reviewerName": "gardenlover", "reviewText": "I love this song from Tracy Chapman and it sounds beautiful. I ordered it and receive it through the Cloud Player at Amazon and it is friendly to use. I highly recommend it. Thank you so much!", "summary": "Fast Car", "unixReviewTime": 1346803200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A2TCO3CE3GUJ9E", "asin": "B000SX87C2", "style": {"Format:": " MP3 Music"}, "reviewerName": "DR", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A2XXV7HV6QHVFV", "asin": "B000XMDRWI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cindy", "reviewText": "This song was beautifully written about a one-on-one encounter with God. You can feel the emotions in Lacey's voice.", "summary": "Powerful Song", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "AAHGICDEAR5AQ", "asin": "B00137IK4C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jenny O'Hara", "reviewText": "Great dance song!", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A1Q5BEVD3IF62H", "asin": "B00IXBOHWK", "style": {"Format:": " MP3 Music"}, "reviewerName": "tkipfer", "reviewText": "You'll love the style and content of this song. The thing that comes up here is the lyrics. They are heavy hitting but enveloped in a light sound. Listen yourself and wrap her theology around your head , you'll want it too.", "summary": "not marshmellow content", "unixReviewTime": 1411084800} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A3OZ8FM7847DDN", "asin": "B0013F1DEI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Addicted to Amazon", "reviewText": "I really like this song it moves fast and I love singing it. For some reason though it doesn't sound as clear as I thought it was. Maybe it's my messed up memory of the song though.", "summary": "Like it", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AR8AC8KLBQJVT", "asin": "B00V94HCBQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "chuktuk44", "reviewText": "One of Chris's best!", "summary": "One of Chris's best!", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "AR7UWVW58B46H", "asin": "B00YTGC2XY", "style": {"Format:": " Audio CD"}, "reviewerName": "K. Childers", "reviewText": "nice autographed piece", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "AVRYF6LXNPOJV", "asin": "B01CEE53ME", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dominique Cooper", "reviewText": "good song", "summary": "Five Stars", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A2WZYL0HNUR5XH", "asin": "B00OIK3SWA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert Shuler", "reviewText": "Refreshing combo of modern pop-rap and 50s na-na-na she-bam music. Trainor isn't a stereotypical waif. She does it all on talent.", "summary": "all talent", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A16MXRFTZHDYRD", "asin": "B00307WBC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rachel", "reviewText": "MUSIC NEVER FORGOTTEN", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A2IV74JCKDT290", "asin": "B000S510H4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kenneth C. Williams", "reviewText": "Great music and well worth the time, energy and the expense in both obtaining and listening to this music. I highly recommend this!", "summary": "Great music and well worth the time", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A2Q6KJ4Z2MR8DM", "asin": "B0168LOJZQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "robin green", "reviewText": "Very moving song. Great for worship", "summary": "Very moving song", "unixReviewTime": 1501113600} +{"overall": 1.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A37TWNNTNCY8JV", "asin": "B002IEW504", "reviewerName": "rose sisters", "reviewText": "ok", "summary": "One Star", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A3CMIEYL0TJLC2", "asin": "B00R4PKGYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "RAE", "reviewText": "Earned it from the Weeknd is seductive and sexual I love this song. And I love 50 Shades of Grey", "summary": "Baby you Earend it", "unixReviewTime": 1442188800} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A541MG69ENNOL", "asin": "B00UWT381C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kehrin Thomas", "reviewText": "Good running music.", "summary": "Four Stars", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A10UMIIKKL8WTB", "asin": "B0013F29FK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rogerp407", "reviewText": "Love this Music.", "summary": "Great Music", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A2HHA4PJGSRANX", "asin": "B0012FAM2S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roost", "reviewText": "Really love this song! Definitely worth the purchase!", "summary": "Really love this song! Definitely worth the purchase!", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "A3CAYYQKG7UDBX", "asin": "B004DH2F8Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Yes recommended", "reviewText": "Inspirational and meaningful without any doubts, a must have to your collection, you will want to play it again & again!", "summary": "Real meaning with Truth", "unixReviewTime": 1367625600} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2013", "reviewerID": "A2OYZTAWLIM68P", "asin": "B0094JYKYU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shelia", "reviewText": "I love this song. I hear it in church and on the radio so I decided to finally purchase it. Over my circumstance given me another chance You Reign. God definitely reigns in my life. No matter what I'm going through, He still reigns.", "summary": "You Reign", "unixReviewTime": 1362182400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A31F7XAEJQQHPS", "asin": "B00137MH00", "style": {"Format:": " MP3 Music"}, "reviewerName": "jtpcare", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A165P3MOJV3OVZ", "asin": "B0013F0K1U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cesar", "reviewText": "Enjoyed it", "summary": "Five Stars", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A10YO8RU5NYH5F", "asin": "B00HNEPOPW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Maria A. Tisdale", "reviewText": "This song is beautiful and I really love that I downloaded it. I can't wait for the CD to drop cause I really like this one song", "summary": "Awesome", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A3LKN4YF3EKBO4", "asin": "B00S8Y9L46", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diane Yearous", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A1KCB19DANZUGT", "asin": "B00VHA6KCO", "style": {"Format:": " MP3 Music"}, "reviewerName": "KelleyH", "reviewText": "Love her!", "summary": "Great song!", "unixReviewTime": 1477094400} +{"overall": 2.0, "verified": false, "reviewTime": "12 2, 2014", "reviewerID": "AABLJYQ9ZYOSM", "asin": "B00689J5WG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tahir Usman", "reviewText": "Pretty lame to be honest! Avoid, there are much better tracks from RIhanna out there! More of a clubbing / rave tune.", "summary": "Lame rave tune", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A2SYVHSNX6YF70", "asin": "B0048IN0PW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anjali V", "reviewText": "This song is one that gives me great strength. I feel awesome after listening to it (about 10 times)!", "summary": "Empowering, inspiring, genuine", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1NEXK7O36ZMU8", "asin": "B00LAP3KS8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monica Morann", "reviewText": "Excellent song", "summary": "Five Stars", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": false, "reviewTime": "12 20, 2013", "reviewerID": "A3TC5L38GXNY9I", "asin": "B00137KRYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Fran M. Lancaster", "reviewText": "Sarah is a very talented music writer and a most talented singer. She has a very calming voice and very easy to understand every word she sings.", "summary": "Love Sarah McLachian", "unixReviewTime": 1387497600} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "AYP7PJ4RUB8MW", "asin": "B0018Q62SO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Washington State", "reviewText": "Still love this song", "summary": "Four Stars", "unixReviewTime": 1460678400} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2013", "reviewerID": "A1RI2NEFN67CRN", "asin": "B004FA0BO6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I first heard this song back in 7th-8th grade and it still brings back great memories. Good lyrics and rhythm.", "summary": "Good song", "unixReviewTime": 1372982400} +{"reviewerID": "A1M3F4G45OXRDI", "asin": "B001IYWHJ4", "reviewerName": "Victor1212", "verified": true, "reviewText": "Bought this because I already liked it. No surprises here.", "overall": 5.0, "reviewTime": "11 7, 2015", "summary": "Five Stars", "unixReviewTime": 1446854400} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2017", "reviewerID": "A9MR81J2M63FF", "asin": "B00136Q5ZY", "style": {"Format:": " MP3 Music"}, "reviewerName": "William A. Osmeyer", "reviewText": "A lovely ballad. not necessarily a classic, but it's close in my book, which is all that counts.", "summary": "A lovely ballad. not necessarily a classic, but ...", "unixReviewTime": 1508025600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A2A6PPC5QQSD13", "asin": "B0170K9VS4", "style": {"Format:": " MP3 Music"}, "reviewerName": "michelle Nelson", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A1HSUCYKMQYPMJ", "asin": "B00TLARUWG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lounar Solutions", "reviewText": "Oh do I feel like the title of this song some day's I wish I could stop the race", "summary": "Five Stars", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A18PHRALHBLMF4", "asin": "B000TEC91A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jessica", "reviewText": "since buying cds are out of style and iTunes is always expensive I prefer to use amazon for music song is great and the preview is long enough for you to get an idea of the song", "summary": "i love it", "unixReviewTime": 1402358400} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "APBMLKG1UM5AX", "asin": "B000W25KSI", "style": {"Format:": " MP3 Music"}, "reviewerName": "WILLIAM", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A1GGH5URZCKJQS", "asin": "B00137KM48", "style": {"Format:": " MP3 Music"}, "reviewerName": "Noble L Johnson", "reviewText": "Great Purchase", "summary": "Five Stars", "unixReviewTime": 1423872000} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A27C7RIOTMMN2O", "asin": "B000W0CPME", "style": {"Format:": " MP3 Music"}, "reviewerName": "coderunner2000", "reviewText": "I thought I remember this from another group. But still a very good song.", "summary": "But still a very good song.", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "AQXUO3MZOEV0G", "asin": "B00O6DWFW8", "style": {"Format:": " MP3 Music"}, "reviewerName": "customer 1", "reviewText": "love it.", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "A3ES4BLVOK2TQ8", "asin": "B00DS2H2NU", "style": {"Format:": " MP3 Music"}, "reviewerName": "carey ehlers", "reviewText": "It helps me to sleep at night I have it with o music and I like that it is free", "summary": "it helps me sleeps", "unixReviewTime": 1378339200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2013", "reviewerID": "A6VKJ5ADIQBVE", "asin": "B00KFEXHRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "prgirl", "reviewText": "I absolutely love this song. I love the beat, the words, the whole delivery. It was easy to purchase. The quality is good. I am satisfied with this purchase.", "summary": "Beautiful (feat. Miguel) (explicit)", "unixReviewTime": 1373241600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A3NP1OJ9SW74Q8", "asin": "B0011Z3ESI", "style": {"Format:": " MP3 Music"}, "reviewerName": "bladough", "reviewText": "I love this version of this song. Maybe a little better than the original that was sung by the band Genesis!", "summary": "Great song!!", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A1Y1QNYDSMUENC", "asin": "B013THM8PA", "style": {"Format:": " MP3 Music"}, "reviewerName": "AHB", "reviewText": "For .99 it's a no brainer. These sets have enabled me to greatly increase my classical music collection.", "summary": "Get it", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": false, "reviewTime": "11 24, 2012", "reviewerID": "A12Z3M26VFCAAY", "asin": "B00122NUXE", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Chiles", "reviewText": "I actually got the wrong one..but....It's Percy Sledge. I grew up listening to him and an extra cut can't hurt. I was supposed to get 'When a man loves a woman'...memory problems, mine", "summary": "From my era", "unixReviewTime": 1353715200} +{"overall": 2.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A7TQ4P8CTUABO", "asin": "B00K2RD8NW", "style": {"Format:": " MP3 Music"}, "reviewerName": "S. Guerrier", "reviewText": "I should have listened to the onlive version. It is not the version I wanted. I do not like the disco/house music version I inadvertently downloaded.", "summary": "Always listen to music FIRST", "unixReviewTime": 1453680000} +{"overall": 3.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A33UUT7UOAF5PY", "asin": "B00V3YADOU", "style": {"Format:": " MP3 Music"}, "reviewerName": "pack8712", "reviewText": "my daughter loves this song", "summary": "Three Stars", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "A1JPPIRAZFDXS4", "asin": "B00123JYR4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark Massingill", "reviewText": "Music review is based solely off of personal taste. Just because I like it doesn't mean you will. I love this one.", "summary": "Love it!", "unixReviewTime": 1366675200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "ADHZ0ABZBBDFJ", "asin": "B001BK9CHU", "style": {"Format:": " MP3 Music"}, "reviewerName": "GatorFan", "reviewText": "Takes me back in time!", "summary": "Review of When I see you Smile", "unixReviewTime": 1475366400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2012", "reviewerID": "A1XWUBC808VP33", "asin": "B000W022JA", "style": {"Format:": " MP3 Music"}, "reviewerName": "K. Blackwell", "reviewText": "ONE OF MY FAVORITE TELL IT LIKE IT IS ARTISTS. THIS SONG IS HIS ABSOLUTE BEST IN MY OPINION BUT I LIKE EREYTHING HE DOES.", "summary": "AS ALWAYS STEVE EARLE", "unixReviewTime": 1355011200} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "AAFQ08975CO3Z", "asin": "B004YRFY1U", "style": {"Format:": " MP3 Music"}, "reviewerName": "JLO", "reviewText": "Funny Song Recommended to Anyone", "summary": "The best", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2015", "reviewerID": "AT0K5OWO5AO8X", "asin": "B000V8CBB2", "style": {"Format:": " MP3 Music"}, "reviewerName": "trishiegirl", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1449360000} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A15T3Y3BL2AJ9V", "asin": "B00137Z1VM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roger Dodger", "reviewText": "How could forget Sylvester Stone. The musicianship is outstanding. It wants to make you dance. Great material. The sound is quite good.", "summary": "I just love it.", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A31PIJ5RT73ZZ6", "asin": "B001L28LUM", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Coleman", "reviewText": "love the music.", "summary": "love the music", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A261YGVY9WP9ST", "asin": "B007B6VOII", "style": {"Format:": " MP3 Music"}, "reviewerName": "GSO Coastie", "reviewText": "Catchy!", "summary": "Catchy!", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A1IZ7PBQEGLSJF", "asin": "B001384PFY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sgt. Pepper", "reviewText": "Wynonna's best. One of the great highlights of the \"Touched by an Angel\" TV series.", "summary": "\"Touched by an Angel\"", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A3JXBXTGF9DUSR", "asin": "B00136J7ZE", "style": {"Format:": " MP3 Music"}, "reviewerName": "lorrie", "reviewText": "I CAN'T START MY DAY WITHOUT THEM. NOW I CANLISTEN TO THESE SONGS , ALL DAY LONG :)", "summary": "Five Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A3LQT6PVK9YEU0", "asin": "B00A8U014C", "style": {"Format:": " Audio CD"}, "reviewerName": "D. Harris", "reviewText": "ANOTHER GREAT VOICE THAT I ABSOLUTELY LOVE AND YOU CAN'T GO WRONG WITH THIS CD!", "summary": "UNIQUELY WONDERFUL", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A3LZW1IT1VT993", "asin": "B0013F0E16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Judy", "reviewText": "I love this beautiful song..", "summary": "Five Stars", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A1DZLLQ01CJTS6", "asin": "B00JGEU1AU", "style": {"Format:": " MP3 Music"}, "reviewerName": "mama. duke", "reviewText": "Thanks Amazon you picked out a winner sorry this is the end of Michael Jackson career but he's just a perfect example of what should be the way we love and live God bless him for his contribution to the music world.", "summary": "Love never felt so good", "unixReviewTime": 1405814400} +{"overall": 3.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A1OQHWNGB5OSGC", "asin": "B00M7LN7SM", "style": {"Format:": " Audio CD"}, "reviewerName": "Craig MacCambridge", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A39NXFS0U6NJJM", "asin": "B0018QZ6UY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Samz80", "reviewText": "Great song, great band, really took me back to the good ole days.", "summary": "Listening to my Era of Music", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A231OAMWPDR8G3", "asin": "B000TDZ666", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Good tunes", "summary": "Five Stars", "unixReviewTime": 1423526400} +{"overall": 3.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A1UBG473OUNBE8", "asin": "B0083EYC4A", "style": {"Format:": " MP3 Music"}, "reviewerName": "renaewb", "reviewText": "I got this one because it was offered for free. It is not something I listen to on a normal day but it's okay", "summary": "Not A Fave", "unixReviewTime": 1361491200} +{"overall": 1.0, "verified": false, "reviewTime": "05 10, 2014", "reviewerID": "A15JTJXQXO22JJ", "asin": "B00FX8F6VM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chad Frey", "reviewText": "First roar & now this stinking up the airwaves & its hitting up the charts? Will she ever go away?\nnice going people , You don't know what good music is anymore.", "summary": "She's The Enemy Don't Buy This", "unixReviewTime": 1399680000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A1NTNTHE19LQ8H", "asin": "B009FREDPM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lynn Sylver", "reviewText": "How could anyone not like this work? It's fun, funny, and cries out to the listener to get up and try the dance.", "summary": "fun", "unixReviewTime": 1360454400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A3OVO8CVNQA2KR", "asin": "B00TINQKX6", "style": {"Format:": " MP3 Music"}, "reviewerName": "ms. johnson", "reviewText": "keep it coming, can`t wait to hear more.", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2017", "reviewerID": "A2SCA77AG7O8IK", "asin": "B00HSRGNPO", "reviewerName": "F. Johnson", "reviewText": "Great!!!", "summary": "Four Stars", "unixReviewTime": 1512345600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A1WB04M5WLQF34", "asin": "B00940XGHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tribe 1966", "reviewText": "I loved their first album and was a little disappointed that I had not heard from them in a while this is one of the best tracks in a while.", "summary": "Blown away", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A2YUFCDKQPBLLE", "asin": "B00XDI17J4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ashley W", "reviewText": "I love this song! It's so upbeat and the perfect addition to any summer road trip mix.", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 1.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "AW7216078S7ZP", "asin": "B00A87ERYK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tiago", "reviewText": "Deleted from my files.", "summary": "Don't like it", "unixReviewTime": 1409356800} +{"overall": 5.0, "verified": false, "reviewTime": "07 22, 2013", "reviewerID": "A38EL39NB9JP1M", "asin": "B0011ZVOGW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Butler", "reviewText": "I'm a huge Levert (Eddie & Gerald) fan. If you like the Lerverts' music then you're sure to love this song.", "summary": "Great song", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": false, "reviewTime": "03 11, 2016", "reviewerID": "AWXTOLU2K2PH4", "asin": "B0108UP0EC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nicki B", "reviewText": "Haven't enjoyed a cover this much since Shinedown sang \"Simple Man.\"\nHave heard other covers of this same song by other \"rock bands\" and they were terrible.\nI didn't know this guy could sing so well! Was pleasantly surprised.\nVery melodic and haunting.", "summary": "Awesome Cover! (If you like actual music that is!)", "unixReviewTime": 1457654400} +{"overall": 1.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A93V4H1VF74J3", "asin": "B0092MKTWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Zachary Oren", "reviewText": "not as good as a song as i thought it would be so im sorry but is was not worth purchasin", "summary": "bad", "unixReviewTime": 1393545600} +{"reviewerID": "ASROSNZ1W4VXK", "asin": "B000WH0UKQ", "reviewerName": "Roberta Gabriel", "verified": true, "reviewText": "Satisfied with item.", "overall": 5.0, "reviewTime": "03 17, 2015", "summary": "Five Stars", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": false, "reviewTime": "03 6, 2014", "reviewerID": "A12YY5VZU96FPV", "asin": "B00F6PKCDE", "reviewerName": "Aslyn Mary MIlner", "reviewText": "First heard on Pandora WOW what message this song has, and the singer is pretty good too lol. Good work", "summary": "GRACE!!!!!!", "unixReviewTime": 1394064000} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A2RBKB57AZFUUK", "asin": "B0011Z10UM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Florida", "reviewText": "Great song.", "summary": "Four Stars", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A85KDMUVL82MP", "asin": "B0013D8BK4", "style": {"Format:": " MP3 Music"}, "reviewerName": "chevelle 68", "reviewText": "I like the beat it is up beat very good song.", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": false, "reviewTime": "01 10, 2015", "reviewerID": "A2APTRQDU48IPH", "asin": "B00CG68C0G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Texan", "reviewText": "Very nice song.", "summary": "Five Stars", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A1QIZFFDOSBDTA", "asin": "B001IXQU3O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shari", "reviewText": "Really happy the be able to play on my Kindle! I can enjoy great music while playing a game or reading a book", "summary": "Great tune!", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": false, "reviewTime": "09 28, 2014", "reviewerID": "A3GNWOJTYIAHIK", "asin": "B001GOY44M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Melissa Wood", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 1.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "ACMH5LBVAOPU", "asin": "B004AP05QU", "style": {"Format:": " MP3 Music"}, "reviewerName": "YD", "reviewText": "Awful Quality for this song. I thought it would be better.", "summary": "Awful", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "A8W9YBMJDCSEJ", "asin": "B000VZJPUA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Primelover", "reviewText": "Killer song & awesome sound quality on this one! I am a huge Kiss fan from back in the day so am excited some of my favorite Kiss tunes are available on Mp3's!!", "summary": "Heavens on Fire", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A1NDKH5MGL8MR1", "asin": "B00BKEMP62", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. R. Foster", "reviewText": "Love her, love her songs!", "summary": "Five Stars", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A4BZGF4KSQVEX", "asin": "B00136RUWG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Another of my favorite songs... EWF has lots and lots of good ones. They always seem to have a good time with their music... and so do I.", "summary": "More great music", "unixReviewTime": 1360886400} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2013", "reviewerID": "ACG03QQG609FL", "asin": "B00136PWLC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ryan Beauchamp", "reviewText": "This is a great album by a great artist. I think that Amazon should let you rate albums without writing a review.", "summary": "good", "unixReviewTime": 1384041600} +{"overall": 3.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2NC714R2PYQAZ", "asin": "B000W0227C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rebecca Kruger", "reviewText": "Thank you", "summary": "Three Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "AITEQT6666NDI", "asin": "B000V61G1A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Xalanda", "reviewText": "Ricky Rubio", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 4.0, "verified": true, "reviewTime": "06 14, 2018", "reviewerID": "A17NMUO9DVU8LG", "asin": "B00TB5APTG", "style": {"Format:": " MP3 Music"}, "reviewerName": "jeff", "reviewText": "is what it is", "summary": "Four Stars", "unixReviewTime": 1528934400} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "AR3N1VLW722V9", "asin": "B001LR89IG", "style": {"Format:": " MP3 Music"}, "reviewerName": "BUDDYBOY51", "reviewText": "great old song!", "summary": "Four Stars", "unixReviewTime": 1455926400} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "ACKYF1Z2TQC2S", "asin": "B007UT46MM", "style": {"Format:": " MP3 Music"}, "reviewerName": "uniden", "reviewText": "i like this song, it's got some nice lyrics to it. i thought it would of been more popular than it ended up being...weird.", "summary": "nice song", "unixReviewTime": 1378339200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A23O628W3SCBLZ", "asin": "B000V64UF4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ernest Harbin", "reviewText": "Stevie Wonder.....pure genius ", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "AIL3G9W5WKJCT", "asin": "B00O0PO7IM", "style": {"Format:": " MP3 Music"}, "reviewerName": "abigailismymuse", "reviewText": "One of my top 3 Zac Brown songs definitely. Reminds me of Mumford & Sons a little bit.", "summary": "Sweet Annie <3", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A148D0QCF0R8ND", "asin": "B00137KI60", "style": {"Format:": " MP3 Music"}, "reviewerName": "mlrolak", "reviewText": "This is one of his best songs. I love it. It is so amazingly wonderful. The beat and melody lifts my spirit to a different level. I love love this song.", "summary": "My favorite of all times", "unixReviewTime": 1369612800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A2H4YUUG1OR63C", "asin": "B0012269SC", "style": {"Format:": " MP3 Music"}, "reviewerName": "tweety48", "reviewText": "Oldie but goodie.", "summary": "Oldie but goodie!", "unixReviewTime": 1462752000} +{"overall": 2.0, "verified": false, "reviewTime": "12 2, 2014", "reviewerID": "AABLJYQ9ZYOSM", "asin": "B00689J5WG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tahir Usman", "reviewText": "Pretty lame to be honest! Avoid, there are much better tracks from RIhanna out there! More of a clubbing / rave tune.", "summary": "Lame rave tune!", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A19P1TT6W9YWNV", "asin": "B00MB4BHHI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rosetta", "reviewText": "Great song me and my husband love it!! Well done Johnny.", "summary": "Five Stars", "unixReviewTime": 1415491200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A25HXZYBETEVW0", "asin": "B001GDYPDI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shoe lover", "reviewText": "Another 70's great", "summary": "love the 4Tops", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A3G0EB0EHTDYYY", "asin": "B00136NV42", "style": {"Format:": " MP3 Music"}, "reviewerName": "'Mez'", "reviewText": "Only song I liked by them.", "summary": "Good song", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A2BH870GC736PX", "asin": "B00GDL60JU", "style": {"Format:": " MP3 Music"}, "reviewerName": "MsLadybugHD8", "reviewText": "One of Lady A's best songs!", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A1L5C5FV7N4G02", "asin": "B0011Z0YR2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Ty", "summary": "Five Stars", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": false, "reviewTime": "04 1, 2014", "reviewerID": "A1Q6MHDUPNV6P7", "asin": "B00GLP4JP0", "style": {"Format:": " MP3 Music"}, "reviewerName": "marymurban", "reviewText": "It is everywhere! YouTube, etc. I love it but don't think Demi Lovato sings it the best. It is a great song!", "summary": "What a Song", "unixReviewTime": 1396310400} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A33G5NB3THTY6G", "asin": "B00137IDMQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "KAB.", "reviewText": "Good song. So had to have it for my music collections. Find it on Amazon and downloaded it for a nice price", "summary": "Good song.", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "ARZFEFD2ZCMIQ", "asin": "B00137G7SS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Frostbite", "reviewText": "Love this song!", "summary": "Five Stars", "unixReviewTime": 1414800000} +{"overall": 4.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A1OA77KY86NC42", "asin": "B00492EB2S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark G", "reviewText": "great addition to my collection", "summary": "Four Stars", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A3Y2UZME5JTYB", "asin": "B00W8LYBBS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert Coleman", "reviewText": "I have never been disappointed with any of these sets. At least with this type I know who the composer is while I am playing it, unlike some of the others.", "summary": "Good selection at a fair price.", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": false, "reviewTime": "10 16, 2016", "reviewerID": "A5UUKLEXZMJLQ", "asin": "B00P7DOZ4C", "style": {"Format:": " Audio CD"}, "reviewerName": "JJ", "reviewText": "Just a one song i didn't fully like. Otherwise nothing else to complain about. This album is like my best friend. The words the album speaks means so much to me, and i keep it by my side at all times. I LOVE YOU MARINA!!!! KEEP UP THE BEAUTIFUL AMAZING WORK!!!", "summary": "Just one song I don't fully like, which is rare.", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A2PR1O53J0V8W2", "asin": "B00XIBEC4I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hubert Wilson Jr", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2016", "reviewerID": "A3ON1P7G5XE17X", "asin": "B0011Z77TA", "style": {"Format:": " MP3 Music"}, "reviewerName": "W. G", "reviewText": "Hear about it on a TV show and had to have it. Great song.son", "summary": "Song", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "AMD8BH7CRW02F", "asin": "B00QNJW6L8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nutt4668", "reviewText": "Really GREAT Tune. Love the Band", "summary": "Rock On", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2018", "reviewerID": "A1SVIEA6FFKP50", "asin": "B0050N8NKQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Max", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1520553600} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A18AV3VUBPLV82", "asin": "B01BLWN4AS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Maria Aguilar", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1470787200} +{"overall": 1.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A34OI9DVIWSHXD", "asin": "B00QN2CHKK", "style": {"Format:": " Audio CD"}, "reviewerName": "1", "reviewText": "a", "summary": "One Star", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "AOWFKM8B8S7Z8", "asin": "B00CMIUOPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Susan E. Smith", "reviewText": "Hey! It's Hezekiah Walker! Every Praise is sweeping the nation. It will get you moving.", "summary": "Five Stars", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2017", "reviewerID": "A3LFXOHSFOT9WQ", "asin": "B004YFAZT8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Old TnGirl", "reviewText": "Good song", "summary": "Five Stars", "unixReviewTime": 1504742400} +{"overall": 4.0, "verified": true, "reviewTime": "01 18, 2014", "reviewerID": "AIX0P4OOXBUWC", "asin": "B00EH49FRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Todd D. Brown", "reviewText": "I just had to download this for my grand daughter. She loves it - I like working out to it. Nice inspiration.", "summary": "My grand daughter sings this!", "unixReviewTime": 1390003200} +{"overall": 4.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A3KU50AZ8AZ0AO", "asin": "B000V61FXO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Glenn A. Legge", "reviewText": "Good listening.", "summary": "Four Stars", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A32ONO7PCDR8SL", "asin": "B00AAAKJ8S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roxann Welker", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A3HRXL1IM2P9F3", "asin": "B00GG3OYMK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stephanie", "reviewText": "Great Song!!", "summary": "Five Stars", "unixReviewTime": 1427241600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2009", "reviewerID": "A17FDFSQ1OLOUN", "asin": "B0011W1W5S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "the best rendition of this song that i have heard bravo", "summary": "get this one", "unixReviewTime": 1253059200} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A1LIO1CETT3TRB", "asin": "B00FHABTZS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Concerned customer", "reviewText": "Great Item. No complaints.", "summary": "Four Stars", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "A4507F879T1SD", "asin": "B00136JF8I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard L. Kraatz", "reviewText": "Excellent song.", "summary": "Five Stars", "unixReviewTime": 1512950400} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "AN402FWV4UDOF", "asin": "B0012EELIK", "style": {"Format:": " MP3 Music"}, "reviewerName": "KrisB", "reviewText": "Have heard the \"Wedding Song\" in the past & it was time to add it to my music library. Have enjoyed PP&M's music over the years!!", "summary": "Have enjoyed PP&M's music over the years", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AR7QOCLIRJ9X0", "asin": "B001KSDFDU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aaron D. Mcmahan", "reviewText": "Great album I would recommend it to anyone.", "summary": "Worth the buy.", "unixReviewTime": 1453680000} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A2T8QLKOYBPCOL", "asin": "B001235DTW", "style": {"Format:": " MP3 Music"}, "reviewerName": "The church of Jesus", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1Y2BMKL6J8SDF", "asin": "B000Z0HZP8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paula L. Hall", "reviewText": "good song great artist", "summary": "good song great artist", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A10W1KVOWEGIW9", "asin": "B001IXSU8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff Kirwald", "reviewText": "Great Song.", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A2CBL6ZXFPTWXS", "asin": "B00EUP7NT2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Karentun", "reviewText": "Beautiful! Used it for a wedding compilation.", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A1NJ5WQW2UXWQA", "asin": "B01D4LH4R8", "reviewerName": "David Ray 4356", "reviewText": "High quality and good sound. All of the mp3 files that I have purchased from Amazon have been good quality. They use LAME which is the best mp3 encoder and it is at a good bit rate.", "summary": "High quality and good sound. All of the mp3 files that I ...", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2015", "reviewerID": "A173RNRO9C8YJN", "asin": "B00122RZNA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Al Snow", "reviewText": "always loved this song. I think she helped Prince with this, and I prefer this version to his. From the spoken word intro to the awesome harmonica break and the awesome vocals, there is nothing here not to like.", "summary": "One of Chaka Khan's best singles", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "AD3TIAJQV5WVX", "asin": "B000VSWCQG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrs. C.", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1415145600} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A27HKE3D4C3V9Y", "asin": "B009470G2C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert Morris", "reviewText": "A song that might help a struggling person. It helps bridge that gap we sometimes have if God is with me.", "summary": "A song that might help a struggling person. It ...", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2017", "reviewerID": "A2TCS5WHOWV1D3", "asin": "B001X3GOGM", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Pearcy", "reviewText": "A good version of the snng ... very upbeat !", "summary": "Five Stars", "unixReviewTime": 1488153600} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A203WLJ31GIUTB", "asin": "B00EYAMFVE", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. Wilson", "reviewText": "I love this song, my wife downloaded this and I cant stop listening to it. Has a great beat good lyrics and is just fun to listen to. We will being looking for more Zendaya songs to mind for like this!", "summary": "Great Song", "unixReviewTime": 1405468800} +{"overall": 3.0, "verified": false, "reviewTime": "08 16, 2012", "reviewerID": "A1MCQLJGZ2ODCK", "asin": "B000V616JC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nick", "reviewText": "I could not pass up the $.25 price tag on this song. I probably would not have bought it otherwise. it may come in handy.", "summary": "Classic", "unixReviewTime": 1345075200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A2U9TMU40ZJWBL", "asin": "B009Y4JIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eric Yu", "reviewText": "I really love the song is a very Good song", "summary": "Good song", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A1NP3W5IVI2RF8", "asin": "B00LLMC78E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Debby Hunt", "reviewText": "love", "summary": "Five Stars", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "AF9NWZ4SJ5ZUU", "asin": "B001NB4YLG", "style": {"Format:": " MP3 Music"}, "reviewerName": "kjc", "reviewText": "Great song. Seen musical and Movie.", "summary": "Great song.", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A29O3NE3A4EJ20", "asin": "B0011Z10UC", "style": {"Format:": " MP3 Music"}, "reviewerName": "cctyger", "reviewText": "This is a typical recording of the song everyone knows. It is a nice addition to a 1960's/1970's collection. Enjoy!", "summary": "Typical recording", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2015", "reviewerID": "ADQ8DPPPS3AGW", "asin": "B0086HH0X4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Janice White", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1448496000} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2012", "reviewerID": "A39FOO2PPLK50G", "asin": "B000ZDONPU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mickey", "reviewText": "We were putting together our own wedding CD and my fiance loves this song. It will be played at our wedding. My mom and a neighbor of ours played this song as their wedding song too and they both will be there.", "summary": "What a great song.", "unixReviewTime": 1343779200} +{"overall": 3.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1RRX5XG4ZPUZ1", "asin": "B009ZAXVGQ", "reviewerName": "Niki", "reviewText": "its free", "summary": "Three Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A1KYELV8RBHDVM", "asin": "B005BYURU8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Very soothing!", "summary": "Very soothing!", "unixReviewTime": 1408579200} +{"overall": 4.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A23XM3YT3QH1AF", "asin": "B00L4RFQAM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Curmudgeon at Large", "reviewText": "The song starts out nice and soft, The voices are very good and the melody is excellent, but the synth drum was so common and a disappointment. Otherwise the song was excellent", "summary": "Almost excellent", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A3G2DTV1E8E0AM", "asin": "B00AU1L44K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Reginald Mooring", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1411603200} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A38RJL6DA0KA65", "asin": "B000V6A53U", "style": {"Format:": " MP3 Music"}, "reviewerName": "dimples66", "reviewText": "Have not heard this song in years it was good to hear it the way I had heard it in the 1970's.", "summary": "Have not heard this song in years it was good to hear it the way I had heard it ...", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2013", "reviewerID": "A194IBSLJ0M0SD", "asin": "B00137G76A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alesha Howard", "reviewText": "great song to take you away from all the stresses and troubles you may have. love Kenny Chesney and all his songs", "summary": "great tropical song", "unixReviewTime": 1364342400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A3R2P1ZT52DWLT", "asin": "B000W27BFI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gregory L. Schaecher", "reviewText": "GOOD song.", "summary": "Five Stars", "unixReviewTime": 1453334400} +{"overall": 3.0, "verified": false, "reviewTime": "11 24, 2012", "reviewerID": "AB9EWO8ESOSJC", "asin": "B00136M10M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Firstbank", "reviewText": "i love her since i thought she sang the song because the night also by 10,00 manices althought i lived them better i thought this version had a softer quality", "summary": "welldone", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A2A74CNTYX43P0", "asin": "B00124259C", "style": {"Format:": " MP3 Music"}, "reviewerName": "ms.lady", "reviewText": "This album's signature song by one of the most under valued, talented artist in jazz --George Benson, represents his first excursion into singing with his own guitar accompaniment. It is still wonderful 30s later.", "summary": "Sterling song from a Grammy winning album", "unixReviewTime": 1426809600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71qpyFeYwYL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A36GE53TK8V94L", "asin": "B001LZ0UGM", "style": {"Format:": " MP3 Music"}, "reviewerName": "MysticWolf229", "reviewText": "FROM MY PAST CANT DANCE ENOUGH TO THAT ONE LOL", "summary": "LOVING TO DANCE TO FORGET NAD NOT HURT THIS WAS ONE...", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "AUDX69YGA9BA7", "asin": "B000VWMTHE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cat Lover", "reviewText": "This downloaded easily and sounds great when played on my Kindle Fire. This has been a long time favorite of mine.", "summary": "Wonderul Tonight", "unixReviewTime": 1370908800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "A2M3N6X8OKJA5G", "asin": "B005KWLDFY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shelly", "reviewText": "Good song", "summary": "Five Stars", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A2S8LZSFR0SB88", "asin": "B000TDYRCK", "style": {"Format:": " MP3 Music"}, "reviewerName": "theda1915", "reviewText": "Here's my boilerplate positive review for an MP3 download: No problems, just what I was expecting. The ease of ordering MP3s from Amazon will keep me coming back. The cloud player and automatic download are great.", "summary": "A good purchase", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2017", "reviewerID": "A6ZKAHCONUHX5", "asin": "B01B8I3DHO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eugene Suh", "reviewText": "I'm not a Rihanna fan, but this song converted me. Enough said.", "summary": "Listen to this song", "unixReviewTime": 1513728000} +{"overall": 1.0, "verified": true, "reviewTime": "04 13, 2013", "reviewerID": "A1CHLJQMZN8LHG", "asin": "B00165TQEO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Becky Rodney", "reviewText": "\"I tell you something, I know what you're thinking....\" The last couple times I heard \"Rio\" on the radio I realized I really like this song. I bought the mp3 from here.", "summary": "\"I know what you're....\"", "unixReviewTime": 1365811200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "A1FW0RS12UDAZ0", "asin": "B00LWC6P1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angelscry2", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1506211200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A3VWZMMIKPY2XU", "asin": "B00122UNM0", "style": {"Format:": " MP3 Music"}, "reviewerName": "dakmar", "reviewText": "More Classics added to my library", "summary": "Five Stars", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "AS4CRK1OVTKFE", "asin": "B00136RNR8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daze", "reviewText": "One of the best dance songs ever written.", "summary": "Get up and dance!", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A1M6LSX0YLDMU6", "asin": "B001411WN8", "style": {"Format:": " MP3 Music"}, "reviewerName": "sherm1dr", "reviewText": "This is a fun song with a great beat. I think we all know someone this song reminds us of. Parental guidance.", "summary": "Fun!", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A2QO20Z0TAHKTX", "asin": "B00137VC1A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beverly B. Harris", "reviewText": "I love this song and I always will because it speaks of me giving GOD Praise", "summary": "Five Stars", "unixReviewTime": 1416700800} +{"overall": 3.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A37G33Z57ZPNCI", "asin": "B00137QQYI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beckey", "reviewText": "Great Song", "summary": "Three Stars", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A10W1KVOWEGIW9", "asin": "B001NZN1AC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff Kirwald", "reviewText": "Great Song.", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A2K38NCFZBXYP8", "asin": "B01D5HSAME", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joe", "reviewText": "good tune", "summary": "Five Stars", "unixReviewTime": 1484265600} +{"overall": 2.0, "verified": false, "reviewTime": "02 22, 2013", "reviewerID": "AMKHSFDQDXDMS", "asin": "B00AH34AUQ", "style": {"Format:": " Audio CD"}, "reviewerName": "Joe R.", "reviewText": "This album sounds like Greenday running out of ideas and just decided to throw their leftover songs from the first two albums of the trilogy onto a third disc. Not impressed at all. Guitars are too mellow sounding, weak distortion, and not one Song I can say is memorable.", "summary": "Weak", "unixReviewTime": 1361491200} +{"reviewerID": "A5S3JYV2I3KDW", "asin": "B000WLTMPQ", "reviewerName": "Michael Weber", "verified": true, "reviewText": "This is the first country album I ever bought. After listening to it in iTunes I immediately changed the genre to Rockabilly. Patsy Kline is by far the best and only Rockabilly album I own. I give most of the songs a 5 or 4.", "overall": 5.0, "reviewTime": "09 7, 2008", "summary": "I must be getting old", "unixReviewTime": 1220745600} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A2KWLHNY4RF828", "asin": "B0011Z0YN6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Item is what was described.", "summary": "Four Stars", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2013", "reviewerID": "AYMHDYEA0N2CD", "asin": "B00ELD1RPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chandra", "reviewText": "Great song, Mandisa always has a way of putting into words the things we need to hear. I recommend it to everyong", "summary": "Great", "unixReviewTime": 1380844800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A30FSHUAG5XUC0", "asin": "B000V6O3HO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tom", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A1FHCJS6S0QFM0", "asin": "B00BNX8YSI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jessk", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A1QR06WU6N7T5E", "asin": "B0035S3W18", "style": {"Format:": " MP3 Music"}, "reviewerName": "JC4U", "reviewText": "Love it! :D", "summary": "Five Stars", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "AG3ODP9T1GGEP", "asin": "B00137MSX6", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. Aandahl", "reviewText": "Ok,not much to say about a MP3 file..It was easy to download,and was automatically sent to WMP,making it super easy to put on my device.\nThe music sonds good,not a remix or uncut.", "summary": "to the left :)", "unixReviewTime": 1357516800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "A1T1V8JA80RNJM", "asin": "B00UC9F0FO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jonathan Babin", "reviewText": "Excellent song", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A324G7JXU9Y57G", "asin": "B0017WEN7Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cocoa N.", "reviewText": "I love this song.", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A228G4DP1IKEOG", "asin": "B00OXE36DC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Pretty good song. I like out of the woods and wildest dream! s more, but this is a good song.", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2017", "reviewerID": "A2R2UQREX1QUH8", "asin": "B001CDNLLY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mitch Tracy", "reviewText": "Not looking back!", "summary": "Five Stars", "unixReviewTime": 1502496000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A1ECIKAFT7Y5T2", "asin": "B000W020TW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul Schnae", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A44EUYBEBDX20", "asin": "B009KGKF3M", "style": {"Format:": " MP3 Music"}, "reviewerName": "seeker of truth", "reviewText": "I use this music for Group X instruction....", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 4.0, "verified": false, "reviewTime": "07 9, 2018", "reviewerID": "A1GHUN5HXMHZ89", "asin": "B01D1Z3ZLQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. A. Luster", "reviewText": "Great song that would be better without f bombs. Seriously it's gotten old. The days of smoking and cursing to look bad are far past gone and don't add anything to songs anymore. I love songs with stories, and this is a well worth telling. I just didn't need to hear f in it.", "summary": "I Took A Pill In Ibiza (Seeb Remix)", "unixReviewTime": 1531094400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2018", "reviewerID": "A1U6T8TF2LKRJQ", "asin": "B001IAOQOW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael Keigan", "reviewText": "Great Music!", "summary": "Five Stars", "unixReviewTime": 1520467200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A3GSULO9NWMFN9", "asin": "B00122JNLC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tawanda Hayes", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 4.0, "verified": false, "reviewTime": "07 27, 2013", "reviewerID": "AY1PQIT8STNIU", "asin": "B001226JXM", "style": {"Format:": " MP3 Music"}, "reviewerName": "rebel92", "reviewText": "This is a great early hit by INXS from some of their early stuff. Looking forward to hearing it when I want a trip to yesterday.", "summary": "Great early hit", "unixReviewTime": 1374883200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A1P66GJ6VSS2E2", "asin": "B001CVF272", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tanya Pownall", "reviewText": "This is a good up lifting song", "summary": "Uplifting Song", "unixReviewTime": 1489190400} +{"overall": 1.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A32DNOBL3TQ8XD", "asin": "B00137SRB8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kevin", "reviewText": "song was great Amazon does NOT let you download the MP3 more than once. So IF you happen to delete it or LOSE it like I did by aaccident. You are screwed. Will not buy MP3 from amazon again.", "summary": "amazon mp3 bad news", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A200KNB88Q63FK", "asin": "B005JCU392", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stoltzie", "reviewText": "Makes me feel good.", "summary": "Happy", "unixReviewTime": 1506038400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A1QDOS1ODOLH3P", "asin": "B00137QWBK", "style": {"Format:": " MP3 Music"}, "reviewerName": "nateskate", "reviewText": "Takes me back to the movie of the same name and how great it was used throughout the movie.", "summary": "... to the movie of the same name and how great it was used throughout the movie", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2014", "reviewerID": "AT1OCP18O565N", "asin": "B00BNXAA12", "reviewerName": "chris", "reviewText": "I love this song and I'm glad I can download it and have it right away. This is a great buy!", "summary": "Love it", "unixReviewTime": 1396742400} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2018", "reviewerID": "A14YTPQDH3PAZU", "asin": "B00122FO56", "style": {"Format:": " MP3 Music"}, "reviewerName": "jay jay", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1526342400} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A19EI6WW029LRB", "asin": "B0013F470A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Darrel Drumm", "reviewText": "One of his best recordings of his long career, this song is full of life and fun.", "summary": "One of his best", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A2DPMXWJR44KLH", "asin": "B00IR3W7SK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leslie", "reviewText": "Always love cold play. They just have songs that make you relax and happy", "summary": "Five Stars", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A28MTVKPR00HTL", "asin": "B01DEBJHHS", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. Reese", "reviewText": "This is my favorite song right now. It has a very catchy beat and it is so full of joy. This song will not disappoint any Needtobreathe fans and will make those who have never heard of them instant followers.", "summary": "Joyful and Fun!", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A3EWYJXU7V4VA0", "asin": "B00A7ZXBE0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kasey M. Webb", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A1I5S4H8801E2S", "asin": "B002WQ0TN8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diany Moony", "reviewText": "Heard it in \"The Sorcerer's apprentice\" and had to get it.", "summary": "From the movie \"The sorcerer's apprentice\".", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A28603GJVNJ4ED", "asin": "B0058U22J4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ibnkalb", "reviewText": "I love this song! One of my favorite artists. I hope to hear more soon and I am sure the songs will be good.", "summary": "Great song!", "unixReviewTime": 1354665600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A2ZTN972YOFHRM", "asin": "B01B73XHYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. Shields", "reviewText": "Super", "summary": "Five Stars", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A24A5RKKXK4B9C", "asin": "B000W1RDNY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robin D. Matthis", "reviewText": "Had to load with one in ECHO for sure!", "summary": "Five Stars", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A3J23ABHMRGN4S", "asin": "B00136PLYA", "style": {"Format:": " MP3 Music"}, "reviewerName": "khemingway", "reviewText": "Great song. I thank God that talent like him blessed the lives of so many of us. His fame and his applause was well deserved. This particular song was like a new flavor of ice cream that breaks the scene and makes your taste buds scream 'this is great'.", "summary": "Artist like Luther don't come every day.", "unixReviewTime": 1400371200} +{"overall": 5.0, "verified": false, "reviewTime": "06 24, 2013", "reviewerID": "A3J8I8XLN6T0QU", "asin": "B000TDUXBY", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. M. Gilchrist", "reviewText": "There is not one song that I don't like from Trace! He sold me from \"hello\" and still amazes me with his voice! I have all his CD's! I fell in love with this song the first time I heard it!", "summary": "A tall drink of water!!!!", "unixReviewTime": 1372032000} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A1XDO92APCTQL0", "asin": "B00137KEZ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Phil", "reviewText": "Looked it up after seeing Pitch Perfect", "summary": "Four Stars", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A11YS6Q5WBYEM2", "asin": "B00I4D3GME", "style": {"Format:": " MP3 Music"}, "reviewerName": "Malibu Blondie", "reviewText": "love this song!", "summary": "Five Stars", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "AAO1PRKDWYCN7", "asin": "B00136JID0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Luv2Read", "reviewText": "Great party song. Alan and Jimmy are awesome and rocking on this one. One of my all time favorite songs.", "summary": "5:00 Somewhere", "unixReviewTime": 1357689600} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "AD7N340SQY491", "asin": "B00120EDBY", "style": {"Format:": " MP3 Music"}, "reviewerName": "hometown gal", "reviewText": "This is a great jazzy song that reminds me of music from the 1940s. I enjoy finding artists not featured on radio, and this is a pleasant listen.", "summary": "Old school sound", "unixReviewTime": 1359417600} +{"overall": 3.0, "verified": true, "reviewTime": "01 15, 2013", "reviewerID": "A3RJFQJCLSFY80", "asin": "B001MYHBPU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dawn", "reviewText": "I got this song from as a free sampler. I really didn't like it as much as \"The Call\" from the Prince Caspian movie. I rarely listen to it and if it's ever in a playlist it's by accident. But it's not bad enough to bother removing from a list...", "summary": "Not her best.", "unixReviewTime": 1358208000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A3AU0683BTPNNZ", "asin": "B01ESETIBK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sunday's Best Fan", "reviewText": "Money well spent.", "summary": "Five Stars", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2013", "reviewerID": "A25MGUTNWJ233F", "asin": "B00137II3A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rebecca W. Castile", "reviewText": "This song makes you want to move and keeps me going in a workout session..cleaning the house or uplifts a bad mood. A fun addition to my song compilation.", "summary": "Fantastic track", "unixReviewTime": 1375488000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2018", "reviewerID": "A1ID8VQWS1EBZX", "asin": "B00136RLI4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Al", "reviewText": "Loved it", "summary": "Five Stars", "unixReviewTime": 1522454400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A3LD9MWYUZ3B8L", "asin": "B004BSBVRI", "style": {"Format:": " MP3 Music"}, "reviewerName": "stefan poole", "reviewText": "Great song gets you moveing", "summary": "Five Stars", "unixReviewTime": 1464739200} +{"overall": 3.0, "verified": true, "reviewTime": "06 30, 2013", "reviewerID": "A11ZRQ9IS3P9PL", "asin": "B00136RTMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tara Sharma", "reviewText": "My most favorite song from this artist. I bought this album just for this song. It is an ever green song.", "summary": "River of dreams", "unixReviewTime": 1372550400} +{"overall": 4.0, "verified": false, "reviewTime": "11 29, 2014", "reviewerID": "A3471M3LYN8MVQ", "asin": "B000T006RI", "style": {"Format:": " MP3 Music"}, "reviewerName": "wolf", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "AF97DKLHVR9RP", "asin": "B00UZ4GVMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "kirteen", "reviewText": "This is a great song with a great message!", "summary": "Five Stars", "unixReviewTime": 1449792000} +{"overall": 4.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A3R2W6NBUIIXWM", "asin": "B00137Y6QS", "reviewerName": "Avid Reader", "reviewText": "I just like sing this one in the shower. The lyrics are catchy and the tune is memorable. A must to\nround out country genre on my Kindle Fire.", "summary": "Great Country Song", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2013", "reviewerID": "AM48X6OKAHHG9", "asin": "B000VZE3NE", "style": {"Format:": " MP3 Music"}, "reviewerName": "jacks", "reviewText": "love everything he makes!!! LL is too cool. remember dancing to this. this song really showed his sexy-ness( if that's a word)", "summary": "too cool!", "unixReviewTime": 1364256000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "ACMH5LBVAOPU", "asin": "B00136NOGC", "style": {"Format:": " MP3 Music"}, "reviewerName": "YD", "reviewText": "Great Song", "summary": "Great Song", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": false, "reviewTime": "05 31, 2014", "reviewerID": "A17EC2VMGJ1VMV", "asin": "B000W20GOQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. Niemeier", "reviewText": "All of us love this. We watch / play / read it often. Item was in condition as expected and there were no troubles with it.", "summary": "review", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A3ANW5BON731U3", "asin": "B000WLH9TM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heart", "reviewText": "Just had to have it and wishing now I hadn't given my Kenwood away . . . I like the old stereos and tv in the wood cabinets . . . they were so much nicer, but heavier.", "summary": "Liked the tunes . . .", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A16GXY6CCE7J0P", "asin": "B0170K9UTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Miguel S. Manalac", "reviewText": "Quality sound", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A7WZ7S2YHLYKW", "asin": "B009AQSMWS", "style": {"Format:": " Audio CD"}, "reviewerName": "nick bacic", "reviewText": "Heavier harder and just knocked my head off when I heard this for the time in1992!!! You won't believe how cool these songs are!!! They kick major ass!!!!!", "summary": "Steelheart! !!!!!!", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2TYF5K1AW0O72", "asin": "B000VZOAI2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Viking Starr", "reviewText": "Good old rock", "summary": "Five Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2014", "reviewerID": "A2MNL0W1545ODS", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brenda Gordon", "reviewText": "Happiest song ever! Pharrel came back on a rocket ... so sweet so motivating so sweet oh i think I already said that...I'll say it again so sweet. ..", "summary": "pharral is on a rocket to the moon with this song", "unixReviewTime": 1392508800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A2L2L7B9AMUU09", "asin": "B00137KLBW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Great 70's music. A really enjoyable album.", "summary": "Great 70's music.", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A1Z4XFND3PR5M1", "asin": "B00137ZHIO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bernard", "reviewText": "Cliff, Mac, and Danielle have delivered wonder and delectability with this one. I could place this song on repeat and not get tired of it; the three voices ensure good listening variety, while ideal instruments play along in the background.", "summary": "A delectable song", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "AJTPRKQ80W6SO", "asin": "B00CXI7RBM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "I thought Kelly did a great job on this. She was very truthful, no one ever wants to admit they have those kind of feelings for someone they are so close to!", "summary": "Great song", "unixReviewTime": 1375056000} +{"overall": 5.0, "verified": false, "reviewTime": "07 2, 2014", "reviewerID": "A2RRWCXVGMDG7", "asin": "B00JOE4LHQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "zmuhammad7", "reviewText": "AS EXPECTED", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A3AMMGLNBBMLM", "asin": "B0011Z76UA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jim Leaman", "reviewText": "Playback quality is great, and I expect that from all of my Amazon downloads. I have not been disappointed with any of my music downloads.", "summary": "As expected", "unixReviewTime": 1396310400} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2017", "reviewerID": "A2GBF1MT8DOSPB", "asin": "B01CTRVKM8", "style": {"Format:": " Vinyl"}, "reviewerName": "Carl M. Nechtman", "reviewText": "Good Petty album\nRecommend highly", "summary": "Damn them torpedoes", "unixReviewTime": 1495324800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A3540L4EV0T3BW", "asin": "B0026BI3OQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert", "reviewText": "Great sound quality.", "summary": "Five Stars", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2018", "reviewerID": "A1ID8VQWS1EBZX", "asin": "B00OVKKUW8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Al", "reviewText": "Loved it", "summary": "Five Stars", "unixReviewTime": 1522454400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A2HNTL42GG0HE7", "asin": "B00122JZ6A", "style": {"Format:": " MP3 Music"}, "reviewerName": "sandy", "reviewText": "A Christmas favorite.", "summary": "Five Stars", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2013", "reviewerID": "A2X3AO8E3X6XG2", "asin": "B007QNRBRY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gayle K", "reviewText": "I heard this song on the radio and really love it's message. Christ is the redeemer and if's a great reminder to all who believe.", "summary": "I'm redeemed.", "unixReviewTime": 1362960000} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A1ZYZ1NN8PLMX0", "asin": "B001230PFE", "style": {"Format:": " MP3 Music"}, "reviewerName": "PA Lineman", "reviewText": "One of the few good songs by matchbox 20", "summary": "Four Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A262C7EGVBS1T5", "asin": "B003PYAT0O", "style": {"Format:": " MP3 Music"}, "reviewerName": "bedouin", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A36AGG9H9P1KSE", "asin": "B00OQZ4BV4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ellen", "reviewText": "Love this song", "summary": "Great music", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2010", "reviewerID": "A1GP2V9MWLI3EA", "asin": "B0012CXKYI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pat Martini", "reviewText": "This Carly Simon mega-hit is especially interesting with her hard to get-it-hooked-up ending. With a tempo switch and lyrics change, the ending says so much to so many: \"These are the good ol' Days!\". Great Carly!", "summary": "Carly's Virtuoso", "unixReviewTime": 1272412800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A2U7HD2VC2QS9U", "asin": "B0198LH0JA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Luke urban", "reviewText": "Love this song!", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2012", "reviewerID": "AARHFHP17QFNG", "asin": "B0011ZVL0G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Music Lover", "reviewText": "Good artist and producer. Good Production. Missy is positive and creative and fun and one of the few successful women out there in the business! Love this song!", "summary": "Work It Is a Classic", "unixReviewTime": 1355011200} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A3FG734TV97XXB", "asin": "B00136RM42", "style": {"Format:": " MP3 Music"}, "reviewerName": "Neutron Star", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AUJDG5M33SWMA", "asin": "B0011Z4WT8", "style": {"Format:": " MP3 Music"}, "reviewerName": "FRANKLIN BORDEN JR", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A2MFMDSONZEGWH", "asin": "B00136NPSE", "style": {"Format:": " MP3 Music"}, "reviewerName": "ITNOJ", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "AUWIWBA9J3QBO", "asin": "B000VRL9IE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Curt McKeever", "reviewText": "again i loved it", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A3L1UEDJO88Z30", "asin": "B00JAJOWEW", "style": {"Format:": " MP3 Music"}, "reviewerName": "TML", "reviewText": "You know it, the 80's were the best!", "summary": "the 80's were the best!", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2013", "reviewerID": "A14XNOLCTQNRRA", "asin": "B002WPXHV0", "style": {"Format:": " MP3 Music"}, "reviewerName": "DJ", "reviewText": "You can't go wrong buying this song, this guy has an awesome voice that will make you melt, it's sexy.", "summary": "Great song...", "unixReviewTime": 1372118400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A2SZ9F5U3S2DX0", "asin": "B000WLOMUQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "....", "reviewText": "Great product as described", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2013", "reviewerID": "A2JSXQS64GGIMA", "asin": "B004ZEWIKC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angela Lurry", "reviewText": "This song rocks, and makes me want to dance. I love the 80's music. This would be perfect to play at an 80's party.", "summary": "Cool girl band.", "unixReviewTime": 1365897600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A3C6VBQ17B8EYG", "asin": "B00O2RCFDC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Readergurl", "reviewText": "I love this sexy song! Smoky voice and bad girl lyrics make this one a keeper! Now I want to get the rest of the album.", "summary": "Smokin hot!", "unixReviewTime": 1438646400} +{"overall": 3.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A2T7BO8JWZT6HB", "asin": "B009Y2KR4E", "reviewerName": "Amazon Customer", "reviewText": "The music is clear and remarkable. The singing is hard to understand. I do not know if it downloaded properly.", "summary": "Celtic Song Masters", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": false, "reviewTime": "01 16, 2014", "reviewerID": "A1NG7NU5NO86M1", "asin": "B009G78GRW", "style": {"Format:": " MP3 Music"}, "reviewerName": "StangoDango", "reviewText": "This song gets me all hyped up when I hear it. This is a really good group that makes very thoughtful songs.", "summary": "Great Song.", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2017", "reviewerID": "A310LOY6HZOEI2", "asin": "B001NHGGIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "william browning", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1504828800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A39JZXGQPTFW60", "asin": "B0011Z1DEU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1458777600} diff --git a/keith-galli_nlp/data/test/test_Electronics.json b/keith-galli_nlp/data/test/test_Electronics.json new file mode 100644 index 0000000..77704f3 --- /dev/null +++ b/keith-galli_nlp/data/test/test_Electronics.json @@ -0,0 +1,500 @@ +{"overall": 2.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "AUAYSOIY0FSXL", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "Lily of the Valley", "reviewText": "The letters fades and do not stay permanently that got to be improved. What good is labeling if you only see a blank tape with disappearing words? It is not cheap either!", "summary": "What good is labeling if you only see a blank tape ...", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "A32UBM8FYCB8UU", "asin": "B0001LS3EI", "reviewerName": "Alexander Statler", "reviewText": "Item works perfectly for what I needed. Adapter can be angled to almost any direction needed. I used it in my truck so my USB thumb drive didn't stick straight out from the radio.", "summary": "Works perfectly", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A2GJE7U3SW12KM", "asin": "B00009R86L", "reviewerName": "Bill", "reviewText": "A big help in keeping a full bag of gear on your shoulder. Highly recommend.", "summary": "A necessity for a fully loaded gear bag", "unixReviewTime": 1440806400} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A1C5QHNQ20D0UL", "asin": "B00007EDM8", "style": {"Color:": " Black", "Product Packaging:": " Standard Packaging"}, "reviewerName": "JEB", "reviewText": "I bought these with the intent of using them for running/working out and they're pretty effective. They will tend to loosen up around my ear when I get bouncing around but are easily adjusted. Overall, I recommend.", "summary": "Pretty Good for Workout", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A3MUC2M96FKRNG", "asin": "B000067SOH", "style": {"Size:": " QTY 1", "Color:": " Black"}, "reviewerName": "J. White", "reviewText": "This connector worked the way it was designed.", "summary": "Five Stars", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2010", "reviewerID": "A2CORJXW6VMIPZ", "asin": "B000067SMI", "style": {"Size:": " 15-Feet", "Package Type:": " Standard Packaging"}, "reviewerName": "Philip B. Davison", "reviewText": "Got this so I can link my netbook to my LCD t.v., works great and the view is brilliant.", "summary": "Great cable for linking computer to t.v.", "unixReviewTime": 1287705600} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2008", "reviewerID": "A15Z5SWTO2WRU6", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "It's a really good product for this price. It is very light, it is nicely build and you get really nice portraits with this lens. I'm really glad about this investment.", "summary": "Best deal for the buck", "unixReviewTime": 1226793600} +{"overall": 4.0, "verified": true, "reviewTime": "08 16, 2008", "reviewerID": "A2Q25MXUYSTWDB", "asin": "B000068P8W", "style": {"Style:": " Original"}, "reviewerName": "Kelly Van Rijn", "reviewText": "This LCD cleaner works fine. The cloth could be bigger, and the price should be lower, but I guess it beats using Windex and screwing up the screen of my LCD TV.", "summary": "Works fine.", "unixReviewTime": 1218844800} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2013", "reviewerID": "A3E4IZ03AR2QBR", "asin": "B0000AHO92", "style": {"Color:": " Duplex"}, "reviewerName": "wd5iat", "reviewText": "Very good product and works well for my use of one outlet for the phone another outlet for my computer.", "summary": "Ge 26191 Duplex Wall Jack Adapter", "unixReviewTime": 1358208000} +{"overall": 3.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A1TZTEN5CV9X0H", "asin": "B00001P4XA", "style": {"Color:": " Orange"}, "reviewerName": "Tomster", "reviewText": "Ok for price. Time has a bit passed this design. Back in the day they were bang for a buck but competition is fierce. The soft tip is the best feature, sound isolation is superb so I use these when mowing the lawn.", "summary": "Good isolation of sound", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A2WQH2ZVHJWWCK", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Harry", "reviewText": "Good values and fits in toddlers' heads sort of.", "summary": "Five Stars", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2007", "reviewerID": "A32PY9MW5928O5", "asin": "B00000J1U8", "style": {"Color:": " Black", "Length:": " 6-Foot"}, "reviewerName": "Mohamad A.", "reviewText": "Good cable, no drawbacks, works fine, clamps on firmly, not much to add here", "summary": "Does what it advertises", "unixReviewTime": 1172102400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A1BQ2C31W4EG7U", "asin": "B00005T3BD", "style": {"Size:": " 6.5 Inch", "Style:": " RC60i"}, "reviewerName": "baffour", "reviewText": "amazing so far after minimal use", "summary": "Five Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A2IR9680RV5O5J", "asin": "B0000A0AEU", "style": {"Size:": " 8x21mm", "Color:": " Black"}, "reviewerName": "Former Pilot", "reviewText": "much more than I expected for the money...love it!\n\nGreat focus and very good resolution. I bought this for a child but higher grade than the cost would lead you to think.", "summary": "Great for the money", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3JHXCJFA67JWC", "asin": "B00006I53S", "reviewerName": "T-Lo", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 1.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A12XUZHP9N37R7", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Daniel", "reviewText": "The screw should be optional. Returning due to frustration.", "summary": "Requires a screwdriver (not included)", "unixReviewTime": 1519171200} +{"reviewerID": "A1RO65UXMZ1L5U", "asin": "B000067O6B", "reviewerName": "Dahlia", "verified": true, "reviewText": "Wonderful! I measured my own screen and miraculously I was dead on! But I'm more impressed with the way it shields the information on my screen from prying young eyes (I work at a high school)!", "overall": 5.0, "reviewTime": "04 20, 2015", "summary": "Great product!", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "A2CCQ9T971KTQH", "asin": "B00004ZC9V", "style": {"Size:": " 77mm"}, "reviewerName": "Amazon Customer", "reviewText": "helped my waterfall work", "summary": "Five Stars", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A9EXZUS77YXIQ", "asin": "B00009V3CG", "style": {"Size:": " 1 PACK"}, "reviewerName": "scott", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 1.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "AGHQ3OI7SBBGX", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "Jay", "reviewText": "Piece of junk. It would disconnect all the time. I've tried other ethernet cables and other switches to check what the problem was, but it was this specific switch that was the problem.", "summary": "Piece of junk. It would disconnect all the time ...", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2013", "reviewerID": "A3UH4V0HSNPI4Z", "asin": "B000068P8W", "style": {"Style:": " Original"}, "reviewerName": "CSACH", "reviewText": "This product is great for your iPhone & iPad screens. Makes them look like new.\nI bought this because my sister had it; it worked well, so I ordered it.", "summary": "MONSter ALCOHOL-FREE SCREEN CLEANER", "unixReviewTime": 1378166400} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3PGQV6M5AU37Q", "asin": "B00005JDDZ", "style": {"Capacity:": " 50 discs"}, "reviewerName": "Vincent A. Fadale", "reviewText": "great price works fine", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2013", "reviewerID": "A2I5LVVQ7WXEH6", "asin": "B00000JDF8", "style": {"Color:": " Black", "Length:": " 10-Foot"}, "reviewerName": "JEFF SMITH", "reviewText": "This was not the right cable i needed, so cannot give it a glowing report. Returned it and bought the right HDMI cable.", "summary": "Belkin VGA Monitor Extension Cable, 10ft", "unixReviewTime": 1363478400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A29Z72PQ44SRRB", "asin": "B0000510R4", "style": {"Style:": " Direct Plug-in 2 Outlet (Black)"}, "reviewerName": "Christine & Eric", "reviewText": "Works as advertised.", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"reviewerID": "AY4LJU9WUPC4L", "asin": "B00009KLAE", "reviewerName": "Jose V Oliva", "verified": true, "reviewText": "Excellent.", "overall": 5.0, "reviewTime": "08 24, 2014", "summary": "Five Stars", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2017", "reviewerID": "A2AFETRFVGY6MF", "asin": "B00006HSML", "style": {"Length:": " 1 Meter/3.28 Feet"}, "reviewerName": "R.T.", "reviewText": "Great product", "summary": "5 stars", "unixReviewTime": 1513728000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2013", "reviewerID": "A2834VZ4ABL4EG", "asin": "B00004WLJ8", "style": {"Size:": " 8 Pack", "Color:": " UV Black", "Style:": " 11 inch., 75 lb tensile"}, "reviewerName": "Daniel J. Ellis", "reviewText": "This is a great item at a great price! I've purchased this item at different stores but the cost was much higher!", "summary": "KEEP UP THE GREAT JOB!", "unixReviewTime": 1383609600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "01 29, 2008", "reviewerID": "A18ASK3ZFGNS37", "asin": "B0000YTZOS", "reviewerName": "LadyDeeE", "reviewText": "Very satisfied!! Replacement battery works well after recharging in old Panasonic phone for about 4-5 hours.", "summary": "Great Buy!!", "unixReviewTime": 1201564800} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2018", "reviewerID": "A3H4PTJMVZO1WD", "asin": "B0000510R4", "style": {"Style:": " 4 Outlet"}, "reviewerName": "ruminate", "reviewText": "No need to write superfluously, so here it is: works exactly as advertised, and ensures even a die hard audiophile geek like me can rest at night..\n'Nuff said :-)", "summary": "Robust construction ensuring peace of mind.", "unixReviewTime": 1518048000} +{"overall": 4.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A2GWNZLVEWMZDU", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Feedback", "reviewText": "They work", "summary": "They work", "unixReviewTime": 1460246400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A33HX9M6CU8Z3A", "asin": "B0000DIESU", "style": {"Style:": " Home Theater"}, "reviewerName": "Lou Gabriel", "reviewText": "The products work as intended. It splits the audio into two. Volume may be lowered due to the split.", "summary": "Great Product", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "AJSDAWEQLJI82", "asin": "B00007FGU7", "style": {"Length:": " 12 Feet"}, "reviewerName": "Lorrie Dano", "reviewText": "Lovce it", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 3.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "A3C2Y4PJBZ45UI", "asin": "B00005T383", "style": {"Color:": " Black"}, "reviewerName": "Sharon E. Johnson", "reviewText": "No thanks", "summary": "Three Stars", "unixReviewTime": 1499817600} +{"overall": 4.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "AR30T7LSABOOB", "asin": "B00004YMY5", "style": {"Size:": " 9 in x 11-3/8 in x 8 in", "Color:": " Black"}, "reviewerName": "Wendy", "reviewText": "This piece of office equipment is of good quality and is very functional. It is a good addition to my office", "summary": "satisfied", "unixReviewTime": 1392681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AT9MZZKMTEDBI", "asin": "B00007IFED", "style": {"Capacity:": " USB 3.0", "Model:": " Gigabit"}, "reviewerName": "D. Hodgins", "reviewText": "Excellent speed and reliability, and easy to use. It was plug-and-play compatible with Windows 10 and OSX.", "summary": "Five Stars", "unixReviewTime": 1476144000} +{"reviewerID": "A3IK1R21UTKWZM", "asin": "B00009KLAE", "reviewerName": "Thomas K. Hershman", "verified": true, "reviewText": "Do you want to replace your lens or just a filter. A must have.", "overall": 5.0, "reviewTime": "03 28, 2010", "summary": "Obviously a must have", "unixReviewTime": 1269734400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "AELBOYNM3BU1J", "asin": "0972683275", "reviewerName": "James Kubalanza", "reviewText": "Had no issues mounting this and attaching the TV to it.", "summary": "Five Stars", "unixReviewTime": 1418428800} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A1X3KSWIPTJW8Q", "asin": "B000050AUJ", "reviewerName": "jeffrey forrester", "reviewText": "Ok - get what you pay for. It is functional.", "summary": "Four Stars", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2011", "reviewerID": "A1EGTFFB15TPG1", "asin": "B00007FGUF", "reviewerName": "Chris", "reviewText": "bought this along with the 3.5mm to 2 RCA adapter for my xbox so i have sound from my computer screen. soud quality is great and the pieces fit together nice and firm.", "summary": "Just what i needed", "unixReviewTime": 1313280000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A3V5PGF7HY3Y21", "asin": "B0001VGFKW", "reviewerName": "john d smith", "reviewText": "I replaced some 10-year old outdoor speakers with these and they are awesome. Sound is unbelievable and they look really good with multiple installation options.", "summary": "Great Item!", "unixReviewTime": 1371600000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2013", "reviewerID": "AFXE634F4366L", "asin": "B00000J1U8", "style": {"Color:": " Black", "Length:": " 6-Foot"}, "reviewerName": "Doozie", "reviewText": "great does whats described sorry cant think of anything else to say except I hate that we have to do this in twenty or more words totally excessive", "summary": "usb cabele", "unixReviewTime": 1365897600} +{"reviewerID": "A24VHM0A6S5L7R", "asin": "B00009UT28", "reviewerName": "Rainier Consignado", "verified": true, "reviewText": "This product is good for the price you get. Literally. It's good for everyday situation, and my only problem is that the plastic feels cheaply made. It's for indoor use, and i wouldn't suggest using it on a windy day or outdoors.", "overall": 4.0, "reviewTime": "01 31, 2013", "summary": "It's Great, but...", "unixReviewTime": 1359590400} +{"overall": 2.0, "verified": true, "reviewTime": "08 17, 2013", "reviewerID": "A38XWGK9VJIPT9", "asin": "B00007IFED", "style": {"Capacity:": " USB 2.0", "Model:": " 10/100 Mbps Ethernet"}, "reviewerName": "Hartzog", "reviewText": "Even though picture on same page on Amazon.com and linked together as normally purchased together, I did not get any Ethernet link when connected to the radio.", "summary": "No Link LIght with Grace Digital Internet Radio", "unixReviewTime": 1376697600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "ABCLXCUVVQ4FJ", "asin": "B000067SPO", "style": {"Color:": " Black", "Length:": " 15 feet"}, "reviewerName": "Ralph C. Walker", "reviewText": "What can you say, it works.", "summary": "It works", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A3JM1KJFWVF0CN", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Some Nobody", "reviewText": "Great CDRs. Few to none coasters.", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A2ZPBFPEHPPSY0", "asin": "B00004VXNF", "style": {"Style:": " PRO520XL"}, "reviewerName": "chuckasaki", "reviewText": "I'm really not much of a CB'r, never have been, but this seems to be a good little radio. Sensitivity is pretty good and the filtering ANL seems to keep out stray noise. The built in speaker is a little weak, but this is a pretty small unit.", "summary": "Uniden", "unixReviewTime": 1382745600} +{"overall": 3.0, "verified": true, "reviewTime": "04 10, 2014", "reviewerID": "A2KGASL8ZZRX90", "asin": "B00006HVT4", "style": {"Capacity:": " 512 MB"}, "reviewerName": "H. Kamdar", "reviewText": "I gave only 3 stars because I never got chance to use it. Before I received this My Mac PMU (Power Management Unit Massed up and I pulled out 2 HD's, 2 Optical Drives, video Card and ordered 3 External Drive enclosures and using and use them with my other Macs.", "summary": "I purchased this to add on my old PPC Mac.", "unixReviewTime": 1397088000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A265NSKDM9RTKC", "asin": "B00006RH5I", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "William L Chamberland", "reviewText": "I highly recommend Celestron lenses in general and this kit is tops and worth it when purchased with the scope.", "summary": "I highly recommend Celestron lenses in general and this kit is tops ...", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A1EDCBK5F5TNUN", "asin": "B00009W3N5", "style": {"Size:": " 1 Pack", "Color:": " Brown"}, "reviewerName": "Tante May", "reviewText": "This wiremold worked perfect on our dark floor - it's barely visible. No more tripping over cable wires!", "summary": "Great for cable wire trip hazards", "unixReviewTime": 1457308800} +{"overall": 3.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "AJF5U50VF6UBY", "asin": "B0000AI0N1", "style": {"Style:": " Black"}, "reviewerName": "Michael Adelman", "reviewText": "So far it works as advertised, but there is a slight buzzing sound coming from it. Will see how it works out, I have it behind my night stand so I'm hoping the noise will not bother me.", "summary": "OK, but a bit noisy..", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2008", "reviewerID": "A1KD0VWHR8GCPH", "asin": "B00009R6Q8", "style": {"Size:": " 1 Pack"}, "reviewerName": "ntaguchi", "reviewText": "Ordered and received two from a seller under Amazon. They are identical to the original one on my U212 Deluxe. Perhaps DX = Deluxe. Originally got my Slik tripod used from a friend back in the 80's.", "summary": "my two cents", "unixReviewTime": 1214611200} +{"overall": 3.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A14AI4F9K9UW5G", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "James G.", "reviewText": "didn't fit.", "summary": "Three Stars", "unixReviewTime": 1445299200} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A1WS8GQ1QQZMRS", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Alex A.", "reviewText": "SO SO", "summary": "Four Stars", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A2NNXYE8E3XK3M", "asin": "B0000AZK1L", "style": {"Length:": " 6 ft"}, "reviewerName": "Arthur B.", "reviewText": "Works fine.", "summary": "No problems.", "unixReviewTime": 1449446400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2011", "reviewerID": "AEFD1CT9WK1QC", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "chipper346", "reviewText": "No problems with the cd/s. No coasters. Amazon packed these like no other company.\nA car could have rolled over the packaging and not damage the contents.\nKeep up the good work AMAZON!!", "summary": "Verbatim cd-r 100 Pack", "unixReviewTime": 1307923200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A1CEISJAYBWPH0", "asin": "B00004SABB", "style": {"Size:": " 10x32", "Color:": " Black"}, "reviewerName": "LM", "reviewText": "Perfect. We keep them in the car and pull them out on a road trip, and don't have to worry about forgetting them when we go to theatre. Highly recommend", "summary": "Perfect. We keep them in the car and pull ...", "unixReviewTime": 1454284800} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A3IDF59TKJAY9C", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "S Kinkade", "reviewText": "nice lens. A little pricey", "summary": "Four Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2006", "reviewerID": "A3QZEQE9T2660L", "asin": "B0001A06GW", "reviewerName": "G. Goldstein", "reviewText": "Works great in my Canon A610 camera.", "summary": "SanDisk 1GB Secure Digital Memory", "unixReviewTime": 1137283200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A2VF3U1XNCH3BH", "asin": "B00003CWDK", "reviewerName": "Robert Kruger", "reviewText": "A fine quality product from Monster. Nice to have the different options and the price was perfect. Great for all entertainment systems.", "summary": "As advertised. Great product", "unixReviewTime": 1362441600} +{"overall": 1.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "A1Z5M0XQPA7FKU", "asin": "B0001FTVEA", "reviewerName": "TH", "reviewText": "Broke after one month!", "summary": "One Star", "unixReviewTime": 1456963200} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A19Z4NQSKNWRDX", "asin": "B00000JD3O", "style": {"Size:": " 5.5oz", "Color:": " black"}, "reviewerName": "joeconley", "reviewText": "Beautifully made but too heavy for me. I should have bought only a screen cover.", "summary": "Four Stars", "unixReviewTime": 1408579200} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2013", "reviewerID": "A2YWLU26C6DVPK", "asin": "B00009X3UV", "reviewerName": "D. Kaukler", "reviewText": "Works fine but would like to see written instructions on how to use the features like adapting to a lensless t adapter. It is a sort Barlow so focus is changed a lot.", "summary": "Dressed to a T", "unixReviewTime": 1364688000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2012", "reviewerID": "A2EO8RR0OIXIG8", "asin": "B00006HSYC", "reviewerName": "DHB313", "reviewText": "It's an Ethernet cord connector... And it connected my Ethernet cords. Five stars. What more can I say? Good buy.", "summary": "What Can I Say?", "unixReviewTime": 1342310400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2010", "reviewerID": "A1FVW47U1G96QV", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "book man", "reviewText": "This was gift to my daughter. I have seen her use it and she swears by it. I guess it is a great item!", "summary": "Must have.", "unixReviewTime": 1289606400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2012", "reviewerID": "AWIXMM5XV2AZM", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "kyle", "reviewText": "this is a great little lens, used it for a photo shoot in low twilight lighting, and worked great. The low appiture allows more light in and is always helpful in photography, (keep iso down to reduce noise). Can't wait to try this with star trails", "summary": "great lens for low lighting", "unixReviewTime": 1352851200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A2QKSQKS2W8Q65", "asin": "B0000DIESU", "style": {"Style:": " Home Theater"}, "reviewerName": "Hann H.", "reviewText": "Needed to connect both a 2 speaker and a subwoofer system to a computer with 1 audio port. This did the trick! Stereo on both. A true audio split instead of putting mono into each like is sometimes done. Connectors are high quality -- my cables connect tightly and snugly.", "summary": "A true audio split instead of putting mono into each like is sometimes done", "unixReviewTime": 1445040000} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "01 24, 2013", "reviewerID": "A1XMN8UW44781D", "asin": "B00007AKCV", "style": {"Capacity:": " 2 Port with Audio", "Style:": " VGA USB"}, "reviewerName": "Joturnpyk", "reviewText": "Worked for a short time until I upgraded to Windows 8... Then my PC's would freeze... Could only recover my PC's by rebooting, then they would freeze again... Replaced it with my previous switch, by Belkin", "summary": "Does Not Work With Windows 8", "unixReviewTime": 1358985600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1LQV0NI05YF02", "asin": "B0000BZL0U", "style": {"Size:": " 43 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Edward", "reviewText": "Cheap nice", "summary": "Good product", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1IBTNNY84I2JT", "asin": "B00009MVK8", "style": {"Size:": " 10 Discs - Slim Case", "Style:": " Branded"}, "reviewerName": "Harris-Anderson", "reviewText": "worked very well", "summary": "Good buy", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2015", "reviewerID": "A9KHV72RNKODZ", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "Bkgirl10", "reviewText": "Great product!", "summary": "Five Stars", "unixReviewTime": 1450569600} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "A3I8EFK8U1H2JR", "asin": "B0000EZ1KK", "reviewerName": "SPC", "reviewText": "This six CD changer works like a charm, it's easy to use, works smoothly, and effortlessly.", "summary": "Ultimate CD changer!", "unixReviewTime": 1500854400} +{"overall": 5.0, "verified": false, "reviewTime": "03 31, 2008", "reviewerID": "A1PUGUYNJYIY29", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Ztu", "reviewText": "Does what it is supposed to do. It is small...don't lose it in th field. ;)", "summary": "It's A Remote", "unixReviewTime": 1206921600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A2TLQWBQNHOM2X", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Y. Soussan", "reviewText": "works well very good for macro photography wish it was cheaper never the less does the job. can be used for night photography were you need steady hands and long exposures", "summary": "great for macro photography", "unixReviewTime": 1386460800} +{"overall": 1.0, "verified": true, "reviewTime": "03 11, 2009", "reviewerID": "A3UM1KF9YH6GIR", "asin": "B00007M1TZ", "reviewerName": "Amazon Customer", "reviewText": "I wouldn't purchase this product because after one week of using, the callers couldn't hear me, I could only hear them. I had to by another headset.", "summary": "Broke after 1 week", "unixReviewTime": 1236729600} +{"reviewerID": "A2BQVLRYOLM256", "asin": "B00009KLAE", "reviewerName": "Mark Ruiz", "verified": true, "reviewText": "Fits perfect, nice UV Protector.", "overall": 4.0, "reviewTime": "05 7, 2014", "summary": "Works well", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "ACZDRXF29KL0F", "asin": "B000053HBB", "style": {"Style:": " Lens Only"}, "reviewerName": "60637", "reviewText": "So there is no stablizer but with a steady hand you can get the shot.\ncheaper than the ism and well worth it if you have another zoom that has the 70mm range. there is no need for the 70-200 if you have another good zoom lens.", "summary": "it is a gem", "unixReviewTime": 1401494400} +{"overall": 3.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "AM1K9Q4S3VYKB", "asin": "B0002BESI2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Nicholas Snyder", "reviewText": "Didn't work on either end of the antenna (in the dash or at the antenna when i replaced the OE power antenna with a flexible one)", "summary": "Didn't work on either end of the antenna (in the ...", "unixReviewTime": 1452988800} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "11 9, 2006", "reviewerID": "A27JUZ180UW6X4", "asin": "B0001GNJWY", "reviewerName": "HaiHayzMOM", "reviewText": "This Bag Held It All...Everything I threw @ It !\n\nGreat bag \" )", "summary": "I Got It All In The Bag Baby !!", "unixReviewTime": 1163030400} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2013", "reviewerID": "A1SVVOKIP0TQ0Z", "asin": "B00007FGU7", "style": {"Length:": " 3 Feet"}, "reviewerName": "JF, RRT", "reviewText": "I needed an extension to keep from strangling myself when I used my headphones. I liked this one because it is \"cheap\" and it fit the bill.", "summary": "gave me that little bit extra", "unixReviewTime": 1373846400} +{"overall": 5.0, "verified": false, "reviewTime": "09 9, 2014", "reviewerID": "A2NEIQVG7CJS9I", "asin": "B0000XMUWS", "reviewerName": "Semore Blues", "reviewText": "Works great for making a bright moon easy on the eyes. Screws on to my eye piece easily. Very small and fragile so take care not to break and keep your fingers off the lens.", "summary": "Orion Moon Filter", "unixReviewTime": 1410220800} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A1G6JLFGCAB38D", "asin": "6073894996", "style": {"Size:": " One USB Port", "Color:": " Black 2 Port"}, "reviewerName": "K-Cup coffee user.", "reviewText": "does what it should and it has a lovely blue coloured light!", "summary": "basic charger time two!", "unixReviewTime": 1410998400} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "09 23, 2009", "reviewerID": "A3DHMTP4WCA9QQ", "asin": "B00005NIMJ", "reviewerName": "Prognosis", "reviewText": "This mouse is terrible. There are no back and forward buttons for surfing the web. The trackball is extremely annoying. Don't waste your money on this.", "summary": "waste of money", "unixReviewTime": 1253664000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A3RUTJMA4U285Z", "asin": "B00000J3GR", "style": {"Style:": " Basic (670 Joules, 6' Cord)"}, "reviewerName": "Glenda M. Carter", "reviewText": "I love it and plan to order more in the future for other areas of my home. Personally I like the colors and it does not look like an old drab socket outlet you might see in an outside workshop. It functions well and the on/off switch is easy to use.", "summary": "I love it and plan to order more in the future ...", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "AL4Y5B17ZSH7O", "asin": "B0000E1VRT", "reviewerName": "T. R. Jillings", "reviewText": "As expected", "summary": "CD rack", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": false, "reviewTime": "08 28, 2015", "reviewerID": "A1N92A3HCH64RN", "asin": "B00011KM3I", "style": {"Size:": " 24", "Color:": " Black"}, "reviewerName": "lady bug", "reviewText": "Needed a small case to carry cd's to and from appointments. Perfect size and protects them well.", "summary": "Nice little case at a great price.", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2016", "reviewerID": "A356SEQP44N3PA", "asin": "B00004ZCC1", "style": {"Size:": " 58mm"}, "reviewerName": "Ft. Stafford", "reviewText": "I think this is a good medium grade filter, and it fit our budget! Highly recommend.", "summary": "Five Stars", "unixReviewTime": 1453075200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A7YBGJ22PJQD7", "asin": "B00005119M", "style": {"Style:": " 4 Outlet"}, "reviewerName": "Real.Human.", "reviewText": "quality product. don't skimp if you like your electronics.", "summary": "don't skimp if you like your electronics", "unixReviewTime": 1454976000} +{"overall": 2.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "AEVOIRKIAR9SR", "asin": "B0000ACCJA", "style": {"style:": " USB Handheld Mic"}, "reviewerName": "ITrob523", "reviewText": "Wish I had spent more for a better quality microphone but for the price and with tweaking you can get a decent sound. Don't have high expectations for it though.", "summary": "Not Great but Works", "unixReviewTime": 1394409600} +{"overall": 3.0, "verified": true, "reviewTime": "12 7, 2017", "reviewerID": "A1YIHVH672G5DU", "asin": "B00006IAAL", "style": {"Size:": " 1-Pack"}, "reviewerName": "marie crissey", "reviewText": "acceptable", "summary": "Three Stars", "unixReviewTime": 1512604800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2011", "reviewerID": "A3ORP2IZ7D19VP", "asin": "3744295508", "reviewerName": "Art Vandelay", "reviewText": "I bought this cable to hook up an Apple Tv. Save your money on the expensive cable and buy this one..Works Great!", "summary": "Great Cable Great Price", "unixReviewTime": 1305936000} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A1VI5PYJXS67VW", "asin": "B000087NBV", "style": {"Size:": " 1 PACK"}, "reviewerName": "Joseph J. Kushmeder", "reviewText": "I have used maxell products before and am impressed with the quality. I will continue to use them because they are very reliable.", "summary": "Maxell ur-60 audio tape", "unixReviewTime": 1360454400} +{"overall": 3.0, "verified": true, "reviewTime": "05 9, 2010", "reviewerID": "A3DATGR310BSO1", "asin": "9983039281", "reviewerName": "Eric", "reviewText": "I have no idea why, but this chip did not work in my 1 year old phone. it worked fine otherwise though.", "summary": "Didn't work with my phone.", "unixReviewTime": 1273363200} +{"reviewerID": "A26TD5CJCRM02G", "asin": "B00004ZCJJ", "reviewerName": "Dan A", "verified": true, "reviewText": "I use this on the Sony lens that came on my Sony A55 as protection for the lens. It works fine. The price was good.\n\nI do remove it sometimes when shooting into the light, in order to avoid reflections in the image. A lens hood might alleviate that. I haven't tried one.", "overall": 5.0, "reviewTime": "12 4, 2011", "summary": "Works fine for Sony SAL1855 lens, good price", "unixReviewTime": 1322956800} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A3R5QZT7QG8I1G", "asin": "B00028OM9U", "style": {"Model:": " 9 dBi Omni Directional"}, "reviewerName": "Tribute MD", "reviewText": "I really love this product. It works exactly as stated! Highly recommend!!!", "summary": "Four Stars", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A2WAPF5BZIY9HO", "asin": "B00006B81E", "style": {"Style:": " 3 Outlet Direct Plug-in"}, "reviewerName": "Clarence Wittwer", "reviewText": "A perfect small surge protector for under my writing desk. Just enough outlets for my desk lamp and my laptop with one left over for a phone charger, etc.", "summary": "Awesome!", "unixReviewTime": 1461456000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 10, 2011", "reviewerID": "A3HP04ZGSW1R5N", "asin": "B00009W3N5", "style": {"Size:": " 15' length Overfloor Cord Protector", "Color:": " Ivory"}, "reviewerName": "N. Luong", "reviewText": "Plain and simple, this hides and protects cords that you have going through your room. You never have to worry about tripping over lose cords anymore. Definitely recommend.", "summary": "Definitely worth the money", "unixReviewTime": 1312934400} +{"overall": 3.0, "verified": true, "reviewTime": "03 24, 2014", "reviewerID": "A2ZKSY7U1UYAG1", "asin": "B00008KWWF", "style": {"Size:": " Large", "Style:": " Wired"}, "reviewerName": "FamerJohn", "reviewText": "Went with the Evoluent mouse with a trackball as an alternate. This 3M mouse is nice but I found it a bit awkward compared to the Evoluent. http://www.amazon.com/gp/product/B008PN7Q8I/ref=cm_cr_ryp_prd_ttl_sol_2", "summary": "Its just not as comfortable or natural as I thought it would be", "unixReviewTime": 1395619200} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A3T3NRYH0EEVA7", "asin": "B00004Z5D1", "reviewerName": "Honest", "reviewText": "No brainer. Static electric shock can kill your computer. Unless you are a millionaire that can replace their puter every time you open the case and mess with things why take the chance?", "summary": "No brainer. Static electric shock can kill your computer ...", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2014", "reviewerID": "ATKFSP54JDDEO", "asin": "B000067RTB", "style": {"Color:": " Grey", "Length:": " 5 Feet/ 1.52 Meters"}, "reviewerName": "Selwyn S. Elledge", "reviewText": "Just what I needed and fast shipping. I recommend tis product to anyone who is cutting the cord or needing fast streaming without a big investment.", "summary": "Good Product !", "unixReviewTime": 1402790400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A3IA134FMKZI8S", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "Max E. Rabinowitz", "reviewText": "Exactly what I needed and functioning well. I would order from this company again.", "summary": "Great Product", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A1AZDO8YWHNMKJ", "asin": "B00004Z7F0", "reviewerName": "Dan Georges", "reviewText": "Great feel - matches the Thinkpad keyboard.\nNo problems with the numlock activity as others have indicated.", "summary": "Five Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A38FEJ8BPFY320", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Nelson E.", "reviewText": "This is a plug for three plugs. If I had a pug he'd plug them too.", "summary": "Works", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A2CQTH0F0VMMN1", "asin": "B0000BZL0U", "style": {"Size:": " 49 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "05 17, 2007", "reviewerID": "A2EENZSROEJFFT", "asin": "B0000996BH", "reviewerName": "H. VISCAINO", "reviewText": "Mine is working with my SR1 camcorder to my indoor shots! loving it!", "summary": "Little must have!", "unixReviewTime": 1179360000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A3QFOYRN9G515S", "asin": "B000067VC1", "reviewerName": "Kerry Searle", "reviewText": "I use these to tie back curtains. Nice there is a color selection now. Very strong velcro.", "summary": "Nice there is a color selection now", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A2VC4B5CP7NX2J", "asin": "B00006B8E7", "reviewerName": "SomeGuy", "reviewText": "StarTech for the win. I purchased these to quite down fans integrated into a NAS drive bay. They work great.", "summary": "They work great.", "unixReviewTime": 1413763200} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2011", "reviewerID": "A5POXF7CRHWI7", "asin": "B0002BF09S", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Greg Mcnamer", "reviewText": "The harness works as expected. Connects to the Honda clip, wires with similar/same colors as your after market stereo, and works.\n\nI used wire nuts to secure everything so that I wouldn't have to solder/de-solder or use tape.", "summary": "Its a working harness. Yay.", "unixReviewTime": 1316995200} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A3O0DVX64HNRZY", "asin": "B000067SOH", "style": {"Size:": " QTY 1", "Color:": " Black"}, "reviewerName": "Alejandro", "reviewText": "Awesome!", "summary": "Five Stars", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "A31NCLSW1UF99F", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Sonny", "reviewText": "Very Good Quality Storage Case, Hard to find in local stores. Good Price", "summary": "Bargain On Storage Cases", "unixReviewTime": 1442880000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A2RNY73GQHJUIU", "asin": "B00016W6NC", "style": {"Size:": " 6 ft", "Style:": " Right Angle"}, "reviewerName": "Jorge Sevilla", "reviewText": "Works as advertised. Can't beat the price.", "summary": "Works with my Wacom tablet.", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "A14FKXVN2WB6HV", "asin": "B00007E816", "style": {"Color:": " Black", "Style:": " 3/8\""}, "reviewerName": "Allen R. Freeman", "reviewText": "For the low price this is very comfortable and works great. I love the way it stretches taking the weight off your shoulder.", "summary": "Amazing", "unixReviewTime": 1357948800} +{"overall": 1.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "AJ2Q1T7TX2BSW", "asin": "B00002NAQZ", "reviewerName": "Jesse B.", "reviewText": "This would be nice but it came broken in a non-protective plastic case. It's not even worth returning the $4 and some change. I wouldn't buy this ever again.", "summary": "Shipped Broken in a Plastic Bag", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A32C6XKOGFFVW", "asin": "B00006B7V9", "style": {"Size:": " 1-PACK"}, "reviewerName": "Deborah D Adams", "reviewText": "Pleased.", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A3IH0T300QXP8X", "asin": "B000087NBW", "style": {"Format:": " Electronics"}, "reviewerName": "pablo", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A28N222OQNHI26", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Jim Ragsdale", "reviewText": "Good product; timely shipping.", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "AU7YJOI1DSB5G", "asin": "B0001IM95U", "reviewerName": "ROBERT FISHER", "reviewText": "These head phones have Great Sound, and a snug fit. They stay in place and don't slide down the back of your head. As loing as you are seated.", "summary": "Great Sound", "unixReviewTime": 1356307200} +{"overall": 2.0, "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "A1GP6A01FHJLEC", "asin": "B000095SB4", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Robert M. Rainwater", "reviewText": "The idea was great but the workmanship and parts can make any great idea a flop. After a week the battery charger stopped working in the headphone cradle. I expected better from Sony. Very disapointed.", "summary": "Broke within a week", "unixReviewTime": 1392768000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A2UQ9KLWKR9LKD", "asin": "B0000ATNH3", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Brenda", "reviewText": "Works great and was easy to adjust for better range and reception", "summary": "Just Right", "unixReviewTime": 1475539200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A3VNYINY7EEDYL", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "holeralph3", "reviewText": "None", "summary": "Five Stars", "unixReviewTime": 1416182400} +{"overall": 4.0, "vote": "4", "verified": false, "reviewTime": "01 15, 2003", "reviewerID": "ACTY1WDE1MP7I", "asin": "B00006HMPN", "reviewerName": "HUA YE", "reviewText": "1. the logitech mouseware cause the mouse jumpy. but if u do not install the logitech drivers, all works fine.\n2. No led for NumLock...\n3. Mouse a little heavy and a little big (battery?)\n4. I hate the \"User\" button on keyboard, it will cause your system sleep accidently.", "summary": "bad software", "unixReviewTime": 1042588800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "ASD7N1E9SD5Y5", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Texas", "reviewText": "This is really handy if you're a photo nut.", "summary": "Five Stars", "unixReviewTime": 1431907200} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2014", "reviewerID": "A2XWO6OHI5UUDH", "asin": "B00007E7C8", "style": {"Size:": " one size"}, "reviewerName": "Luis Vazquez", "reviewText": "Very good for the price.\nThis is the high quality/price ratio in any headphone set I have ever own.\nI would recommend it.", "summary": "Good sound, good quality, low price", "unixReviewTime": 1394150400} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2012", "reviewerID": "ACV8RU1WLZ3LD", "asin": "B000067SC5", "style": {"Size:": " 1.45in. x 0.80in. x 0.70in."}, "reviewerName": "C. GLASGOW", "reviewText": "Excellent Vendor & Quick Shipper Too !!!! THANKS !!!!!!\nWe will be back for more great buys soon ... Thanks", "summary": "Cat5E Coupler", "unixReviewTime": 1356393600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A1GLH2SCKOJS7O", "asin": "B0000AI0N1", "style": {"Style:": " Black"}, "reviewerName": "OliveOil", "reviewText": "This is exactly what I ordered, like all Tripp Lite products. Have used a Tripp lite surge protector console under my monitor for years; when one went bad years ago, I called them up and they were very cooperative and sent me a brand new one. Very happy with this product.", "summary": "like all Tripp Lite products", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2010", "reviewerID": "A1CCZRTI2N6EYU", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "R. FOZ", "reviewText": "I'm glad I bought this Nikon Lens Pen and I use this right away in cleaning all my Nikon lenses. Sometimes I was thinking if I needed to clean it because it has a UV Filter so I included to clean up my UV Filters.", "summary": "Great Product", "unixReviewTime": 1282608000} +{"reviewerID": "A2JNSF30X4B997", "asin": "B00009KLAE", "reviewerName": "stusta", "verified": true, "reviewText": "Perfect for the lens I ordered with it.", "overall": 5.0, "reviewTime": "07 28, 2014", "summary": "Five Stars", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A3PVOSUZWL3YEL", "asin": "B00006HRKE", "style": {"Capacity:": " 15 Inch", "Style:": " Vented - 2U Height"}, "reviewerName": "Amazon Customer", "reviewText": "Perfect for home entertainment shelves in closet!", "summary": "Five Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "AM7AGZ1QAQKNW", "asin": "B00006JPF4", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Richard Shores", "reviewText": "awesome radio not bad to have just in case", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2014", "reviewerID": "A30NAS5CPCDTF1", "asin": "B00009W3N5", "style": {"Size:": " 1 Pack", "Color:": " Brown"}, "reviewerName": "Silence Dogood II", "reviewText": "Works exactly as described, easy to cut, easy to conceal cord. Not much more to say about a rubber cord cover.", "summary": "Perfect.", "unixReviewTime": 1396915200} +{"reviewerID": "A19H5CP7TBLRH4", "asin": "B00009KLAE", "reviewerName": "Shade", "verified": true, "reviewText": "POS. This filter creates image distortion. A piece of window glass would be better.", "overall": 1.0, "reviewTime": "10 16, 2017", "summary": "waste of money.", "unixReviewTime": 1508112000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2017", "reviewerID": "A3NS543MSY2DLT", "asin": "B000068O3H", "style": {"Size:": " 3-Feet"}, "reviewerName": "Capt Uberober", "reviewText": "I've always been pleased with Hosa's audio products.\nI find Hosa primarily at music stores, but use them in A/V post-production.\nThanks folks.", "summary": "Is gud 4 me.", "unixReviewTime": 1494115200} +{"overall": 5.0, "verified": false, "reviewTime": "06 17, 2016", "reviewerID": "A3HYC2K92I6NHX", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "JD", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A1DF234IS79KVF", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "AradoBlue", "reviewText": "The GS108NA is a good switch to expand the growing need for wired connections. Few homes and businesses need more than 8 and the internet egress point. Reducing clutter for a specific area made this a welcomed item.", "summary": "The GS108NA is a good switch to expand the growing need for wired connections", "unixReviewTime": 1434844800} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2012", "reviewerID": "AEQ1H8QRESMPD", "asin": "B00002EQCW", "reviewerName": "L.T.", "reviewText": "This product does exactly what I wanted it to do. I plugged in the ethernet cables and it worked great from there. Netgear is a great product.", "summary": "Does the job", "unixReviewTime": 1329696000} +{"overall": 1.0, "verified": true, "reviewTime": "09 21, 2013", "reviewerID": "AOKUJ3LLW5TSS", "asin": "B00001OWYM", "style": {"Size:": " 1-Pack"}, "reviewerName": "June Gregory", "reviewText": "These do not work. They will not play in any of my vcrs. The prior versions I have used worked very well.", "summary": "Do not work", "unixReviewTime": 1379721600} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2007", "reviewerID": "AW05LFHK9F0SW", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Gregory King", "reviewText": "Bag is well padded and holds more gear than any \"normal\" camera bag. Two cameras, two flashes, and 4 or even 5 lenses...about double what I could carry in my bag...and that wasn't even comfortably.\n\nToo bad they don't make it in other logos. ;-)\n\nGreg", "summary": "No complaints", "unixReviewTime": 1197504000} +{"overall": 4.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "A2XP34OHJTF1EI", "asin": "B00008X5DE", "reviewerName": "Drake", "reviewText": "Received a completely different product, but it still works great. It stays outside, and has proved very durable for the price.", "summary": "Good", "unixReviewTime": 1388448000} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A4CN49S8WLBCX", "asin": "B00004TWLZ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Andrew Franks", "reviewText": "If Kodak was still making film I'd buy it, but this product is fine for what I use it for. So if you are still using film by all means use this.", "summary": "There was no other choice", "unixReviewTime": 1394928000} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A2K3YEJXPOM2RX", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "JMB", "reviewText": "I have had this filter on my lens for years. It does a great job and not only providing UV protection but protects my lens.", "summary": "Durable", "unixReviewTime": 1355443200} +{"overall": 2.0, "verified": true, "reviewTime": "09 10, 2017", "reviewerID": "AV8N3OJNWIU9B", "asin": "B000278S3M", "style": {"Size:": " 2000 WATT"}, "reviewerName": "Mah", "reviewText": "It has already blown off as the outlet got pulled out when i was removing the device plug.", "summary": "Two Stars", "unixReviewTime": 1505001600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2013", "reviewerID": "A3ESWJPAVRPWB4", "asin": "B00007M1TZ", "reviewerName": "E. Hernandez", "reviewText": "This 2.5 mm jack headset is Professional quality. They fit as good and comfortable as any I have ever used in the 15 years I have worn headsets for my work and have a Noise Cancelling ability of sets many times more expensive. I highly recommend.", "summary": "Excellent Headset", "unixReviewTime": 1369872000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 5, 2007", "reviewerID": "A3EO7H0UOYYVJ", "asin": "B00001P4XA", "style": {"Color:": " Black"}, "reviewerName": "Brian M.", "reviewText": "They do a nice job of isolating...they block out tons of noise. They can be a tad noisy when you chew...", "summary": "Aside from the color...work nice", "unixReviewTime": 1183593600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "AZCP19EJ8BG4D", "asin": "B00007FWP2", "reviewerName": "T-man", "reviewText": "Perfect!", "summary": "Perfect", "unixReviewTime": 1407888000} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A3O2JYPW9KYP21", "asin": "B00008Y0SI", "style": {"Size:": " 1.25\" 25 mm", "Style:": " X-Cel LX Eyepiece"}, "reviewerName": "David B Stewart", "reviewText": "purchased as gift can't review", "summary": "Four Stars", "unixReviewTime": 1469145600} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A24XXLZ8WXQ4V2", "asin": "B0001GYAA4", "reviewerName": "Andrew", "reviewText": "This unit works grate and dose not look to bad as well at least the heads on this one I got were not bad like the other VCR heads on the other units", "summary": "Better heads better bargin", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "AQ5E8GS310T4X", "asin": "B000068O4Y", "style": {"Style:": " RCA to Dual RCAF"}, "reviewerName": "vance swafford", "reviewText": "works perfectly , price was right .", "summary": "works perfectly, price was right.", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A3HB33OJA7IIIF", "asin": "B00005ML7R", "style": {"Style:": " CS95"}, "reviewerName": "FOREVERICE", "reviewText": "I LIKE THAT THEY HAD ONE EARPHONE IT MADE IT EASY TO HEAR SOMEONE TALKING TO ME AND I COULD STOP TALKING THRU MY HEADPHONE AND LISTEN TO WHOM EVER WAS TALKING TO WITHOUT HAVING TO TAKE OF MY HEADPHONE OFF", "summary": "I LIKE THAT THEY HAD ONE EARPHONE IT MADE IT EASY ...", "unixReviewTime": 1440633600} +{"reviewerID": "A2ZOP6RKVB36JB", "asin": "B00004ZCJJ", "reviewerName": "Diego Agudelo", "verified": true, "reviewText": "excelente", "overall": 5.0, "reviewTime": "12 22, 2013", "summary": "Five Stars", "unixReviewTime": 1387670400} +{"overall": 2.0, "verified": true, "reviewTime": "05 13, 2013", "reviewerID": "ALQAF15URWQ2S", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "I thought it would give off more air. I tried it on my laptop and no pressure at all. I wouldn't buy this again.", "summary": "Only okay", "unixReviewTime": 1368403200} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A1MZ66TJ4MGR4H", "asin": "B00000J1QM", "reviewerName": "jmstwo", "reviewText": "Actually worked. Surprised me.", "summary": "Four Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "A8VPO4TPQTHZ7", "asin": "B0000AQR8T", "style": {"Length:": " 15 ft"}, "reviewerName": "Frank A. Terry Jr.", "reviewText": "Very good DVI cable. Easy to connect with the extra long screw connector extensions. Flexible, durable ans easy to install.", "summary": "Good Cable", "unixReviewTime": 1403049600} +{"overall": 5.0, "verified": false, "reviewTime": "06 3, 2015", "reviewerID": "A36ZO8MUMAIGV7", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "B.A.", "reviewText": "I have tons of videos in these things and they work great for a while then they get to where they won't close properly. Just don't stack them and they'll last longer.", "summary": "work great for a long while.", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2013", "reviewerID": "A3Q5TEYKUEFOXO", "asin": "6073894996", "reviewerName": "benrod6996", "reviewText": "I really like it and it works really really well. I like how well it works in the lighter socket", "summary": "Great it is everything I wanted", "unixReviewTime": 1381795200} +{"reviewerID": "A2KJHXOYEXJJ4T", "asin": "B00004ZCJJ", "reviewerName": "Christopher", "verified": true, "reviewText": "literally just a protective filter for dust and scratches. Nothing else.", "overall": 1.0, "reviewTime": "08 31, 2015", "summary": "One Star", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A28QV0KX6LXFL8", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "randy schweitzer", "reviewText": "My wife loves them", "summary": "Five Stars", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A1YWGQTI76DQCP", "asin": "B00013M6NK", "reviewerName": "Book Lover", "reviewText": "After buying off brand batteries that never held a charge, I paid the extra and bought the real deal. It was worth the money.,", "summary": "I learned my lesson.", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "A1R2HRQJLHGLPI", "asin": "B00005118F", "reviewerName": "Steve", "reviewText": "You can always count on C2G products! C2G cabling meets all my specifications and the materials are the best. Enjoy!", "summary": "Excellent", "unixReviewTime": 1356307200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A59SQA66PPRXX", "asin": "B00013ZCMW", "style": {"Size:": " 8 oz Refill"}, "reviewerName": "@dave", "reviewText": "same stuff dish network guy tried to sell me after he cleaned both my TV screen and iPad 2 screen, then showed me how it repels fingerprints and smears. But his small 4 oz bottle was $25, so I declined. This is a far better price.", "summary": "This stuff works!", "unixReviewTime": 1460419200} +{"reviewerID": "A5PJ46RRBEBRU", "asin": "B00009KLAE", "reviewerName": "Ali,", "verified": true, "reviewText": "Just get my lens protection filter from Tiffen, nice product very good for the price, I ordered one for my nikon 70-300mm, and 105mm and for my nikon 35mm..", "overall": 5.0, "reviewTime": "10 22, 2010", "summary": "Great Protection filters .. 5/5", "unixReviewTime": 1287705600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A3TXUH40AW96BP", "asin": "B0000DYV9N", "style": {"Color:": " Black", "Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Jamball", "reviewText": "Awesome, and very customizable.", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A335VJEGGL26PQ", "asin": "B00000J4EY", "style": {"Size:": " 15ft Power Cord", "Style:": " 6 Outlet"}, "reviewerName": "furf", "reviewText": "Love the long cord. The surge protector seems well made and the connections are solid. My only complaint is that I had difficultly mounting this securely to the wall as the slots in the back are not as easy to use as on other power strips.", "summary": "Great option for a 15' cord power strip", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A9MGSYD9U8NAG", "asin": "B00005V524", "style": {"Style:": " 4 Port VGA"}, "reviewerName": "JAY W DOXTADER", "reviewText": "A", "summary": "Five Stars", "unixReviewTime": 1417046400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A3DZ1ELOTSJKYZ", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Miguel Reynoso", "reviewText": "Price is great and works well with my Samsung phone, I use it with my surround sound so i can get extra bass with it because with bluetooth it isn't as strong.", "summary": "Great", "unixReviewTime": 1441065600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A2OVFLPM7JDHW", "asin": "B0000BYBVT", "reviewerName": "Nathan", "reviewText": "Works perfect to hold a 100ft thick cord. The sliding handle in the middle is a nice touch that lets you wind up the cord by holding there and turning the outer orange part.\n\nNot much else to say. This has a nice build quality and I don't see it breaking anytime soon.", "summary": "Great build quality. Sturdy even with a thick 100ft cord on it.", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A1X29B0VKPOXS7", "asin": "B00005TQ1Y", "reviewerName": "M. Andrew Whiteman", "reviewText": "A very hard to find telephone equipment. Fair price..Fast shipping. The problem I have is many auto dialers don't automatically remove my number as they should and I keep getting calls from the same caller.", "summary": "STOP AUTO DIALERA", "unixReviewTime": 1409443200} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "02 24, 2011", "reviewerID": "A24G8O1KZ911TW", "asin": "B0000DC0T4", "reviewerName": "Joshlyn", "reviewText": "This isn't the best made portfolio, it's very simple. It's definitely not a portfolio that a veteran photographer should buy. But it's a good starter.", "summary": "A good starter portfolio", "unixReviewTime": 1298505600} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A3TFR17GPJIOQE", "asin": "B000068O1O", "style": {"Size:": " 13.1 Feet"}, "reviewerName": "Pavel", "reviewText": "poor qualety", "summary": "Four Stars", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2014", "reviewerID": "A1LECBHQOJVFQN", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Kristofer Gifford", "reviewText": "Great for portraits. A bit heavier than I expected but very happy with the results. Terrific lens for the money.", "summary": "Love it", "unixReviewTime": 1396742400} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "AQL8V98N7KVAY", "asin": "B00006B7DA", "style": {"Style:": " 4-Port USB 3.0"}, "reviewerName": "m&m", "reviewText": "D-Link customer support says this hub cannot support external hard drives with capacities over 500 GB. Makes this hub worthless in a time when you have to try really hard to find a drive with less than 1TB capacity.", "summary": "Worthless Junk!", "unixReviewTime": 1384905600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A2N0E1LXZRD92K", "asin": "B00006HOAQ", "reviewerName": "baki gundogdu", "reviewText": "I would recommend. I use it. I got excellent results in snow. no need for flash of Facial brightness .", "summary": "high tecnologies", "unixReviewTime": 1361232000} +{"reviewerID": "A1BCE2GEDE71NG", "asin": "B00004ZCJJ", "reviewerName": "LAMAR WILSON", "verified": true, "reviewText": "works", "overall": 5.0, "reviewTime": "01 27, 2016", "summary": "Five Stars", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A8NIEZIQIR0E4", "asin": "B00000JCTO", "reviewerName": "Gustavo A.", "reviewText": "Excellent Model and shipped perfect!", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "AUPLAQGNNR4YI", "asin": "B00001P505", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "leopold alabaster", "reviewText": "Excellent phones, full fidelity sound, lightweight, comfortable, great price, wear 'em two ways at least, carrying case fit is questionable.", "summary": "Excellent phones, full fidelity sound", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A4U4JZ0MCKC18", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Supalia", "reviewText": "A great and affordable HDMI cable that works perfectly with my macbook. Haven't had any issues and the sound and speed is just as good as any more expensive HDMI cables.", "summary": "Great and affordable", "unixReviewTime": 1440201600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A34EK1U0OIUQD4", "asin": "B00018MSNI", "style": {"Style:": " Headphones"}, "reviewerName": "joseph waid", "reviewText": "My first pair of sennheisers, they sound good, but I can't say they are any better or worse for headphones in the 400.00 to 500.00 range. They are comfortable, but 400i's are way more comfy to me...", "summary": "they sound good, but I can't say they are any better ...", "unixReviewTime": 1426636800} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2013", "reviewerID": "A3VVT9FFZHXCGO", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Nick", "reviewText": "Not much you can say about a USB cable. It's sturdy and of pretty good quality. It works, that's what counts.", "summary": "Good cable", "unixReviewTime": 1378252800} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2011", "reviewerID": "AKURTJNBVSK6J", "asin": "B00009UTVO", "reviewerName": "skindog", "reviewText": "good for price. - pretty good quality a little heavy for pack trips but great for the car. My 6 year old uses it a lot with me and after 3 years it still works!!", "summary": "very stable", "unixReviewTime": 1306886400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2017", "reviewerID": "A1O0KK25ND0780", "asin": "B000051ZOA", "style": {"Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "tad heavy; but to be expected, tripod needed; great buyer; great seller", "summary": "I AM WATCHING", "unixReviewTime": 1512777600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A1MDZWBC0ZX3KM", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Kenneth J. Roberts", "reviewText": "good cable.", "summary": "Five Stars", "unixReviewTime": 1477440000} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A1OEBWPSFMCZQS", "asin": "B00009UT1Z", "reviewerName": "Monte Cristo", "reviewText": "Item looked a little used. the attachment screw is a little loose and wobbly until it's attached to the camera. . But it holds on to the camera and fits the tripod.", "summary": "Item looked a little used. the attachment screw is ...", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A1DL0Q5JQYI0JT", "asin": "B00009XVA3", "reviewerName": "Gregory E. McKelvey", "reviewText": "just what i need for the third camera", "summary": "Five Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A9N5WIZP0JP9J", "asin": "B000256R9G", "reviewerName": "George W. Burgoon", "reviewText": "This reel has provided easy access to electrical outlets and it can be secure to a spot at the same time. In the winter it goes to the second floor and in the summer it goes to our 3-season room. The automatic catch and release to return into the reel works well.", "summary": "Easy Access and Return", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A1S09EFF8ACDQX", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Tracy", "reviewText": "Glad I bought this at the same time. A must have with the Acoustic speaker to hide wires in the wall. It is the standard length of most USB cables.", "summary": "Need this when you buy the wireless speaker", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A1K74Q2PMM10CG", "asin": "B00016W6NC", "style": {"Size:": " 3 ft", "Style:": " Right Angle"}, "reviewerName": "james swenda", "reviewText": "Worked perfect for my GPS", "summary": "Five Stars", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2007", "reviewerID": "AMTJ5NBLW6XTN", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Salman Khan", "reviewText": "I purchased this cause I needed a fast lens for portrait work. The performance is as expected from a Canon product. The only thing that bothered me was that it was not made in Japan and the mounting was made of plastic.\n\nOtherwise it has performed well.", "summary": "Excellent Lens For The Price", "unixReviewTime": 1179014400} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2011", "reviewerID": "A1VWE1WO5RZAEI", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "rdub", "reviewText": "This item has been great so far. Works good for cleaning the lens. I bought 2 more to give as gifts.", "summary": "Nikon LensPen", "unixReviewTime": 1320537600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A2WWXIA9OPLPYC", "asin": "B00006I53B", "style": {"Color:": " Black"}, "reviewerName": "william p dunn", "reviewText": "Sounds great,love my purchase so much I ordered a second pair!!!", "summary": "Sounds great, love my purchase so much I ordered a ...", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A25AFF5UVR6I9V", "asin": "9983891204", "reviewerName": "MJW", "reviewText": "What can I say about a cable? Good construction. Does the job.", "summary": "OK", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A1DFH07649UZT7", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Antonio", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1433635200} +{"reviewerID": "A1WFJ4UM8Q8O4U", "asin": "B00004ZCJJ", "reviewerName": "CARL J. MARCHESE", "verified": true, "reviewText": "Good value; cheap price to protect a valuable lens. No distortion of objects being photographed and colors still true to original.", "overall": 5.0, "reviewTime": "04 3, 2013", "summary": "Lens protector that works", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A3VHAZ9ZQ2IG8N", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x3.5\" Drive (Front Bay Adapter)"}, "reviewerName": "dyn2liv", "reviewText": "Fits and does it job.", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2017", "reviewerID": "A3700X5QT8AR92", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "M. Longhofer", "reviewText": "Did the job", "summary": "Did the job", "unixReviewTime": 1484352000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A1YDQ8I5KVNF8P", "asin": "B00005K4PG", "reviewerName": "Rangermenace", "reviewText": "Works fine and gives ptouch more options bug not really clear, frosted background", "summary": "Not clear background, frosted", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2014", "reviewerID": "AB2CNQOQV236S", "asin": "B00006B8BJ", "style": {"Model:": " Female to Female"}, "reviewerName": "Idahoser", "reviewText": "worked perfectly. The cable itself is not clearly marked as a NULL MODEM, so it would be possible to get confused and think it was a straight through, so I marked the ends with a sharpie.", "summary": "needed to reset a used 3Com switch", "unixReviewTime": 1391558400} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A1GUGEV6MOLYT9", "asin": "B00009XVCZ", "style": {"Style:": " Lens Only"}, "reviewerName": "Jarrod De Defi", "reviewText": "I was having a hard time with the lens focusing until I did some light reading and research. Now I am good with it.", "summary": "Learn how to use it", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2010", "reviewerID": "A1ESGWQF2YUW85", "asin": "B0000C8VU8", "style": {"Style:": " Body Only"}, "reviewerName": "David J. White", "reviewText": "I love Canon Digital Camera's!!!!! They are easy to use,and the added features make it one of the Top Rated Camera's in the world!", "summary": "This is a very nice and easy canon camera to use going from film to digital.", "unixReviewTime": 1290038400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A3TECVV3Z5KTBB", "asin": "B00020T4UK", "style": {"Style:": " 8X Hub Printable-Water Resistant"}, "reviewerName": "Ronald Thomas", "reviewText": "Great Seller. Would use again. Thanks, Ron!", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A328KR4DHFTXXH", "asin": "B000062VUQ", "style": {"Size:": " 3-piece"}, "reviewerName": "Jeff", "reviewText": "best sounding 2.1 speakers i have ever heard.", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2012", "reviewerID": "A1WQI0W1KY85BK", "asin": "B000067RWH", "reviewerName": "MG", "reviewText": "Placed a 32\" LCD in a cabinet and needed a longer cord to reach the power strip (longer than the 6ft manufacturer supplied cord). This one worked great.", "summary": "Works Great", "unixReviewTime": 1341187200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2012", "reviewerID": "A1LULFI8JA9H0C", "asin": "B00003CWDG", "reviewerName": "Satish Soni", "reviewText": "I like the product because of its sensible design. The power slots are such way that bigger plugs don't take up space. Good thinking. There aren;t many products with this design.", "summary": "Great Sensible product", "unixReviewTime": 1351209600} +{"reviewerID": "A3U2O182B7IJWG", "asin": "B00009KLAE", "reviewerName": "S. Russo", "verified": true, "reviewText": "Best investment! Saved two of my lens from certain death. They took the brunt of the impact on 2 occasions and both time they cracked as excepted but the lens did not. Cheap replacement versus lens repairs.", "overall": 5.0, "reviewTime": "11 10, 2014", "summary": "Best investment! Saved two of my lens from certain ...", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A25VMJXGS4BTK8", "asin": "9983039281", "reviewerName": "eddyabear", "reviewText": "Good product, good price on Amazon.", "summary": "Happy Customer", "unixReviewTime": 1435968000} +{"overall": 3.0, "verified": true, "reviewTime": "11 8, 2012", "reviewerID": "ADHABLMCBV9CG", "asin": "B00004WLJ8", "style": {"Size:": " 100 Pack", "Color:": " Natural", "Style:": " 14 inch., 75 lb tensile"}, "reviewerName": "USA made or nothing", "reviewText": "hi i recently ordered this because it says the origin was USA but when i got it BIG LETTERS\nMADE IN CHINAAAAAAAAAAAA\nTHEY ARE LIARS", "summary": "MADE IN CHINA", "unixReviewTime": 1352332800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2010", "reviewerID": "A1T61C4U8U44EU", "asin": "B00009UU2L", "style": {"Color:": " Black/Blue"}, "reviewerName": "Johnny W.", "reviewText": "This Zing fits my Canon 50 mm macro lens. Good protection for any small lens. Highly recommend this item.", "summary": "kumquat", "unixReviewTime": 1263686400} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "AUAKRH8QRTEKD", "asin": "B00004VX15", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "JRTLLOYD", "reviewText": "Appears to be well made. Easy to fit. I won't give it 5 stars though, because I think that $12 is a lot of of money for a small plastic bracket and a slightly modified battery compartment cover, especially when the eTrex only cost me $108 over five years ago.", "summary": "Bit pricey but works well", "unixReviewTime": 1355443200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A3NVDXRTS8DDI7", "asin": "B00006JPD8", "reviewerName": "Tito", "reviewText": "it work great", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A1G9OJNRID8UJO", "asin": "B000068O3L", "style": {"Size:": " 10 Feet"}, "reviewerName": "Jimmy F", "reviewText": "Durable and works fine", "summary": "Does the job", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A35UJJ6HBVTZBU", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x2.5\" Drive (SATA)"}, "reviewerName": "Cole Cameron", "reviewText": "Comes with everything needed, including cables, but I needed to turn my SSD slightly off-center for the screws to fit, but that didn't cause any problems.", "summary": "Does what it's supposed to", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "A356SUSLBP8QE8", "asin": "B00005LE7M", "reviewerName": "Kindle Customer", "reviewText": "This replaces a POS 3rd party lens hood included with a used lens I bought from a private seller. It's hard to beat OEM parts.", "summary": "This replaces a POS 3rd party lens hood included with ...", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "AZQ9T1LW27HMS", "asin": "B00004SABB", "style": {"Size:": " 12x25", "Color:": " Black"}, "reviewerName": "Patrick in VA", "reviewText": "Perfect for a boat trip vacation for my family. God price and quality.", "summary": "Good deal", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": false, "reviewTime": "08 16, 2012", "reviewerID": "A7384B20HNHK1", "asin": "B00005T3EY", "reviewerName": "R. Rubin", "reviewText": "Inexpensive and shipped quickly for the DIY interior HD antenna project. Quality construction, feels durable and should last a long time. Perfect for this project", "summary": "Great for DIY HD antenna build", "unixReviewTime": 1345075200} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A10AFOU40FPKMQ", "asin": "B0000510IA", "reviewerName": "Webbedfoot", "reviewText": "They work with no failures", "summary": "DVD+r discs", "unixReviewTime": 1457740800} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A3QB1XIL9CLI7Z", "asin": "B0000512LA", "style": {"Size:": " 2400W"}, "reviewerName": "Atheniakid", "reviewText": "Had a KIP large format printer that seemed not to work properly due to voltage changes. This eliminated it completely.", "summary": "Had a KIP large format printer that seemed not to ...", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3UQJD4C8WNKC4", "asin": "B00006I5SB", "style": {"style:": " Phono Cartridge"}, "reviewerName": "Juan C. De Vega", "reviewText": "Great quality for a rasonable price.", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"reviewerID": "A29L8J0I4ZU39S", "asin": "B00004ZCJJ", "reviewerName": "MediaProf", "verified": true, "reviewText": "Great investment.", "overall": 5.0, "reviewTime": "01 17, 2017", "summary": "Five Stars", "unixReviewTime": 1484611200} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A22UC8B9LL06E9", "asin": "B00004Z6N6", "style": {"Length:": " 36 Piece"}, "reviewerName": "tomd", "reviewText": "The tool set contains everything you need to work on solid state circuit boards. Nicely laid out and easy to use. Demagnetization is a real plus. I recommend it.", "summary": "Versatile tool set", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A10YEIODQ82I7R", "asin": "B00005LLY4", "reviewerName": "Mike", "reviewText": "Perfect in every way.", "summary": "Five Stars", "unixReviewTime": 1416182400} +{"reviewerID": "A1GWYS0HGHQKB7", "asin": "B00006HURK", "reviewerName": "Viltrumite", "verified": true, "reviewText": "It's ethernet.. as advertised. Snag protectors work well. No complaints here; would buy again. 6 more words required required required.", "overall": 5.0, "reviewTime": "01 16, 2013", "summary": "yup", "unixReviewTime": 1358294400} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2T1EOQDIROQWN", "asin": "B00005N9D2", "style": {"Size:": " R-80", "Color:": " Black"}, "reviewerName": "C.J.", "reviewText": "Volume could be better out of them. but very comfortable and good range", "summary": "Four Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "ALSTBE6E3TZ7I", "asin": "B00004Z5D1", "reviewerName": "JoeyVee", "reviewText": "nice build could be longer...", "summary": "a little short but ok", "unixReviewTime": 1463356800} +{"reviewerID": "A2D3THJGI4OF8W", "asin": "B0001VWJ8Y", "reviewerName": "Steven E. Mccorry", "verified": false, "reviewText": "Nice quality cable that delivered exactly what I was looking for.\nMuch better price point that the more expensive \"HYPE\" cables.\n\nThis will do the job and will do it well!", "overall": 5.0, "reviewTime": "07 13, 2008", "summary": "Great cable for the price", "unixReviewTime": 1215907200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "ADEK05OUDOKFJ", "asin": "B000234TYI", "style": {"Format:": " Personal Computers"}, "reviewerName": "Hooles", "reviewText": "Works as expected", "summary": "Works as expected", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3HGIF6Z41KLQ6", "asin": "B00005LE7M", "reviewerName": "OnlineGuru31", "reviewText": "Works perfect.", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "03 28, 2014", "reviewerID": "A3FHXCNVEL3FEP", "asin": "B00004WLJ8", "style": {"Size:": " 100 Pack", "Color:": " Natural", "Style:": " 11 inch., 75 lb tensile"}, "reviewerName": "Golfdude101", "reviewText": "The ties are somewhat thin and tend to break easily. The price was good but I'm little disappointed with the reliability.", "summary": "Breaks easily.", "unixReviewTime": 1395964800} +{"overall": 2.0, "verified": true, "reviewTime": "11 8, 2012", "reviewerID": "A1Q6A2AY55L8LH", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "G. Greer", "reviewText": "I bought two of these. One works fine. Only the left channel works on the other one and sounds terrible. I'm returning the defective one and not buying this brand again.", "summary": "Bought two, only one works", "unixReviewTime": 1352332800} +{"overall": 3.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "AAU9P4OGR4J9W", "asin": "B00004TZF9", "reviewerName": "MrShay", "reviewText": "Adequate but not easy to use as it requires both hands to use which in some cases is tough.", "summary": "OK", "unixReviewTime": 1435708800} +{"overall": 5.0, "verified": false, "reviewTime": "01 13, 2009", "reviewerID": "ASSEM0XY6N5HM", "asin": "B000067SCY", "reviewerName": "Jose Suero", "reviewText": "This item do the work. Connected to a XBOX to deliver power to a custom DVD room drive.", "summary": "Do the work.", "unixReviewTime": 1231804800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A3QBNTWBQXOAVA", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "bob b", "reviewText": "Havent had one fail yet. Been months. Over half used", "summary": "Five Stars", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A2LAGOPH8L3LD3", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "K. Lang", "reviewText": "Great low light lens! I use this primarily for shooting live music and for some portraits. It does a great job with both.", "summary": "Great low light lens!", "unixReviewTime": 1448409600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "01 20, 2009", "reviewerID": "A2IT1IF3YF09WW", "asin": "B00012BYXO", "reviewerName": "David R. Cayll", "reviewText": "The Sunpak Mini-PRO Plus Table Tripod is a quality tripod, plenty able to steady my Coolpix camera. I only wished the legs were alittle longer to raise the camera height up to my eye level while sitting at a table. It looks taller online.", "summary": "Short Stuff", "unixReviewTime": 1232409600} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A3LD23Z6C5LI40", "asin": "B000068O3H", "style": {"Size:": " 10-Feet"}, "reviewerName": "Mel O", "reviewText": "Solid", "summary": "Four Stars", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A228NVNDI21PS9", "asin": "B000067RWH", "reviewerName": "lori h", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": false, "reviewTime": "11 1, 2016", "reviewerID": "APXAECO4CPLW9", "asin": "B0002BEQAM", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Slick 87", "reviewText": "perfect fit", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"reviewerID": "AASYLMUXUI9Q7", "asin": "B000067O6B", "reviewerName": "John Doe", "verified": true, "reviewText": "Top notch. Delivers excellent privacy.", "overall": 5.0, "reviewTime": "11 6, 2016", "summary": "Outstanding", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A36G7US1RME0U7", "asin": "B00005NPPQ", "style": {"Color:": " White", "Style:": " Old Packaging"}, "reviewerName": "mike", "reviewText": "Great film", "summary": "good product", "unixReviewTime": 1446940800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "AKI5WHS5CPKXX", "asin": "B00004Z8BC", "style": {"Model Number:": " RBC55"}, "reviewerName": "Adam J", "reviewText": "Thus far they work and do appear to be genuine.", "summary": "Five Stars", "unixReviewTime": 1499385600} +{"reviewerID": "A13CH7U323E1VZ", "asin": "B0000AXOTH", "reviewerName": "Joseph S", "verified": true, "reviewText": "It fits well just make sure you line the pins up and push hard to connect. That isn't explained anywhere !", "overall": 5.0, "reviewTime": "08 16, 2015", "summary": "Hard to connect !", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": false, "reviewTime": "08 20, 2014", "reviewerID": "A2WV8JGDZIJ1GP", "asin": "B00005111M", "reviewerName": "Patrick Harris Gallaudet University", "reviewText": "Works as advertised.", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A1Q1AB29V0T465", "asin": "B0000DC0T4", "reviewerName": "44r0n m4nu3L", "reviewText": "I like the clean design even when the material itself can easily be scuffed or scratched. Extra care is needed to prevent this but if it's no big deal then overall it serves its purpose well.", "summary": "Clean Portfolio Folder", "unixReviewTime": 1374883200} +{"reviewerID": "A3AQWJVTMRW3GQ", "asin": "B0000AXXZH", "reviewerName": "B. Mayeux", "verified": false, "reviewText": "As advertised. Fast shipping. Very pleased.", "overall": 5.0, "reviewTime": "06 28, 2014", "summary": "Very Pleased", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2011", "reviewerID": "A6C6N8DA1ROQI", "asin": "B00006B83M", "style": {"Length:": " 6 ft."}, "reviewerName": "J. Koontz", "reviewText": "JUST PLUG IT IN AS AN EXTENSION & BE WORRY FREE OF CONNECTION CAUSE OF BEING GOLD-PLATED. GOLD IS KNOWN FOR BEING THE BEST CONDUCTOR OF ELECTRICAL CURRENTS...", "summary": "GREAT", "unixReviewTime": 1295049600} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A3D7NZQ9ERGKU1", "asin": "B000067SMI", "style": {"Size:": " 6-Feet", "Package Type:": " Standard Packaging"}, "reviewerName": "Maureen Cullen", "reviewText": "Nicely made cable and not too expensive. Great purchase for a great price.", "summary": "Good quality cable", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "AA0DDPAU1X0T5", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "Amazon Customer", "reviewText": "It's so cute,light, and nonobstructive. I like its portability. Fortunately I never had an actual surge to test it out.", "summary": "I like its portability", "unixReviewTime": 1418515200} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2013", "reviewerID": "A1K97TEVKBNBB3", "asin": "B00004T1XE", "style": {"Product Packaging:": " Standard Packaging", "Style:": " Without HeadphoneHeadphone"}, "reviewerName": "Shilton", "reviewText": "Prefect little radio that does exactly what you want it to. Throw it in your bag on the way to the beach or leave it on your desk at work for when things slow down. I love it!", "summary": "perfect little radio", "unixReviewTime": 1373932800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "AFQH1ZW630BZU", "asin": "B00007E816", "style": {"Color:": " Black", "Style:": " 3/8\""}, "reviewerName": "Chris", "reviewText": "This is a real basic, but simple idea. 1 strap for multiple cameras. I purchased this along with some extra connectors and all my cameras are so much more accessible. No need to figure out strap situation, no fiddling with older straps.", "summary": "Awesome idea", "unixReviewTime": 1376006400} +{"overall": 4.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A2PGJN72CBDTGR", "asin": "B00022OBO2", "style": {"Size:": " 6 in x 9- in"}, "reviewerName": "D.Mac", "reviewText": "Work well as replacement speakers in my 2004 Chevy Classic/Malibu.", "summary": "Four Stars", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "A2OOGID1ROX8WX", "asin": "B00004ZCC1", "style": {"Size:": " 58mm"}, "reviewerName": "H. Williams", "reviewText": "I've used Tiffen filters all the time and you can't go wrong with them. They do the job they are advertised for and they protect your camera lens as well. Good warranty, durable, safe, well manufactured and they last!", "summary": "GREAT PRODUCT, GREAT WARRANTY, AND THEY DO THE JOB!", "unixReviewTime": 1389312000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2013", "reviewerID": "A2C3IUNCJEWKZ5", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Emmett82", "reviewText": "works well with my custom built pc its cheap and worth it smal tube = easy to put in a repair kit", "summary": "great product", "unixReviewTime": 1360195200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A1EU28EGK8QSY7", "asin": "B00005N5WU", "style": {"Model Number:": " 18WXSTII"}, "reviewerName": "Daniel Urrutia", "reviewText": "Great radio, nice front speaker feature, compact size.", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A1Q98ZMHZXOYWI", "asin": "B00000J1V5", "style": {"Color:": " Gray"}, "reviewerName": "Batabling", "reviewText": "its a jumper. cant say much more than that. works. nice quality. went from switch to internet ready device. ok.", "summary": "jumper", "unixReviewTime": 1382486400} +{"overall": 2.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A28S2IC6HHZLY8", "asin": "B00006LSVL", "reviewerName": "B.Schauerte", "reviewText": "Mine arrived in a plastic bag with no container to keep it safe in the future. It was foggy .. optically unclear.\nMoon just looks like green cheese.", "summary": "I can't recommend based on one - won't risk another purchase", "unixReviewTime": 1486771200} +{"overall": 2.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A1VDY9PP39WQPY", "asin": "B00005A1K1", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Tom Lin", "reviewText": "It did not work for my 12ga cables. It just sat and spun in place, marring up my cable", "summary": "Not meant for 12ga cables", "unixReviewTime": 1446422400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "ARBARAH46MQE5", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "R. Andres", "reviewText": "Perfect thundering bass that can be adjusted to the music or movie.", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A2TIELQQ8174QI", "asin": "B00004Z5PY", "reviewerName": "Mike", "reviewText": "I needed a longer usb cable and this is of good quality", "summary": "Belkin Pro Series USB Device Cable 16 Feet", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A1RV4LE41NMW8Z", "asin": "B00004ZCC1", "style": {"Size:": " 77mm"}, "reviewerName": "Javier Aldana", "reviewText": "I've had this filter before, and mis placed it. The filter adds the missing color saturation to your pics. For the cost, this filter is great. I am by far a professional photographer, and shoot for fun. I really enjoy shooting, and playing with my pics after.\nGreat product.", "summary": "Polorizing filter", "unixReviewTime": 1394668800} +{"overall": 3.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A21YX8HQOI7HBM", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " Angled RCA to 1/4\" TS"}, "reviewerName": "Amazon Customer", "reviewText": "These come apart fairly easily. A slight bump and they fall apart.", "summary": "Three Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "ABDQ0DVCL2CMO", "asin": "B0000B006W", "style": {"Capacity:": " 1 GB"}, "reviewerName": "victor silva", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2014", "reviewerID": "A147ZWAKYXYFB0", "asin": "B00009R9EO", "style": {"Format:": " Camera"}, "reviewerName": "Brittany B", "reviewText": "I ordered this for my Nikon 70-200 f2.8 VRII lens, and I couldn't be happier so far. It is a great filter and is protecting my glass wonderfully.", "summary": "Protects my 70-200 mm Perfectly!", "unixReviewTime": 1398038400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2014", "reviewerID": "A3Q980VWL4JSQE", "asin": "B0000E1VRL", "reviewerName": "Bobbito", "reviewText": "I have about six of these in a small library of our monastery and just bought three more. Very convenient to use because with a flip of the finger the whole CD cover is exposed for viewing.", "summary": "High quality, well-made.", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2017", "reviewerID": "A5GEF4IHVLJ43", "asin": "B00006HQV5", "style": {"Size:": " 5.6 ft", "Style:": " 3in x 3in"}, "reviewerName": "andrewstrauss", "reviewText": "WONDERFUL for organizing the underside of my desk. Easy to cut to size. Easy to add cables and move them in and out when needed. Much better than other channels or hooks I have used before", "summary": "perfect organizer", "unixReviewTime": 1503532800} +{"reviewerID": "A18CO4EUU4QJRB", "asin": "B00004ZCJJ", "reviewerName": "Tyrik J.", "verified": true, "reviewText": "At night, light reflects off and causes a light house effect", "overall": 3.0, "reviewTime": "03 16, 2015", "summary": "light house effect", "unixReviewTime": 1426464000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "A1CZ1LZWH34YFH", "asin": "B000136P8W", "style": {"Size:": " 1-Pack"}, "reviewerName": "Jodie Andrefski", "reviewText": "My S12 did not work, as the other person could not hear me, although I could hear them. When I talked, I could hear it kind of echoing back in my ear. Returned this and went w T10 instead (which I am very happy with).", "summary": "Don't buy", "unixReviewTime": 1386892800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A506EMGQEZI9M", "asin": "B0000WKYU4", "style": {"Product Packaging:": " 681B", "Style:": " 681B"}, "reviewerName": "Gregory Miller", "reviewText": "Love it. Performs as expected.", "summary": "Five Stars", "unixReviewTime": 1453507200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "11 15, 2010", "reviewerID": "A16VJG03O6T19Q", "asin": "B00009OYA1", "reviewerName": "Junius E. Updyke", "reviewText": "Fits perfectly in my Antec Nine Hundred two Gaming enclosure, connects perfectly to my Berkeley moboard, and keeps both of us cool.", "summary": "Keeps both me and my PC cool!", "unixReviewTime": 1289779200} +{"overall": 3.0, "verified": true, "reviewTime": "12 1, 2012", "reviewerID": "A2GWDDQNDHE20V", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "James A. Jacob", "reviewText": "I was dissapointed in that you can only use this remote from the front of the camera but other than that it worked great and the price was good.", "summary": "ok remote", "unixReviewTime": 1354320000} +{"overall": 4.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A2C0COHD8DG27I", "asin": "B000083JZ0", "style": {"Length:": " 25Ft"}, "reviewerName": "Edward B", "reviewText": "I cannot say that I have noticed an increase in speed from my previous cable, but then again, I have a 1.5mb/s connection, the highest one available to me. Nevertheless, this cable is rather sturdy and has yet to cause my connection to randomly drop.", "summary": "High quality, but no real improvement", "unixReviewTime": 1410566400} +{"overall": 3.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A1KA68CGG4FUHO", "asin": "B0000EZ1KK", "reviewerName": "Donna E Bailey", "reviewText": "noisy,when changing discs, but works good", "summary": "unit is way big...takes up a whole shelf by itself", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2007", "reviewerID": "A3STC3WN94Q1VS", "asin": "B000068CNU", "reviewerName": "Sean P. Carey", "reviewText": "Great surge suppressor equal to or better than monster products and far less cost. Highly recommended, even has covers built in for unused outlet...re: no dust gets in. Buy it over Monster and save money!", "summary": "cheaper than Monster and just as good", "unixReviewTime": 1167782400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "AB6QTBDBMHCBM", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "BIK", "reviewText": "Great for the price.", "summary": "Great Buy", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "ARP1RXQP0Q6UQ", "asin": "B00005133U", "style": {"Size:": " 230W", "Style:": " AT"}, "reviewerName": "pog", "reviewText": "Was happy to find on Amazon in new, unused condition at a reasonable price. I had an old voicemail server die on me. Not ready to replace it just yet and don't have any AT supplies at hand anymore. This was a perfect fit.", "summary": "exactly as advertised!", "unixReviewTime": 1376870400} +{"overall": 4.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A1FXPF9CTJPC8Z", "asin": "B00006I5J7", "reviewerName": "Michael Thee", "reviewText": "Great buy.", "summary": "Four Stars", "unixReviewTime": 1427068800} +{"overall": 1.0, "verified": true, "reviewTime": "01 26, 2013", "reviewerID": "A2LAZ4NZKUBYBW", "asin": "B000067O5H", "style": {"Size:": " 15.6\" Widscreen (16:9 Aspect Ratio)", "Color:": " Black"}, "reviewerName": "Lyrabas", "reviewText": "The screen is the exact size of my display area but the little sticky tabs they give with it are all but useless. You'd do better with scotch tape to hold it in place. In my opinion a waste of money.", "summary": "Won't stay in place.", "unixReviewTime": 1359158400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A3516NXBOH11QX", "asin": "B00006B7RK", "style": {"Size:": " 1-Pack"}, "reviewerName": "mngdiamond", "reviewText": "Working well", "summary": "Comfortable!", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "AUC07VY1DOMQ7", "asin": "B00006HOKR", "reviewerName": "anadux", "reviewText": "I have a larger Sangean tabletop radio which is excellent. I wanted a small radio and this exceeded my expectations!\nCrystal clear, easy to operate, Sangean quality and fantastic sound in such a small radio. Very pleased with this purchase!", "summary": "Excellent Radio", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2013", "reviewerID": "A19B52R13WC1AE", "asin": "B00005LE7M", "reviewerName": "Bob GlickSmith", "reviewText": "Built specifically for the Nikon 80-200 /2.8. Forget the OEM tulips, etc. . . this one works perfectly on this lens. Protects, stores and travels efficiently . . . . bgs.\n.", "summary": "Perfect Protection! Perfect Performance!", "unixReviewTime": 1374969600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "A3BYI6G31O4H16", "asin": "B0000BZLCB", "style": {"Size:": " 77 mm", "Style:": " 1.8-64X"}, "reviewerName": "ptreseler", "reviewText": "Added this to my ten stop and two stop filters. This is a great filter. B and W is top notch. Nice part of this filter is that my 5D will focus with this filter on camera. Excellent product!", "summary": "Excellent", "unixReviewTime": 1355788800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2013", "reviewerID": "A1BYM8XCLZTPMY", "asin": "B000001ON6", "style": {"Format:": " Electronics"}, "reviewerName": "J. Gray", "reviewText": "This was the perfect fix for my VCR!! I did have to run it through about three times before it was clean and functional, but worth the time and effort. Liquid drops do come with it.", "summary": "Works good!!", "unixReviewTime": 1386115200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "A21KZ8OY5O7PYP", "asin": "B000051ZOA", "style": {"Color:": " Black"}, "reviewerName": "Carlos Rodriguez", "reviewText": "Excellent value", "summary": "Not fancy but works beautifully, excellent value for the money, recommended to my friends", "unixReviewTime": 1491523200} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "A3HGBY7QCHY0BR", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Mike", "reviewText": "These phones are really comfortable. I have flown overseas and worn them for hours at a time with no problem. They sound really good and for the price, I don't think you can beat em.", "summary": "Sweet sounding for a great price.", "unixReviewTime": 1360540800} +{"overall": 3.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A1O8STVUWN47JC", "asin": "B00022OBO2", "style": {"Size:": " 6.5 in"}, "reviewerName": "Tylerrrier", "reviewText": "For what it is its still a good product although I had to use some unconventional techniques to get ones of the speakers to work...", "summary": "Great speaker for the price", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2014", "reviewerID": "A3PGKVBETPZGHW", "asin": "B00004TKVD", "style": {"Model Number:": " HH 38 WX ST"}, "reviewerName": "Youn Toh", "reviewText": "Good", "summary": "I love it", "unixReviewTime": 1397865600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A195N2D557DJR3", "asin": "B00005I9R4", "reviewerName": "David", "reviewText": "Looks and works just like the one I used to have. Love it.", "summary": "Five Stars", "unixReviewTime": 1416614400} +{"overall": 3.0, "verified": true, "reviewTime": "02 25, 2018", "reviewerID": "A35CYUXUVYLAXN", "asin": "B00001P4XA", "style": {"Color:": " Black"}, "reviewerName": "Michael goss", "reviewText": "Really bassy. too bassy. very little midrange. very V shape sound.", "summary": "Great if you REALLY like bass", "unixReviewTime": 1519516800} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2013", "reviewerID": "A3MDP4MNGUG8XX", "asin": "B0001Y6J14", "reviewerName": "Furman", "reviewText": "Bought this battery, but I have not used it. Arrived on time, without damage. Still in the box. Will let you know if it dose not work..", "summary": "Battery for camera", "unixReviewTime": 1367884800} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A2HGWIAHR06MNO", "asin": "B0000511AN", "style": {"Style:": " 350VA Compact"}, "reviewerName": "R. Reif", "reviewText": "Lives up to Tripp Lite reputation....use it for two net books we use in family room....Excellent product.\n\n9-9-16 Update: still working fine.", "summary": "Excellent product.", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A3I17QUM0JKQ1D", "asin": "B00004YMY5", "style": {"Size:": " 9 in x 11-3/8 in x 8 in", "Color:": " Black"}, "reviewerName": "lixin", "reviewText": "Just got it in the mail, used it right out of the box to see if it really worked and it did. No problems. I love it.", "summary": "I love it.", "unixReviewTime": 1492992000} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2013", "reviewerID": "A3QGSZ5VCUVY8B", "asin": "B00009R98A", "reviewerName": "J. Tidwell", "reviewText": "I have purchased a few new lenses lately and needed a UV filter/protector for them. This one had good reviews.", "summary": "Protects the lens", "unixReviewTime": 1381449600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "A10N98B5E9JJLZ", "asin": "B000067RM9", "style": {"Size:": " 50-Foot", "Color:": " White"}, "reviewerName": "Cha", "reviewText": "I don't know what the advantages of CAT6 is really doing for me; I'm sure nothing if anything since my data speeds are limited more by my provider and my wireless router. The cable is nice and long without being overpriced like at the retail stores.", "summary": "50 feet is long enough for most applications", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A2RZP6XKOAWTUI", "asin": "B00005QBUU", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Floragem Scotties", "reviewText": "Works great. Stays in small ear lobes nicely.", "summary": "Works great. Stays in small ear lobes nicely", "unixReviewTime": 1417824000} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A38ZGQA8TN0MYH", "asin": "B000256R9G", "reviewerName": "Lou", "reviewText": "Haven't used it yet but seems to move okay.", "summary": "Four Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "A2GPNXFUUV51ZZ", "asin": "0972683275", "reviewerName": "Farmer-Al", "reviewText": "Installed easy and in no time at all (finding the stud was the hardest part for me). Articulates well with the 40\" TV on it. I would not hesitate to look for this brand when it is time for the next TV mount.", "summary": "Easy install, great price, good performance.", "unixReviewTime": 1395878400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A2JE0JYIZL5NU4", "asin": "B00006343O", "reviewerName": "C. A. Neal", "reviewText": "I absolutely love this power adapter. It is labeled which is great. I don't unplug the wrong device now and have to figure out which item is which. I will definitely buy more of these.", "summary": "Great Adapter!", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": false, "reviewTime": "11 22, 2016", "reviewerID": "A3AFS1Y9PLXFNB", "asin": "B00016W6NC", "style": {"Size:": " 6 ft", "Style:": " Right Angle"}, "reviewerName": "D. Pederson", "reviewText": "Fits my Garmin gps well. The factory straight connector is bad news.", "summary": "The factory straight connector is bad news.", "unixReviewTime": 1479772800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "A36N2I7T8KSQEF", "asin": "B00000J1V5", "style": {"Color:": " Purple"}, "reviewerName": "Roger Sands", "reviewText": "I love purple and this is really purple.\n\nThe cord is good quality and I am happy, have gotten a few more since.", "summary": "Great product, and the purple stands out.", "unixReviewTime": 1357516800} +{"overall": 2.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "A12R5080X0BJVE", "asin": "B00007E7C8", "style": {"Size:": " one size"}, "reviewerName": "Michael J Haluska", "reviewText": "Sounds great. You can only wear them for short periods because they are extremely uncomfortable.", "summary": "uncomfortable.", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2012", "reviewerID": "A1KQ0EWSH1W469", "asin": "B00005ATMB", "style": {"Size:": " 100", "Style:": " CD Wallet"}, "reviewerName": "GK in QH", "reviewText": "Pricing was good, so I bought two. Discs stay in place firmly. Zipper is difficult at times, but every case I have ever bought was like this. Very pleased with product. Would buy again. Very fast shipping. Thanks Amazon!", "summary": "Case Logic CDW-92 Nylon CD/DVD Wallet 100-Capacity (Black)", "unixReviewTime": 1331769600} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2012", "reviewerID": "A1CARL6Q5OXGTL", "asin": "B00006JINY", "reviewerName": "John R. Hawkins", "reviewText": "Used only a few times. Back the binoc's in my fire vehicle. Keep them handy for small tasks. Like them so far. Not the best optics I am sure but they work well.", "summary": "Bushnell Powerview 7-15x25 Compact Zoom Binocular", "unixReviewTime": 1356739200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2008", "reviewerID": "AXABTEYS7A4A8", "asin": "B00000J1U8", "style": {"Color:": " Black", "Length:": " 10-Foot"}, "reviewerName": "A. Garza", "reviewText": "It is exactly as described. It works good & have not had any troubles with it.", "summary": "Its A Cable and It Works", "unixReviewTime": 1206144000} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "AC51B3QQ96YMM", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "Victor W. Hinze", "reviewText": "No song, no dance, just performance. If you don't expect anyone to bother glancing behind your A/V rig to admire the exorbitantly priced interconnects you went and bought, then just settle for these perfectly fine Hosa cables and keep the extra bux in your pocket.", "summary": "Bottom line: Performance", "unixReviewTime": 1385856000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A1N1CPCCVAA13T", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Plus | L2 Managed"}, "reviewerName": "dada", "reviewText": "Runs full gigabit 100% network utilization no problem for hours", "summary": "Great switch", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2017", "reviewerID": "APU28MVDL9XXC", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Nighthawk Pro Gaming"}, "reviewerName": "Tsubakixv", "reviewText": "The Netgear Nighthawk S8000 is super easy to install and setup was up and running within 5 minutes of plugging everything in.", "summary": "The best smart switch for your money", "unixReviewTime": 1511913600} +{"overall": 3.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A2TALFCA9LL7PP", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 27\" Widescreen (16:9 Aspect Ratio)"}, "reviewerName": "Sharquenta Robinson", "reviewText": "The screen works great at privacy. The only problem was the tape used to secure it to the monitor doesn't stick very long.", "summary": "The screen works great at privacy", "unixReviewTime": 1416614400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A3R6631YXLQK4Q", "asin": "B0000E2Y8P", "style": {"Style:": " Aluminum"}, "reviewerName": "BAZIL", "reviewText": "perfect for what I wanted a drive that can lock in place and is fast to remove best yet is all you gota do is unlock it and the drive won't work even if its pressed in", "summary": "perfect for what I wanted a drive that can lock ...", "unixReviewTime": 1430352000} +{"overall": 4.0, "vote": "12", "verified": true, "reviewTime": "05 6, 2007", "reviewerID": "A359GGHB5EOEHA", "asin": "B00007IFDR", "style": {"Model:": " Parallel"}, "reviewerName": "Techno Guy", "reviewText": "This item was extremely easy to install and works as advertised. It is a workable alternative to having a built-in network print server. The only unaesthetic aspect is the requirement for an external DC supply (\"wall wort\").", "summary": "Trendnet TE100P1P Parallel Print Server", "unixReviewTime": 1178409600} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A3PWNGNC6M14FR", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Eduardo S. Layug Jr.", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1408665600} +{"overall": 4.0, "verified": true, "reviewTime": "11 26, 2017", "reviewerID": "A29U1BN4SELNA7", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "Evans", "reviewText": "very well built ! I like it...", "summary": "very nice and and seems well made", "unixReviewTime": 1511654400} +{"reviewerID": "AP0O225NE6L6T", "asin": "9966694544", "reviewerName": "Meli G", "verified": true, "reviewText": "Works perfect for my fiance's phone and 32 GB is a great amount of storage capacity to store pictures and other stuff.", "overall": 5.0, "reviewTime": "11 6, 2013", "summary": "great price for great quality", "unixReviewTime": 1383696000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A25OTB3XW1RXI3", "asin": "B000068O3J", "style": {"Size:": " 10 feet"}, "reviewerName": "Jay Ski", "reviewText": "Worth the price. How can you screw up an audio cable.", "summary": "Worth the price", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A1KZ3P22KK8F77", "asin": "B00005111L", "style": {"Style:": " 8 Outlet, 15ft Cord"}, "reviewerName": "Janet", "reviewText": "Very sturdy; good quality.", "summary": "Five Stars", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "A2NOHQKOAFVGUL", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Julio Rivera", "reviewText": "Very well cushioned to protect your investment. Only negative thing I have to say about it is that it has driven me to buy more lens and accessories for my Canon lol. Plenty of storage space adjustable space with in.", "summary": "Love it", "unixReviewTime": 1361577600} +{"reviewerID": "A2KJHXOYEXJJ4T", "asin": "B00009KLAE", "reviewerName": "Christopher", "verified": true, "reviewText": "literally just a protective filter for dust and scratches. Nothing else.", "overall": 1.0, "reviewTime": "08 31, 2015", "summary": "One Star", "unixReviewTime": 1440979200} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A2CYZXR7IHL1AQ", "asin": "B00022OBO2", "style": {"Size:": " 6.5 in"}, "reviewerName": "Jerome Purcell", "reviewText": "Good Units for the price, clear and easy replacements fro the door speakers in in my Youkon. Will get another set for my Honda", "summary": "Good Unit", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A22M4VXWCVSTWD", "asin": "B000068OEP", "style": {"Length:": " 2 Meters"}, "reviewerName": "Kletus35", "reviewText": "Good Product", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "AGC30FCQHEJE6", "asin": "B00004SABJ", "style": {"Size:": " 10x50mm"}, "reviewerName": "D.", "reviewText": "Great buy.", "summary": "see far and clear", "unixReviewTime": 1437782400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A6CJ2QQXUBZ0Y", "asin": "B00020S7XK", "reviewerName": "Swampcat", "reviewText": "Just what I was looking for. A low priced, quality pocket radio. I enjoy talk shows, sporting events and Jesus preaching and this is perfect for my needs. It also, somewhat to my surprise, plays music well, also. I love it!", "summary": "I enjoy talk shows", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A9RFY35KLF8JW", "asin": "B00016W6NC", "style": {"Size:": " 6 in", "Style:": " Straight"}, "reviewerName": "Franklin F.", "reviewText": "good!", "summary": "Five Stars", "unixReviewTime": 1404518400} +{"overall": 1.0, "verified": false, "reviewTime": "12 31, 2008", "reviewerID": "AYMY3WK29DVR7", "asin": "B0000C20XI", "reviewerName": "Chad Lowe", "reviewText": "Worked great for about three months. Then network performance went through the floor. Switch was completely useless about a week later. Sent back to LinkSys for a replacement.", "summary": "Didn't last 3 months!", "unixReviewTime": 1230681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A1UJSJ0X4VFOZD", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "C. J. Macpherson", "reviewText": "Handy little cleaning tool for use at home and in the field...especially out in the field! Gently removes minor dust and smudges on the go when you can't do a full lens cleaning.", "summary": "Great tool!", "unixReviewTime": 1475539200} +{"overall": 2.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "A1IGLZ4OCGMVTR", "asin": "B00008Y0VN", "style": {"Size:": " 25x70"}, "reviewerName": "Josh", "reviewText": "It was interesting to look at the magnified moon for the first time ever by closing one eye, but I returned these because with both eyes open, they were so far off that I could see the moon right next to the moon through both eyes. They are heavy, and you will need a tripod.", "summary": "It was interesting to look at the magnified moon for ...", "unixReviewTime": 1437782400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A2GDMRYIOK1SUN", "asin": "B0000510R4", "style": {"Style:": " 8 Outlet, 25ft Cord"}, "reviewerName": "Ginseng", "reviewText": "Built like a tank and works like one too. Super solid construction, heavy and rugged. All plugs are smooth and snug. I'm very pleased. Thus far, almost my entire suite of office equipment including computer, printer, scanner, drives, etc. are all functioning perfectly well.", "summary": "Bulletproof, rugged, great build quality, top notch!", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A45DSOZNVRTCM", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Arlie C. Griffis, Jr.", "reviewText": "Love it... Great in using with my camera... Easy to set and use...", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "AAAQ1ZLUMTE2Y", "asin": "B00007FGU7", "style": {"Length:": " 12 Feet"}, "reviewerName": "V-D3 Sun", "reviewText": "good quality still works to this day cable for that little extra length when you're attaching high-quality speakers to low-quality TV or computer or vice a versa.", "summary": "Good quality still works to this day", "unixReviewTime": 1386720000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A31P9KTVVOO52B", "asin": "B00008Y0VN", "style": {"Size:": " 15x70"}, "reviewerName": "beauhunk", "reviewText": "Can see far away birds, deer, and other wildlife. Even good for my grandson's baseball", "summary": "Even good for my grandson's", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "A3FYMP8M8MCOFY", "asin": "B00009R9BF", "style": {"Color:": " Black", "Style:": " Micro"}, "reviewerName": "PacNW", "reviewText": "Does the job perfectly with my Lumix LX10.", "summary": "Excellent.", "unixReviewTime": 1496966400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A3G3SK1F1KVCIU", "asin": "B0000XMSNO", "reviewerName": "G. Spooner", "reviewText": "Bought this for my son and I. After much research, I was repeatedly told to get a 4 to 8 inch Dobsonian. This one was the best for me when considering price and portability.", "summary": "Great scope for the price.", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A3IHUXVL14HZ0N", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Brittany", "reviewText": "Works great and the cord isn't too long.", "summary": "Great for the price", "unixReviewTime": 1435104000} +{"reviewerID": "A1P5MYTUXCTZCE", "asin": "B00009KLAE", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "No lens should ever be without proper protection , thank you , on lens now and doing it's job .", "overall": 5.0, "reviewTime": "10 15, 2015", "summary": "No lens should ever be without proper protection, thank ...", "unixReviewTime": 1444867200} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "04 22, 2006", "reviewerID": "AC5299TP9UFK7", "asin": "B00028DJTY", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "S. Ostrander", "reviewText": "It's simple -- Good sound, easy to use, good price. It is a little heavier than some other players. I've had mine for about 3 months now and we are living happily ever after.", "summary": "Great Player, Good Value", "unixReviewTime": 1145664000} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A3UQVGS9ZME8P2", "asin": "B00004ZCJI", "style": {"Size:": " 49mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Alice_drinks_tea", "reviewText": "Perfect. Bought for my HELIOS lens, no distortion.", "summary": "Perfect!!", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "AM7OCH3WS4VC1", "asin": "B00009R96C", "reviewerName": "aperature", "reviewText": "I got better results with this filter than any that I've used.", "summary": "Five Stars", "unixReviewTime": 1474588800} +{"overall": 2.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "AHJROFU034QT9", "asin": "B00008Y0VN", "style": {"Size:": " 15x70"}, "reviewerName": "R. Earle", "reviewText": "These arrived bent, so the two focal points don't line up. Yeah, they're high-powered, but unless you have crazy eyes that line up perfectly with how these are disaligned, they're pretty much useless. I threw mine away.", "summary": "they're pretty much useless", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A28VH3JV3YH0DQ", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Megan E Bess", "reviewText": "If you're going to have a several hundred, if not thousand dollar camera, be smart. Buy a UV filter and protect your lens'. $8 to save $300-$2000 lens is easy math.", "summary": "Do not hesitate. BUY THIS NOW.", "unixReviewTime": 1436572800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 9, 2011", "reviewerID": "A385OZ6LAF2CJG", "asin": "B00022KJ84", "reviewerName": "DayTripper", "reviewText": "I had to redo the wiring for the home office. I thought, what the heck, why not go with CAT6 ethernet cables.\n\nThis cable works great. No disappointments.", "summary": "Nice Upgrade", "unixReviewTime": 1302307200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A35TOWGG1F5CZM", "asin": "B00006B9W1", "reviewerName": "Ritchie Hernandez", "reviewText": "First time I've ever used a speaker system from Cyber Acoustics. I was pleasantly surprised to find these put out a very nice sound for the $$$.", "summary": "Good audio quality for $$$", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": false, "reviewTime": "02 7, 2008", "reviewerID": "A3RVFZBTX6Q22K", "asin": "B00006HVT4", "style": {"Capacity:": " 1 GB"}, "reviewerName": "F. Kyne", "reviewText": "Not much to say really. Product arrived on schedule and installed and worked with no problems.", "summary": "Very pleased", "unixReviewTime": 1202342400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A2F5Z7TF52FDWG", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "mal", "reviewText": "Works as designed.", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "AIXXGL114ZKQ7", "asin": "B0000C6E3P", "reviewerName": "Lawrence L Greenwood", "reviewText": "I like the item just fine , now I can keep my cord nice and neat,", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A2P56GWOU8PCRZ", "asin": "B00004ZC9V", "style": {"Size:": " 55mm"}, "reviewerName": "CDK", "reviewText": "you can say many good things about Tiffen filters, good glass, well constructed.\n\nat the end is just that you can't go wrong with Tiffen", "summary": "you can't go wrong with Tiffen", "unixReviewTime": 1400716800} +{"overall": 2.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A4B679ISCGURY", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "ken", "reviewText": "These things sound horrible.", "summary": "Two Stars", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A18SJVQCS5MZ3B", "asin": "B00005T39Y", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "brcdive", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A12WGRLT9LODK9", "asin": "B00004ZCC1", "style": {"Size:": " 72mm"}, "reviewerName": "patricia mraffko", "reviewText": "Great... the essays I've done so far with this polarizer have given the results expected.", "summary": "Five Stars", "unixReviewTime": 1420329600} +{"overall": 2.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "A1ALPTD9HSGDGR", "asin": "B00006B81E", "style": {"Style:": " 6 Rotatable Outlet Direct Plug-in"}, "reviewerName": "Rotties 4 Ever", "reviewText": "Well, this I thought would be the solution to all the cords for a computer area. 3 months later the unit failed. Put the money into it for your high price electronics and purchase a good one.", "summary": "Worked for a month", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2014", "reviewerID": "A1LX3KHY8G3TY1", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "Jonathan M Schneider", "reviewText": "wish it had SNMP and a management interface, but it's a consumer level switch and you can't beat the price for NetGear quality.", "summary": "works as designed", "unixReviewTime": 1392940800} +{"reviewerID": "AL52MVZXD9LGQ", "asin": "B00009KLAE", "reviewerName": "Justin D", "verified": true, "reviewText": "handy to have", "overall": 5.0, "reviewTime": "03 10, 2015", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 3.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "ACG6SS17WL5DN", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Sean", "reviewText": "Functional", "summary": "Three Stars", "unixReviewTime": 1475625600} +{"overall": 5.0, "vote": "13", "verified": true, "reviewTime": "08 30, 2007", "reviewerID": "A3S9DOTT4Z8JF9", "asin": "B000067REG", "reviewerName": "Amozarte", "reviewText": "This is your average, ordinary 12' 3.5mm Stereo cable, male-male. I use it to output audio from my laptop to my TV and it serves that function just as it should.", "summary": "Works like a charm", "unixReviewTime": 1188432000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2018", "reviewerID": "A3VGHF7VNFBMCQ", "asin": "B00004ZCJI", "style": {"Size:": " 55mm", "Package Type:": " Standard Packaging"}, "reviewerName": "sporting road", "reviewText": "works", "summary": "Five Stars", "unixReviewTime": 1517443200} +{"overall": 5.0, "verified": false, "reviewTime": "10 28, 2015", "reviewerID": "A2FCAKSWAG1P6C", "asin": "B00009KH63", "style": {"Style:": " Wired"}, "reviewerName": "riva", "reviewText": "I want wireless.", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 1.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2HOIC9WEHFFBO", "asin": "B00005N6KG", "reviewerName": "Debra Lemon", "reviewText": "Are you kidding??? Who is going to spend 200 bucks on these?? I used to pay 7.99 a pair. If I wanna spend that much money I will buy a pair of Dr. Dre Beats.", "summary": "Are you kidding??? Who is going to ...", "unixReviewTime": 1420329600} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "ANA4G7KDJS29O", "asin": "B00006B82M", "style": {"Style:": " 25ft Cord"}, "reviewerName": "Amazon Customer", "reviewText": "cant go wrong with this product", "summary": "Four Stars", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "ASJX6QS3TI5VA", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Doug M.", "reviewText": "Small, fast, works as it's supposed to without any issues.", "summary": "Five Stars", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2013", "reviewerID": "A19GITFIZ11EO5", "asin": "B000067RG2", "reviewerName": "FrankA", "reviewText": "I used two of these cables to run from an ethernet switch to my BluRay player and satelite box. They were inexpensive and arrived on time.", "summary": "Inexpensive Cable to Run from Switch", "unixReviewTime": 1370563200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A2W475GQ7GD29E", "asin": "B00009W3E2", "reviewerName": "joffre rodriguez", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AWFXA1PUYHTSC", "asin": "B00006RVR5", "reviewerName": "Stephen Gibbon", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1418688000} +{"reviewerID": "A2E5U4VV5BXN2F", "asin": "B00009KLAE", "reviewerName": "Felipe Vernaza", "verified": true, "reviewText": "very cool\nGreat filter very useful\nI give it a 5 so great\nHighly recommended for any fan of photography", "overall": 3.0, "reviewTime": "12 25, 2012", "summary": "Exelent", "unixReviewTime": 1356393600} +{"overall": 2.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A29VGFPD9RSVPH", "asin": "B00007E816", "style": {"Color:": " Wine", "Style:": " Pro Loop"}, "reviewerName": "Bill G", "reviewText": "if you are short and don't mind a flimsy strap....go for it\n\nother wise stay away from it. won't trust my camera with it.", "summary": "too short--too flimsy", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A3BSE70YMG6FM0", "asin": "B00012VXV2", "style": {"Style:": " 2 ml Squeeze Tube, 100% Solution"}, "reviewerName": "johnnyC604", "reviewText": "I used this on silver contacts in a drum tuner in a radio from the Soviet Union. Worked fabulously well without having to resort to sprays. Cleaned and lubed the contacts, and I have seen no return of any tarnish. Great Stuff!", "summary": "Great stuff!", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A1CTS1S3XB19MD", "asin": "B0000668YX", "style": {"Size:": " Single Outlet", "style name:": " 1045 Joules"}, "reviewerName": "Solar", "reviewText": "I am using it for my clothes washer. My washer has a lot of electronics in it, and I don't want any trouble. Washer repair electronics parts are very expensive.", "summary": "Works Fine", "unixReviewTime": 1391472000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A2OFWQMM7MNMVJ", "asin": "B0000AKABP", "style": {"Color:": " 2-Pack HDMI Cable"}, "reviewerName": "Randy", "reviewText": "work great", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A13N5J2RTMXKT9", "asin": "B00006ICR6", "reviewerName": "Bob Crystal", "reviewText": "These ink rollers seem to work just fine. Only time will tell just how well they will continue to perform.", "summary": "So Far, So Good....", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A271PV83S7GTVC", "asin": "B0000510R4", "style": {"Style:": " Direct Plug-in 2 Outlet (Black)"}, "reviewerName": "Barry Goldstein", "reviewText": "Plugged our refrigerator into the Isobar. It looks rugged and hope we don't need to do anything for years to come", "summary": "Plugged our refrigerator into the Isobar.", "unixReviewTime": 1447027200} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A1RNB2DKTX66C6", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Barnie", "reviewText": "Works great, but not the most comfortable I've ever used.", "summary": "Four Stars", "unixReviewTime": 1446336000} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2018", "reviewerID": "A2MZLPGF832RIL", "asin": "B00000K2YR", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Samith Hill", "reviewText": "Will be used primarily for backing into Motorhome spots...Sounds great for that as reception was clear and loud.", "summary": "Sounds great for that as reception was clear and loud", "unixReviewTime": 1521244800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2010", "reviewerID": "A1MGHYD1O6HEUP", "asin": "B000196YF0", "reviewerName": "Stu Padaso", "reviewText": "arrived in 1 week was super easy to hook-up to laptop for 2nd monitor works awesome GREAT PRICE THE PICTURE IS Many times better than the picture on my toshiba laptop will be getting one for my sons computer", "summary": "excellent picture and was very cheap", "unixReviewTime": 1288051200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "AA36STTUWERJ8", "asin": "B00005ATMB", "style": {"Size:": " 136", "Style:": " CD Wallet"}, "reviewerName": "Knolls949", "reviewText": "Wish I'd bought a different size. It's ok. Not sure what could be different that would bring up my rating but I don't. Probably just me and not the product.", "summary": "Does what it's designed for.", "unixReviewTime": 1468627200} +{"overall": 1.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A26M89E918O2XB", "asin": "B00006JPRQ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Dr. John Oliver", "reviewText": "Cheap and that is what you get. Cheap sound. I would not waste my money. I am giving these away to those who would love to have ANY headphones, but not someone who wants respectable sound.", "summary": "VERY poor sound", "unixReviewTime": 1375574400} +{"reviewerID": "A1RM26994THUAI", "asin": "B00004ZCJJ", "reviewerName": "Amanda Liew", "verified": true, "reviewText": "This was pretty easy to install, just make sure that you are buying the correct size (I needed a 52mm for my 55mm because it screws on the top). It does it's job and protects my lens perfectly. I was very impressed with the price!", "overall": 5.0, "reviewTime": "07 3, 2013", "summary": "Does it's job! Protects my lens", "unixReviewTime": 1372809600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A109BEM3QMYNUY", "asin": "B00000J1V5", "style": {"Color:": " Gray"}, "reviewerName": "TheSunKid", "reviewText": "It's a cable. It was the right size and did its job. Perfect.", "summary": "Perfect.", "unixReviewTime": 1411603200} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "A3E3YJJ0KLYECK", "asin": "B00008Z1PT", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Manny Lopez", "reviewText": "For less that $5.00, including shipping, this beats buying the cheap earbuds that most airlines sell you. I use this when I don't want to take my expensive headphones on trips. It is also great for teenagers that constantly loss or break their headphones.", "summary": "Good Temporary Headphones", "unixReviewTime": 1356825600} +{"overall": 2.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "AP1NCNI3CS4V0", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "J. Govoni", "reviewText": "I'm the idiot that paid money for a thin piece of plastic that my cord gets wrapped around.", "summary": "Two Stars", "unixReviewTime": 1501545600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A2CNTQ1DS7D8NM", "asin": "B000068O33", "style": {"Size:": " 6 Feet"}, "reviewerName": "iAmJeremyKane", "reviewText": "Good. Stereo, not mono. hence the higher price. Thick cord and not garbage", "summary": "Deece", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A2WXO4LEN50E5K", "asin": "B00009K087", "reviewerName": "Lain P.", "reviewText": "Excellent Receiver. It has a built in phono-amp, which was rare among receivers. I really have no complaints. It doesn't run hot, the sound is clear, and is powers my large Polk Audio cabinets with no problems.", "summary": "Excellent Receiver. It has a built in phono-amp", "unixReviewTime": 1429574400} +{"overall": 3.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "APFOCDQF9YXJT", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "Larry E. Hayes", "reviewText": "as advertised", "summary": "Three Stars", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "A1PBDZCQ9AWTPQ", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Will VONDAUSTER", "reviewText": "Nothing exotic here - this is a high quality blower that will not expel propellant onto a lens or sensor the way \"canned air\" can.", "summary": "Simple, effective", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A3JJ2GAN97Z5GJ", "asin": "B00004WCGF", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Derek", "reviewText": "very nice camera bag. camera and extra lens fits perfect", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 4.0, "verified": false, "reviewTime": "07 31, 2014", "reviewerID": "A93YWJ4W118W3", "asin": "B0001DZ38U", "style": {"Color:": " Black"}, "reviewerName": "JOS", "reviewText": "Excellent timing and decent product.", "summary": "Four Stars", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A2WT847JU9QDJ0", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Rachel A. Henney", "reviewText": "wow! AMAZING lens! Intense DOF!! Wonderful quality for the price!! Pictures are my cat and my daughter in the morning :P", "summary": "AMAZING lens! Intense DOF", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "A2EFDPDMU5KJ9R", "asin": "B0000BVYT3", "style": {"Capacity:": " 16 Port", "Model:": " Unmanaged"}, "reviewerName": "BRANDON K.", "reviewText": "Good product, does what it's supposed to.", "summary": "Five Stars", "unixReviewTime": 1460505600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A2W5S26XTAFD97", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Kath", "reviewText": "These headphones worked as well as or better than other headphones I have spent more money on. I wold highly recommend them.", "summary": "Great Headphones", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A6TCD92V1GHZD", "asin": "B0001NYK66", "style": {"Size:": " 7 piece", "Style:": " Precision Screwdriver Kit"}, "reviewerName": "Cody", "reviewText": "Great tools that were a blast when building my PC.", "summary": "Five Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A396DFYCJI3925", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Eagle1", "reviewText": "Great quality for the price..", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2008", "reviewerID": "A4WE4RJMOJ79A", "asin": "B00022VBAE", "reviewerName": "E Britt", "reviewText": "this light is exactly what you need when working on a laptop at night. i like to watch tv and be on my laptop and this allows me to see both very well. the light has adjustable intensity, it's very bendable, but stays in place very well. it also stays in the usb port well.", "summary": "great little light", "unixReviewTime": 1210204800} +{"overall": 3.0, "verified": true, "reviewTime": "10 10, 2011", "reviewerID": "A3AOB0VF6H0IF4", "asin": "B00009R9A1", "style": {"Format:": " Camera"}, "reviewerName": "Daits", "reviewText": "Arrived well within the time frame. Looks OK. Little tricky to fix. Does not stay fit. Results are not bad. Base line is you get what you paid for.", "summary": "Fast Delivery", "unixReviewTime": 1318204800} +{"overall": 4.0, "verified": false, "reviewTime": "08 12, 2014", "reviewerID": "A3M665FD4K8EV5", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Gregory C", "reviewText": "Very good, awesome quality", "summary": "Four Stars", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AVNFOWFZBBBN1", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "R. Bernhardt", "reviewText": "Cheap, did the job, and I have a ton left over. Cap is resealable but I'm unsure if it'll keep the paste from drying out. Stays in place at least. Plunger is a little clumsy so be careful, it's easy for it to suddenly eject a large blob.", "summary": "it's easy for it to suddenly eject a large blob", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A1U9MJAEEB46DV", "asin": "B0000AI0N1", "style": {"Style:": " Off White w/ USB"}, "reviewerName": "Ideas from Cathy", "reviewText": "Works great - all plugs go in easy/smoothly. The dedicated USB slits are great for phone and tablet. The cord is long enough too.", "summary": "Works great - all plugs go in easy/smoothly", "unixReviewTime": 1440720000} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2011", "reviewerID": "A1SUDKQ8JPQFZQ", "asin": "B00009R9A1", "style": {"Format:": " Camera"}, "reviewerName": "Rob, Mechanical Engineer, CWI", "reviewText": "This filter eliminated ghosting I experienced with a Tiffen UV filter. A worthy addition to protect your lens...don't skimp, get a premium coated filter.", "summary": "Excellent.. eliminated ghosting", "unixReviewTime": 1324252800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A3KR42X6V874C5", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to RCA Couplers"}, "reviewerName": "jjthedj", "reviewText": "good price, couplers work as expected, thanks", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"reviewerID": "AFDPKMIKJNRI1", "asin": "B00004ZCJJ", "reviewerName": "Matt", "verified": true, "reviewText": "just needed a lens protector for my lens", "overall": 5.0, "reviewTime": "10 16, 2016", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2012", "reviewerID": "A30W9UXBHL3AO", "asin": "B00005137P", "reviewerName": "edishill", "reviewText": "Item sells for a good price. If it's a tdk it is a good product. I never had a problem recording data or music on these cds.", "summary": "easy listening", "unixReviewTime": 1337558400} +{"reviewerID": "A2X4IDASPMOM3S", "asin": "B000067O6B", "reviewerName": "goofydelin", "verified": false, "reviewText": "It's ok, it didn't really block the glare as I wish, for privacy it does its job.", "overall": 3.0, "reviewTime": "07 9, 2014", "summary": "Three Stars", "unixReviewTime": 1404864000} +{"reviewerID": "A36LQ1KDC4FR1Y", "asin": "B000067O6B", "reviewerName": "Sheila", "verified": true, "reviewText": "The privacy angle wasn't as much as I'd like, but otherwise, I love it. It fits perfectly and was easy to stick onto the screen.", "overall": 4.0, "reviewTime": "05 11, 2015", "summary": "The privacy angle wasn't as much as I'd like, but otherwise", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "AH9554MS3HAM2", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Darth Vader", "reviewText": "Using my faithful ATM50x as the reference standard, I really like these headphones. Lots of detail in the highs and a good bottom end. Highly recommended especially at the price point, they cannot be beat.", "summary": "Surprisingly Very Good.", "unixReviewTime": 1484956800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "08 6, 2012", "reviewerID": "A8WG9QN03LHGA", "asin": "B00004WLJ8", "style": {"Size:": " 100 Pack", "Color:": " Natural", "Style:": " 11 inch., 75 lb tensile"}, "reviewerName": "C. Smallwood", "reviewText": "I bought these for a certain project which requires them for outside use the hold some wires firmly into place. They seem to be high quality and I had no failures when installing them under heavy tension.", "summary": "Good ties", "unixReviewTime": 1344211200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A1QJLJ9MXH99JS", "asin": "B0001CNMFM", "reviewerName": "K A Khan", "reviewText": "It is ok and working", "summary": "Five Stars", "unixReviewTime": 1415491200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A1K8MK5D0RNZ2Z", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Photovideogo", "reviewText": "Best for the price.", "summary": "Very good", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A3CTALEIQP19XZ", "asin": "B000069Z5U", "reviewerName": "Marc J", "reviewText": "Works fine. Direct replacement. No complaints.", "summary": "Works fine.", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2018", "reviewerID": "A1OBLWZJTLJL39", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Bribarth", "reviewText": "worked great and handy to have in your camera bag", "summary": "Five Stars", "unixReviewTime": 1518134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "AK1CFVSCWDXBF", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "Nick Naccarato", "reviewText": "All my friends ask me what lens I use. The lense in super fast and i don't mind sacrificing focal range for sharpness. Best Lens I own, also the cheapest.", "summary": "Incredible Lens", "unixReviewTime": 1370908800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "AUMF8C80NP71S", "asin": "B00004ZCM0", "reviewerName": "sharon", "reviewText": "I was using the photo squares that do not have backings, but recently they have not worked well as they stick to the wrong side of the tape. These work well, even though you have to peel off the little blue tab.", "summary": "Good product.", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A2A5FBW4HJKWBB", "asin": "B00009V2YV", "reviewerName": "dennis Bretz", "reviewText": "I like it", "summary": "Five Stars", "unixReviewTime": 1414713600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "11 12, 2009", "reviewerID": "AKQU6FNNO6MWR", "asin": "B00005LE75", "reviewerName": "Photochic", "reviewText": "Great contrast, bokeh, and speed! Only wish you didn't have to be 3' from the subject. This lens is a keeper.", "summary": "Fantastic lens!", "unixReviewTime": 1257984000} +{"overall": 3.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "A39VK8BH47WDYS", "asin": "B00017LRF4", "reviewerName": "Carl", "reviewText": "You have to buy the Manfrotto monopod in order to use the base.", "summary": "Three Stars", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2013", "reviewerID": "A1UQRMDYC9S0B3", "asin": "B000233ZMU", "reviewerName": "Frank C", "reviewText": "Placed it under my gtx 560ti. Not only with my video card but overall my system being cooler by 10 degrees. For those of you who love silence you will hear this one, even with the speed turned all the way down. I'm happy with the product anyways. It helps keep the temps down.", "summary": "it helps", "unixReviewTime": 1359849600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A15JIQ84QVPER9", "asin": "B00005ICE2", "reviewerName": "Lee Hutchinson", "reviewText": "Works perfect", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "AANDCASEDX6M5", "asin": "B00004ZCJI", "style": {"Size:": " 77mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Dennis", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1497052800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A3GDE640K7QR6S", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Tom Miller", "reviewText": "These are for sale at my local big box store for 3x the price I paid. To be honest, I would have been equally as pleased paying that as the quality of this filter is great.", "summary": "Great quality, even better price.", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A19BCTAQ622EI3", "asin": "B00006B828", "style": {"Size:": " 1-Pack"}, "reviewerName": "Teresa", "reviewText": "Works well. I used to buy a cheaper product but read that the quality could not be trusted. I did not need an expensive surge protector/suppressor, just something that I could rely on. I have used this for almost 12 months and have not had any problems with it.", "summary": "Works well. I used to buy a cheaper product ...", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2014", "reviewerID": "A2GN405N75MO7N", "asin": "B00013M6NU", "reviewerName": "GK, Central Florida", "reviewText": "This MH-61 Battery Charger has worked very well for quite some time now. It is easy to use and does the job as advertised. I am pleased with this product.", "summary": "MH-61 Battery Charger", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A1RT3EGCFVLJ7I", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "Spoco", "reviewText": "It's a nice mini extension cord/ cord splitter. Used to get that little bit of distance to put my lamp where I want it.", "summary": "Works well", "unixReviewTime": 1479254400} +{"overall": 5.0, "verified": false, "reviewTime": "05 31, 2017", "reviewerID": "A3FTLJ7NU8BKHY", "asin": "B000067SLX", "style": {"Size:": " 10 Feet/3 m", "Color:": " Black"}, "reviewerName": "KevinNJ", "reviewText": "just as depicted", "summary": "just as depicted", "unixReviewTime": 1496188800} +{"overall": 1.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "AMVTID8YNL9ZS", "asin": "B00008N9M7", "reviewerName": "Charles W. Hayes", "reviewText": "No noticeable improvement in reception or auto clarity over a 5 dollar antenna. Honestly, none of the antenna I have tried have been able to pick up a single station where I live.", "summary": "Money for nothing. No chicks for free.", "unixReviewTime": 1509148800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "A24PSBR0C65ZV4", "asin": "B0000AI0N2", "style": {"Style:": " 12 Outlet + TEL/TV"}, "reviewerName": "my?opinion", "reviewText": "I like the way I can protect all my devices without having a daisy chain of light bars. Only problem with all our gadgets we need a massive amount of outlets to plug them in to. This made the mess in the closet so much nicer to look at.", "summary": "neat and tidy", "unixReviewTime": 1435881600} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "03 20, 2011", "reviewerID": "A18SNLASKS8H73", "asin": "B00004Z5LZ", "reviewerName": "Bomber Pilot", "reviewText": "I didn't realize when I ordered it, but it is not your standard Ethernet cable. Didn't work for any of my modem or standard computer connections. I need to be smarter when shopping. Not the company fault, but would like a better explanation for us amateurs.", "summary": "Beware! Not for standard modem.", "unixReviewTime": 1300579200} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2011", "reviewerID": "A15BYQ6PZ5T6SA", "asin": "B00006BXBS", "reviewerName": "zinc55", "reviewText": "..but the software is very dated. This cable works fine, but be ready for a flashback to the 95 era of computing with the accompanying software.", "summary": "Hardware is great...", "unixReviewTime": 1319068800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A7TZOH5N38GKH", "asin": "B0000A0AEK", "reviewerName": "Louis Sabo", "reviewText": "They are all they are advertised to be. I am not all disappointed. Making a zoom version is the only improvement I could suggest.", "summary": "Excellant", "unixReviewTime": 1359936000} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A2LAJJCPIPEHH1", "asin": "B00009R88P", "style": {"Size:": " 19-Inch", "Color:": " Yellow"}, "reviewerName": "Gigi", "reviewText": "I would have given this product 5 stars if it was as yellow as shown in the photo on here. It's not bad, the yellow is more diluted and looks old if that makes sense. Either way, this product does it's job, and protects my camera (DSLR). Love. Would recommend.", "summary": "I wish it was a more saturated yellow!", "unixReviewTime": 1445904000} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2012", "reviewerID": "A2NS7Z5TE2VR21", "asin": "B0001XGQSG", "reviewerName": "PhillyChris", "reviewText": "easy to get wires into these banana plugs with the use of the enclosed wrench. They are a little fragile looking, and had to shove hard to get them to go into the slots on back of the receiver. Hence four stars instead of five. Good value for price though.", "summary": "banana plugs ok", "unixReviewTime": 1334275200} +{"reviewerID": "A2LADN2EO10XGB", "asin": "B00009KLAE", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "good", "overall": 5.0, "reviewTime": "08 30, 2016", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A3J9IX19MABQ2Y", "asin": "B0002821X4", "reviewerName": "FBI Squad 7 Tech Division", "reviewText": "Works great at a great price", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "A2NAIDTY04FC8A", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "RB", "reviewText": "Just what I need for keeping files in one place for each transaction.\nThe cover with CD takes up little space in the file folder.", "summary": "CD/DVD covers", "unixReviewTime": 1391990400} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A3UYWORB0VCQ6H", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to 1/4 inch TS"}, "reviewerName": "Kev. K.", "reviewText": "This is far from audiophile construction but did exactly what I needed it to do just fine. I've had a few pairs of these and had no issue with any failing as I've seen in other reviews.", "summary": "Does the job.", "unixReviewTime": 1389052800} +{"reviewerID": "A1ETJZ6XQ3DDL6", "asin": "B000068O1B", "reviewerName": "Richard", "verified": true, "reviewText": "Cables are very useful.", "overall": 5.0, "reviewTime": "01 23, 2017", "summary": "Great product", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "AC7U2VLU1ZL9R", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Cory Cox", "reviewText": "legit", "summary": "Five Stars", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A3LFTH3B2OHZ7Y", "asin": "B00004ZCJI", "style": {"Size:": " 62mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Alisa B.", "reviewText": "It just works! What more can you say for a product like this? It does the job it was meant to do.", "summary": "What more can you say for a product like this? It does the job it was meant ...", "unixReviewTime": 1466035200} +{"overall": 2.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A2F2F7N94SR1KQ", "asin": "B00006JPEB", "reviewerName": "Razornoodle", "reviewText": "Mine due to too much signal loss. Other channel plus two way combiner splitters work very well but I had no luck with this product.", "summary": "Not using", "unixReviewTime": 1397606400} +{"overall": 5.0, "vote": "8", "verified": false, "reviewTime": "02 7, 2006", "reviewerID": "A3ID9QKP5XYDO0", "asin": "B0000AKVJC", "reviewerName": "G. Kowalski", "reviewText": "I bought this card for my Cannon digital camera and could not be happier. I've taken this thing all over Europe, the US and the Caribbean and have not had a single problem with it. The photos always transfer well and there has never been any issues with file corruption.", "summary": "No problems", "unixReviewTime": 1139270400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A1J2QFNNQLMALE", "asin": "B00007EDM8", "style": {"Color:": " Black", "Product Packaging:": " Standard Packaging"}, "reviewerName": "eloomis", "reviewText": "I am very tough on items like this. I have now owned for a while and they held up very well.", "summary": "solid", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A23P76Z9PJXBV8", "asin": "B0000631YQ", "style": {"Color:": " Black"}, "reviewerName": "mjc&slc", "reviewText": "Hooked up to the motorcycle immediately, appears to be working great", "summary": "Five Stars", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A3ULN6G8SQNAC8", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Nathan smith", "reviewText": "ILIKEITALOT", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A258D5KI1UFE63", "asin": "B00005LELD", "reviewerName": "RVN SF", "reviewText": "Excellent quality and tough.", "summary": "Excellent quality.", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A2ZU73E6RDADJV", "asin": "B0000510NU", "style": {"Style:": " 7ft Cord + TEL"}, "reviewerName": "Gloria Herrera for As You Wish Reviews", "reviewText": "Working like a charm! Very versatile for computer users that want to ensure power surges will not place their rig at risk.", "summary": "Versatile", "unixReviewTime": 1444780800} +{"reviewerID": "A1DA4W2S9YQV8W", "asin": "B000068O41", "reviewerName": "Bododio", "verified": true, "reviewText": "Exactly what I needed. Much better than trying to splice something together or solder connections. Truly plug and play/", "overall": 5.0, "reviewTime": "02 21, 2018", "summary": "Exactly the Part I Needed", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A3R1J3WXARVQ3W", "asin": "B00006B83E", "style": {"Style:": " 6 Outlet + 6ft Cord"}, "reviewerName": "gary", "reviewText": "Just what I needed", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A2IOQ7KT8E1FBK", "asin": "B00005118F", "reviewerName": "Burns Hudson", "reviewText": "Works as expected. Trimmed it down to fit a fanatec shifter, solid connection when plugged in, great price.", "summary": "great price.", "unixReviewTime": 1482796800} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2008", "reviewerID": "AR7XZMW3EY3HX", "asin": "B00008I9K9", "reviewerName": "Bartek", "reviewText": "My laptop built-in wireless picks up more networks then this AP. I purchased this so that I could pick up MORE not LESS. LAME.", "summary": "WG602 WAP", "unixReviewTime": 1199577600} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2007", "reviewerID": "A2ED50E3KWKUKW", "asin": "B000089GN3", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "KEN TELLS ALL", "reviewText": "Can't go wrong with these. Efficient with good balanced sound.\nOnly other phones that can come close are the Koss Porta Pros.\nKoss gives you more bass and PX 100 gives you more balanced sound.\nIt also has a great carrying case that protects the PX 100 very well.", "summary": "GREAT PORTABLE HEADPHONES", "unixReviewTime": 1189296000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A2JKC2NSES8TLT", "asin": "B0001M3612", "reviewerName": "jeff kenkel", "reviewText": "excellent optics ,lightweight...for the price cannot be beat......think twice before you order those Nikon's", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2016", "reviewerID": "A36OFDASTEW6EV", "asin": "B0002805V4", "reviewerName": "Jess C", "reviewText": "High quality stands! Sort of wish I would have ditched the mid grade Manfrottos (seriously).", "summary": "Manfrotto Killer", "unixReviewTime": 1459900800} +{"overall": 5.0, "verified": false, "reviewTime": "03 18, 2009", "reviewerID": "ALSK720Z0UAKK", "asin": "B000067RVL", "style": {"Length:": " 2 Meters/6.56 Feet"}, "reviewerName": "Mark Twain", "reviewText": "It's a usb-mini to usb cable and it works; not much more to say. It's rather long, too, which sometimes is handy.", "summary": "USB A to Mini-B", "unixReviewTime": 1237334400} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2011", "reviewerID": "ARU2MQU98AKER", "asin": "B00029MTMQ", "style": {"Size:": " Microphone"}, "reviewerName": "Adella", "reviewText": "Great sound quality at this price point but the mic is incredibly fragile broke after just a couple months of use.", "summary": "Good sound but breaks easy", "unixReviewTime": 1313020800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A33VRJI740P8IA", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "JimboPA1", "reviewText": "Work really good. Sound quality is great. Now I can play my pc games in peace and my wife can watch her TV without blaring the audio.", "summary": "Perfect TV Headset", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A20QCXNOJVPQR4", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Zimmim", "reviewText": "works perfectly with my Nikon D5200", "summary": "works perfectly with my Nikon D5200", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2APW2UTPZ3WXK", "asin": "B00009R8ZP", "reviewerName": "Jim5301", "reviewText": "Having to replace pages from the 80s that are disintegrating. Hope these do better. Ask me again in 30 yrs. ;-{)", "summary": "Hope these do better. Ask me again in 30 yrs", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A2BEVTKS8PQWUB", "asin": "B0000YNR4M", "reviewerName": "Festis23", "reviewText": "It works good", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 1.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A2CN4UAI6D11LD", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Steve A", "reviewText": "These cables won't allow my monitor to wake up upon mouse or keyboard inputs. I have to turn off the monitor and turn it back on. These are the only HDMI cables that have ever caused this issue for me. Very strange.", "summary": "These cables won't allow my monitor to wake up upon ...", "unixReviewTime": 1454371200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A3JMI1UD3ZRT8W", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Unmanaged"}, "reviewerName": "Dale Frazier", "reviewText": "Perfect, works great, easy to use", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A2RE73VUCARNE0", "asin": "0972683275", "reviewerName": "Ramon Pereyra", "reviewText": "This product is user friendly and versatile.\nIt is easy to install and comes with everything needed for installation.\nAdding bidding could drill and bit", "summary": "Very good", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A34HS1USG7ATYB", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Thomas Baugh", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2010", "reviewerID": "AP5FWGKTVGQ90", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "L. Lambert", "reviewText": "This little gizmo lets me wander around the room to get the shot setup exactly like I want it, then snap the photo immediately before anything or anyone changes. It really freed me up and made my photography easier.", "summary": "Like having your own studio assistant", "unixReviewTime": 1276905600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A1TF3FCZ4VRJGP", "asin": "B000001ON6", "reviewerName": "Major Dad", "reviewText": "I followed directions on the box. Next, I was able to see my old vsh tapes with no problems. The pictures were clear as well as the sound. I would recommend this product.", "summary": "Maxell 290038 VP-200 Wet Vhs Video Head Clearner", "unixReviewTime": 1387152000} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A1P7LQSTSZO9PM", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "John", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1488067200} +{"overall": 4.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A1FYO57X3OBVW9", "asin": "B00022OBO2", "style": {"Size:": " 6.5 in"}, "reviewerName": "Phil", "reviewText": "Works great for my pickup", "summary": "front door speakers", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1F656R169UB0B", "asin": "B00009WBYL", "reviewerName": "steven houchen", "reviewText": "The best center speaker1", "summary": "i love it!", "unixReviewTime": 1447113600} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A20ADA3E2TMOY9", "asin": "B0000AZK1L", "style": {"Length:": " 15 ft"}, "reviewerName": "Amazon Customer", "reviewText": "Affordable and worked as expected.", "summary": "Four Stars", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A3B6V3VMVJWPQL", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Live Simply", "reviewText": "If you are plugging your computer into larger jacks you will get better sound. I have tested this.", "summary": "Works for computer/tablet jack to larger input jacks well.", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2014", "reviewerID": "AIO00LM9IL7FA", "asin": "B00003CWDK", "reviewerName": "Empiror22", "reviewText": "works like every other power strip i have got from them only one has had a problem that is one of the green product versions. its great, cheap and has good spacing for the plugs", "summary": "monster power", "unixReviewTime": 1400976000} +{"overall": 3.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A9QM0LID2H79J", "asin": "9985537742", "reviewerName": "Rick Lachner", "reviewText": "This cord works as far as recognizing my phone, but I have not been successful in getting it to charge it.", "summary": "Not Fully Successful", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "AKYQ59VS0B38Q", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Plus | L2 Managed"}, "reviewerName": "yocheved", "reviewText": "It is a small well built unit. Color and design help it \"disappear\", blend into the environment so it is not that visible. It was amazing how quickly all 8-ports were used! Connectivity is excellent, no issues at all.", "summary": "It was amazing how quickly all 8-ports were used", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A3UK6U65R9FRZY", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Erica Funke", "reviewText": "awesome product", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A3JOVGIAHF7SX1", "asin": "B00004WLJ8", "style": {"Size:": " 100 Pack", "Color:": " Natural", "Style:": " 8 inch., 75 lb tensile"}, "reviewerName": "Amazon Customer", "reviewText": "It does the job!", "summary": "It does the job!", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A1SQJL3KO6DUV9", "asin": "B0000AI0N2", "style": {"Style:": " 12 Outlet + TEL/TV/NET"}, "reviewerName": "Artie", "reviewText": "nice product great for the entertainment system", "summary": "Five Stars", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2011", "reviewerID": "A186J0MIIV3QC1", "asin": "B00000J1T1", "style": {"Color:": " Blue"}, "reviewerName": "TR", "reviewText": "I got exactly what was described the cords are perfect length for what I need them for and work great!", "summary": "perfect", "unixReviewTime": 1313798400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "APZZEQN5E3TCQ", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 17\" Standard (5:4 Aspect Ratio)"}, "reviewerName": "Cheri L.", "reviewText": "this rocks..best one ever..works EXACTLY right..No glare..perfect privacy, EASY to install..Will be getting these for all my monitors..I highly recommend this product..", "summary": "best one ever", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A25AHFZBB89V54", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "A. Bullin", "reviewText": "I have taken this backpack on a photography adventure. It worked well for my needs and was not too bulky or heavy for a female to carry.\nI have another adventure coming up, and I can't wait to use it again.", "summary": "I have taken this backpack on a photography adventure. ...", "unixReviewTime": 1424476800} +{"overall": 3.0, "verified": true, "reviewTime": "04 17, 2008", "reviewerID": "A9I5M2OT66XAX", "asin": "B0000U19F0", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Adit", "reviewText": "My title says it all. These are good headphones with good sound quality. Noise cancelling is there but not enough. I am not sure how these would compare with a Bose for example.\n\nHeadphones are not padded and they can begin to hurt the head if worn for too long.", "summary": "Mediocre noise cancelling but great sound", "unixReviewTime": 1208390400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A3BPI12O98VRHM", "asin": "B0000BZYPB", "style": {"Size:": " 62 mm"}, "reviewerName": "R. D. Carter", "reviewText": "This front lens cap is well made, a good fit, and not readily lost. Cheaper generic lens caps have none of thee characteristics.", "summary": "Brand name best.", "unixReviewTime": 1364428800} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "A2LYH0V6E6N4FP", "asin": "B0001PNJXO", "reviewerName": "Randy Wolf", "reviewText": "Junk is The right word. Barely used and while it worked fine when I first bought it, nothing on it works now. Not even the radio. A waste of money. Less than one star.", "summary": "Don't buy", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2014", "reviewerID": "AO8TDUZQ0FYVC", "asin": "B00022OBOC", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Burnt toast", "reviewText": "Got a JVC 540 and these guys, what can I say they work great. Just remember to get the polarity right.\n\nI play classic rock, soul, blues. Sounds nice.", "summary": "nice speakers", "unixReviewTime": 1399075200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2008", "reviewerID": "A2MZ3BH0TFK3NV", "asin": "B0001D3K8A", "reviewerName": "steveocray", "reviewText": "I have set up 2 of these in the last month and they are sweet. In the past I have tried netgear and it does not compare. EZ to configure and the home network (ez link advisor) makes things simple. Highly recomended, good range and fast.", "summary": "wrt54gs", "unixReviewTime": 1207958400} +{"reviewerID": "A2MFQTKYE131PJ", "asin": "B00009KLAE", "reviewerName": "luciano valli", "verified": true, "reviewText": "good", "overall": 5.0, "reviewTime": "09 4, 2015", "summary": "Five Stars", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": false, "reviewTime": "09 19, 2012", "reviewerID": "A1X379ZRM4LTWP", "asin": "B00005QBU9", "style": {"Color:": " Black"}, "reviewerName": "DarthTaco", "reviewText": "These are great headphones. The cord is long, the sound is great, the cost is low, and they last forever. I've still got mine that I bought five years ago.\n\nThese headphones boost bass slightly, and give a very smooth, rich, deep sound.\n\nComfort is also great.", "summary": "awesome headphones", "unixReviewTime": 1348012800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 12, 2013", "reviewerID": "A22GK1NSTD122Q", "asin": "B0000AE67N", "reviewerName": "Arkanius", "reviewText": "The problem is than the can starts to frosts up after about 20 seconds and loses pressure. When that happens you'll have to wait an hour or so for it to defrost so you can use it again. So I advise buying 2 of these if you plan on spending more than a minute dusting.", "summary": "great for my full tower pc", "unixReviewTime": 1370995200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A3H1FICIILYZ4N", "asin": "B00004SABB", "style": {"Size:": " 8x21", "Color:": " Black"}, "reviewerName": "neofatalist", "reviewText": "works great. I mean, its binoculars. 8x zoom... maybe next time I would opt for more magnification. comes in a nice case.", "summary": "works great. I mean", "unixReviewTime": 1474156800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "A3SRWM37QIJRVC", "asin": "B0000300QN", "reviewerName": "acdillon90", "reviewText": "My boss needed a Zip 250MB that could be able to be plugged in via USB to his computer. It works perfectly!!", "summary": "Great product", "unixReviewTime": 1362096000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "A2EIP8GZCSF34F", "asin": "B00009UHKW", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "J. Morgan", "reviewText": "Saved lots of wiring time when I installed an aftermarket single-DIN unit on my 2011 Tundra. I wouldn't install another unit without one of these harnesses -- it's nice not having to splice into the factory connector(s). Wire labeling was perfect.", "summary": "Great for installing new 2011 Tundra head unit", "unixReviewTime": 1400803200} +{"reviewerID": "A3FPD6NAS8FIVO", "asin": "B000068O41", "reviewerName": "Rossell", "verified": true, "reviewText": "No doubt this was a good buy.", "overall": 5.0, "reviewTime": "08 3, 2016", "summary": "g-buy", "unixReviewTime": 1470182400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "A2FA2Z7Q915PD5", "asin": "B00002EQCW", "reviewerName": "Honest Answers", "reviewText": "Worked great. Great value for the dollar. Fast delivery.", "summary": "good value", "unixReviewTime": 1459036800} +{"overall": 3.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A200FP7UW8G283", "asin": "B00022OBO2", "style": {"Size:": " 4 in x 6 in"}, "reviewerName": "lil tony", "reviewText": "Ok for my old blazer but didn't fit like they said cause the magnet", "summary": "Three Stars", "unixReviewTime": 1420588800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "08 1, 2005", "reviewerID": "A1CS1A1HS83YJK", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "G. V. Carpio", "reviewText": "I agree with many who consider it a crime not to have this lens given its price. Very sharp and very fast. Gives me a lot of flexibility on DOF, too.", "summary": "Sharp, fast, and inexpensive lens", "unixReviewTime": 1122854400} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2017", "reviewerID": "A2E6IBAW9VRW4A", "asin": "B00009R9BF", "style": {"Color:": " Black", "Style:": " Compact"}, "reviewerName": "Engineer", "reviewText": "Canon M3 and 22mm lens fits in D-Compact almost perfectly. The D-Mini also works, but is a bit too tight.", "summary": "Canon M3 and 22mm lens fits in D-Compact almost perfectly ...", "unixReviewTime": 1496361600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A2BNWJTD455M7D", "asin": "B00004SABB", "style": {"Size:": " 16 x 32mm", "Color:": " Black"}, "reviewerName": "Melissa F", "reviewText": "Perfect for my cruise to Alaska. Small and compact, easy to travel with.", "summary": "Perfect for my Alaskan cruise.", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "A134EBCRHG5E4N", "asin": "B00006HYKM", "reviewerName": "GUY", "reviewText": "IT IS A VERY GOOD PRODUCT FOR EVERYDAY USE THAT YOU MUST CONSIDER IN OUR VERY FAST AND BUSSY WORLD.", "summary": "IT IS VERY GOOD!", "unixReviewTime": 1355184000} +{"reviewerID": "A39JYKME5INL47", "asin": "B00009EHJV", "reviewerName": "Neil B.", "verified": true, "reviewText": "Works so much better than either of two headsets I had with attached microphones - even when this Logitech desktop microphone was two foot away.", "overall": 5.0, "reviewTime": "07 7, 2011", "summary": "Great Product!", "unixReviewTime": 1309996800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2014", "reviewerID": "A1I81IIO97Z0XZ", "asin": "B00006I5XC", "reviewerName": "S. Elle", "reviewText": "I needed a portable *something* that would supply DHCP for demos. At half a pound and this small form factor, it works great. I've only used it for a few weeks. Very nice.", "summary": "Works great!", "unixReviewTime": 1392854400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "AP6NGO8TGHMRU", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "Marge T.", "reviewText": "Solved my problem. I may have to get more.", "summary": "Good idea", "unixReviewTime": 1414972800} +{"overall": 3.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "A2LWPTMTWPWH2B", "asin": "B00000JPPI", "style": {"Size:": " 1 PACK"}, "reviewerName": "Andrew", "reviewText": "it is alright not what i thought it would be , it just a dick with some little like eyelases glued on to it that's supposed to clean the lense as it passes over it . i did not see any improvement in the dvd player bit it may of cleaned it", "summary": "it just a dick with some little like eyelases glued on to it that's supposed to clean ...", "unixReviewTime": 1524614400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A18I366IX987", "asin": "B00007IFED", "style": {"Capacity:": " USB 3.0", "Model:": " Gigabit"}, "reviewerName": "Xavier", "reviewText": "Works perfectly with my HP laptop running Ubuntu Linux 14.04. It was recognized by the kernel right away and with a little easy config became my eth1 adapter. Throughput is good.", "summary": "Working great on Ubuntu", "unixReviewTime": 1462838400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "AGLGS43I0YH8U", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "Matt Velure", "reviewText": "Works great - we have four. One in my office and three in my home.", "summary": "As advertised", "unixReviewTime": 1424995200} +{"overall": 1.0, "verified": true, "reviewTime": "05 12, 2006", "reviewerID": "A153WZ28YAHOHS", "asin": "B00028CAL2", "reviewerName": "N. M. Alba", "reviewText": "It works well for 2 months. I did use it to record some surgical procedures with endoscopes, but suddenly it don?t work. I hope it has warranty.", "summary": "i don't know what happen", "unixReviewTime": 1147392000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 25, 2009", "reviewerID": "AAGUQOXKWJJXM", "asin": "B00011KHT2", "reviewerName": "John B. Day", "reviewText": "with care you can even find some discounted. Let's you use the ADC monitors as you upgrade.", "summary": "Best way to keep using ADC monitor", "unixReviewTime": 1235520000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A235CBUMXPRPFG", "asin": "B000068O4N", "style": {"Style:": " 3.5mm TRS to 1/4\" TRS"}, "reviewerName": "A Furry Bear", "reviewText": "Item arrived as described. Works well", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 4.0, "verified": true, "reviewTime": "02 12, 2007", "reviewerID": "A2LVYXPBTQ6Q97", "asin": "B00005A9AU", "reviewerName": "Daniel 1004", "reviewText": "It works well and easy to use, but sometines in conference call at Skype, it cause noise. Except this this is great.", "summary": "It works well !", "unixReviewTime": 1171238400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A1WX0DO3Q3QYW5", "asin": "B00005T3Q2", "style": {"Style:": " Black + TEL/Coax/NET"}, "reviewerName": "Robert Russell", "reviewText": "Just what I asked for", "summary": "Five Stars", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2013", "reviewerID": "A2FWTIGDABFWN1", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Iceman", "reviewText": "I would recomend it to anyone. helps make my pictures look professional with little work. Do not have to adjust picture before printing.", "summary": "I love it", "unixReviewTime": 1371859200} +{"overall": 3.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A3INJ6JY8PZF7P", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 20\" Widescreen (16:9 Aspect Ratio)"}, "reviewerName": "gdav02", "reviewText": "Adhesive included does not work all that great. Screens are pulling away from monitor after a few months of use. It does a good job of keeping the screen private thought.", "summary": "Good privacy, included adhesive not so much", "unixReviewTime": 1462406400} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "AXTXSUK9UWAPC", "asin": "B0002375F8", "reviewerName": "david mckenzie", "reviewText": "i love the product and would buy this product again and it came faster than promised than they said it would be delivered", "summary": "suprised", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A3TBMGNSEQBWIL", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Canadian Gypsy", "reviewText": "Most excellent PC power cable - works perfectly for it's intended purpose ...", "summary": "Most excellent PC power cable - works perfectly for it's intended purpose ...", "unixReviewTime": 1471824000} +{"overall": 3.0, "verified": true, "reviewTime": "07 16, 2017", "reviewerID": "A1AYYXPFJF79NE", "asin": "B00012VXV2", "style": {"Style:": " 2 ml Squeeze Tube, 100% Solution"}, "reviewerName": "william pickett", "reviewText": "Did not last long small tube.", "summary": "Small tube", "unixReviewTime": 1500163200} +{"reviewerID": "A295MX8R5C9QSV", "asin": "B000068O41", "reviewerName": "USWestShopper", "verified": true, "reviewText": "Nothing fancy here, but I needed an adapter to use a TRS-pluggeded active crossover in my home, otherwise RCA-plugged stereo system. These work--they fit the jacks, and don't seem to be introducing any noise into the system.", "overall": 5.0, "reviewTime": "06 2, 2014", "summary": "They do what they're supposed to", "unixReviewTime": 1401667200} diff --git a/keith-galli_nlp/data/test/test_Grocery.json b/keith-galli_nlp/data/test/test_Grocery.json new file mode 100644 index 0000000..7b8288e --- /dev/null +++ b/keith-galli_nlp/data/test/test_Grocery.json @@ -0,0 +1,500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "AJMN59GMKPTB3", "asin": "B0017TMTFM", "style": {"Size:": " 1 Pack"}, "reviewerName": "LadyBug", "reviewText": "great product and half the cost!", "summary": "Good Deal", "unixReviewTime": 1438214400} +{"overall": 1.0, "verified": false, "reviewTime": "12 23, 2017", "reviewerID": "A306O89TJR9VQA", "asin": "B000UEUAGU", "style": {"Size:": " 35 Count", "Flavor:": " Classic"}, "reviewerName": "Amazing", "reviewText": "STALE! Chips were a year old, don't buy them. Expiration date said JAN 2016 meantime they shipped them to me DEC 2017", "summary": "STALE CHIPS! Exp JAN2016 I ordered them DEC 2017. Save money", "unixReviewTime": 1513987200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "AUB97HQHQ8WFB", "asin": "B000Y0M2NO", "style": {"Size:": " 1 pack"}, "reviewerName": "jonesp3", "reviewText": "Great Product", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A7YUKYFODN2AX", "asin": "B000NKL6HS", "reviewerName": "donna mccormick", "reviewText": "came on time very fresh", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A2R4G2L7PSF1L3", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Hope", "reviewText": "This raw honey is reasonably priced, and it's the best tasting honey I have ever eaten. It's very thick, almost hard, but it is so smooth and is like eating candy.", "summary": "Best raw honey I've ever tasted", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A3SPTD4KXJQ2XW", "asin": "B0015AWU7U", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "TyBo'73", "reviewText": "If u like candy apples you'll love this candy. I have quite the sweet tooth so when I get my hands on one of this guy's I'm in sugar heaven. Purchased was smooth and delivery was quick. I highly recommend!", "summary": "Taste like a candy apple!", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A1NKRXSU63EA4M", "asin": "B000P6H21O", "reviewerName": "reggaelady", "reviewText": "Hugh and delicious", "summary": "Five Stars", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2018", "reviewerID": "A348F7UIRU5UCN", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "pet59", "reviewText": "I have been buying Vita Coco Water for several months and drink it most days. I enjoy the taste and will continue purchasing this product.", "summary": "Delicious taste!!!", "unixReviewTime": 1517184000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A3MCRO4HUAAHGU", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Laura Snavely", "reviewText": "LOVE this sweetener", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2014", "reviewerID": "AILWN0QU28S1Y", "asin": "B0009JRKDC", "reviewerName": "Amber beach", "reviewText": "I actually use this for my dog. She has really dry skin and we add a little for this to her food everynight. She loves it! And it has been working wonders for her skin.", "summary": "Great product.", "unixReviewTime": 1399420800} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A2R7LS7X0YUQVQ", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 6", "Flavor:": " Peppermint Tea"}, "reviewerName": "Sherry Swiney", "reviewText": "Lovely flavor and good for digestion as well.", "summary": "Four Stars", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A2RFD97HHNZ6J0", "asin": "B000F9XBGQ", "reviewerName": "Ava/SP", "reviewText": "Great product. Love having the things I want delivered to my door.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A1A4VNZ1LPNRD7", "asin": "B000WL167S", "style": {"Size:": " 0.75 Ounce Rolls (Pack of 24)", "Flavor:": " Spearmint"}, "reviewerName": "Martin C. Howden", "reviewText": "Great mints and sometimes hard to find in this flavor. Great price for this large supply. I would recommend these and purchase again.", "summary": "Breath Mints", "unixReviewTime": 1378080000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "A3KSLAPIIAX5A2", "asin": "B0010BZZ08", "reviewerName": "SM", "reviewText": "Great flavor cinnamon. Will buy again.", "summary": "Awesome flavor", "unixReviewTime": 1498435200} +{"reviewerID": "A1CVQ7765GW7IR", "asin": "B0009F3QKM", "reviewerName": "Huckleberry", "verified": true, "reviewText": "I really enjoy the taste of this tea and thought this was a decent deal compared to stores.", "overall": 5.0, "reviewTime": "03 1, 2017", "summary": "Five Stars", "unixReviewTime": 1488326400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A21H1SLU2IAN7I", "asin": "B000LKW1BA", "style": {"Size:": " 20bg"}, "reviewerName": "Jeff Robson", "reviewText": "This tea actually helped lower my blood pressure!!!!\nI was at 145/95 with my meds and got down to 128/80 after drinking this tea for a week!!!!\nNormally I get my meds increased by my doc and feel like hell..... No More!\n I am drinking tea!!!!\n\nI BELIEVE IN THIS PRODUCT!", "summary": "Normally I get my meds increased by my doc and feel like hell.", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A3ODS9QJWB2Z53", "asin": "B000UUWECC", "reviewerName": "Bethay", "reviewText": "I like to use this in my green smoothies which use water. Gives the flavor a boost.", "summary": "GREAT FOR USE IN SMOOTHIES--ADDED FLAVOR", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2015", "reviewerID": "AY4RTIY5GNYGJ", "asin": "B000EMX13C", "style": {"Size:": " 4 Ounce 6 Pack", "Flavor:": " Maple Pecans"}, "reviewerName": "Tygress", "reviewText": "I tried the Maple Pecan flavor & it was delicious! There is also a bit of apple in here even though it's listed only on the back. All of the fruit is nice and chewy.", "summary": "Sooo good!", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "AGNX7TK9LIHZ7", "asin": "B000E1FZHS", "reviewerName": "Trini-chris", "reviewText": "This product was a great buy as expected, I will recommend it for anyone.,", "summary": "Five Stars", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A39OGL3BRP99YF", "asin": "B0015DSKFI", "reviewerName": "T. Sammons", "reviewText": "It's gum! You chew, you spit out, get another piece!!!!!", "summary": "It's gum! You chew, you spit out, ...", "unixReviewTime": 1444003200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A1IALHJCGJE4YS", "asin": "B0013JK0O8", "reviewerName": "RK", "reviewText": "My favorite of all the brands I have tried. I don't think I would drink it but we use it for cooking all the time. I noticed you can get it in a larger, round, can-like container if you are a \"power user\". :)\n\nWill buy again and highly recommend.", "summary": "My favorite of all the brands I have tried", "unixReviewTime": 1445212800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 8, 2017", "reviewerID": "AVNXAMQ9KRDPL", "asin": "B000WLHOQK", "style": {"Size:": " 48 Ounce (Pack of 4)"}, "reviewerName": "StillLife", "reviewText": "Price is good for these 48 ounce packages. I've always liked Bob's Red Mill products, been using their spelt for years. Actually I think if you're going to use spelt flour you might as well go for a bigger package, less trouble for you and for the manufacturer.", "summary": "Price is good for these 48 ounce packages", "unixReviewTime": 1491609600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 21, 2014", "reviewerID": "A333XOKAY0TC1V", "asin": "B0009P68HK", "style": {"Size:": " 2.75 oz", "Flavor:": " Bread Sprinkle"}, "reviewerName": "Bolanle", "reviewText": "Ne of the few things I clicked 'buy again' on Amazon. This is fantastic. I used it with shredded Parmesan cheese and knew I had to buy again. Has a nice but not too strong garlic smell and taste. I recommend this", "summary": "Second purchase", "unixReviewTime": 1400630400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "ABRYNTW3UXQLD", "asin": "B000VQD4Z6", "reviewerName": "Mel :)", "reviewText": "I thought this was going to come in a box with all of them packaged like those American noodles do but it was cool packaged individually as well! :) This Ramyun is the BEST BTW! Will be purchasing again!", "summary": "... come in a box with all of them packaged like those American noodles do but it was cool packaged ...", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "AVE18Q9U1SN0X", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Pure Rooibos"}, "reviewerName": "lizzy", "reviewText": "Love this stuff. tastes a little earthy, but I brew and drink it all the time, both hot and cold. Good for you!", "summary": "Tasty and Good for you", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A3DLS1N5WC6ZZH", "asin": "B000GG0BQ6", "style": {"Flavor:": " Green Tea"}, "reviewerName": "Amazon Customer", "reviewText": "Wonderful, great tea. Will order again.", "summary": "Five Stars", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A2PBTHGL8CY839", "asin": "B000VQDABY", "style": {"Size:": " (30 pack)"}, "reviewerName": "Yancei", "reviewText": "The best instant noodle I have ever had. The drawback is about the sauce pack. It is hard to open and mix all five sauce together", "summary": "The best instant noodle I have ever had", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A341ETEJ65FWCN", "asin": "B000REQHOM", "reviewerName": "Robert", "reviewText": "Always consistently good.", "summary": "Five Stars", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": false, "reviewTime": "06 11, 2015", "reviewerID": "A1ACUEVPCS388O", "asin": "B000EDG598", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "D. Kolton", "reviewText": "we consistently buy this and it is consistently good!", "summary": "Always good, all the time!", "unixReviewTime": 1433980800} +{"overall": 3.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "AKU18EGFF6G02", "asin": "B000Z8ZN4U", "style": {"Flavor:": " Organic Short Grain, Brown"}, "reviewerName": "Motown Doc", "reviewText": "This rice must have in storage for a while; it's too dry compared to the previous batches I purchased from different vendor. Good news is that there are no bugs.", "summary": "Too dry", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A2T65QL3O7VYNU", "asin": "B000VK2LPQ", "reviewerName": "EJP", "reviewText": "Delicious - a nice hot cereal and great for vegans. A little pricey.", "summary": "Delicious", "unixReviewTime": 1465689600} +{"reviewerID": "ABHDWJA5PX2VC", "asin": "B0014EW4N2", "reviewerName": "sunflower", "verified": true, "reviewText": "Great chili.my husband packs this in his special soup cup and heats in the microwave at work. Loves it with some corn chips. Sometimes puts cheese on top of the soup before heating. Great buy too.", "overall": 5.0, "reviewTime": "09 4, 2015", "summary": "Warms the Soul...", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A38I2V4OGESFIZ", "asin": "B000BD0SDU", "reviewerName": "For Better Health", "reviewText": "Real Salt contains minerals and is not bleached or chlorinated. Highly suggest trying it. Has natural flavor. Unlike sodium chloride table salt, which has a after bite. Will not raise blood pressure. Try it!", "summary": "REAL SALT WITH REAL FLAVOR!", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2018", "reviewerID": "APU6SX9QT71CX", "asin": "B000MHHDVK", "style": {"Size:": " .625oz (Pack of 32)"}, "reviewerName": "Carla B.", "reviewText": "Great snack", "summary": "Five Stars", "unixReviewTime": 1519430400} +{"overall": 4.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A1MS017ENPD2KB", "asin": "B000GFYRK8", "style": {"Flavor:": " Perfect Peach"}, "reviewerName": "Mindy Grivett", "reviewText": "Tasty peach tea with a spiced finish. This time of year it is iced tea season. This Bigelow tea is different than other brands tried. To me, it does taste like peach, but not like peach pie as it lists on the box. Have some spiced peach in a cup or glass!", "summary": "Peach tea with spices", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "AR1YZMIVTQV68", "asin": "B000FFIEL2", "reviewerName": "M. Teague", "reviewText": "Dr. McDougall's soups are great for a meal or a snack break. Excellent flavor and Healthy!! Would buy again. Thanks Amazon!", "summary": "Love the Vegan Black Bean Soup!", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2017", "reviewerID": "A3F1J2BQW3OFBC", "asin": "B000FOIYS6", "reviewerName": "Wikolia", "reviewText": "Employee who ordered no longer with us", "summary": "Five Stars", "unixReviewTime": 1510617600} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2017", "reviewerID": "A1VIF26UFKY9UQ", "asin": "B000P6G1AC", "reviewerName": "SMAS", "reviewText": "Arrived fresh and good quality. Nothing bad to say", "summary": "Fresh", "unixReviewTime": 1511654400} +{"reviewerID": "A258D1ZEKEV71I", "asin": "B000HRS7OM", "reviewerName": "sheila mizrahi", "verified": true, "reviewText": "It is good for me but do not like black teas so use it with anotherfruity one //", "overall": 4.0, "reviewTime": "07 24, 2014", "summary": "Four Stars", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2017", "reviewerID": "A7141XVD43C0H", "asin": "B000PDRYPQ", "style": {"Size:": " 64 Fl. Oz.", "Flavor:": " Original"}, "reviewerName": "Android Zulu", "reviewText": "Our family went through this bottle in less than 3 weeks!", "summary": "Five Stars", "unixReviewTime": 1507766400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A3SM2R3QY5MX4Q", "asin": "B0000CDEPD", "reviewerName": "The Brad", "reviewText": "This is the best vanilla I have ever used.", "summary": "Love it.", "unixReviewTime": 1406764800} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2HSF1ZJGUQ54J", "asin": "B000VJUIN4", "style": {"Size:": " 8.8"}, "reviewerName": "Anna C", "reviewText": "I used this on my face as part of a lemon cinnamon concoction. It really helps with blackheads. I repeat this every couple of weeks. I haven't used it for anything else yet", "summary": "Highly recommended", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A1JJVDQQI065AZ", "asin": "B000PYBKDC", "reviewerName": "C. A. Reiley", "reviewText": "Yum! Just as I remembered it! Lots of grape goodness in every chew. :)", "summary": "Just as I remembered it. Super yummy! :)", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A12J8HZT10OYSZ", "asin": "B000X5M5R8", "reviewerName": "Adam Losego", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "A3NI706A4M08KX", "asin": "B0014WYXYW", "style": {"Size:": " 12 Count Bottles", "Flavor:": " 2 Flavor Glass Variety"}, "reviewerName": "AAWoolz", "reviewText": "thirst quenching and a nice replacement to the 'energy drinks' on the market...", "summary": "Four Stars", "unixReviewTime": 1499817600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "A192LQZWDYPR4U", "asin": "B000MIFS4S", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Mini-Bites Spaghetti Rings with Meatballs"}, "reviewerName": "Secret_Destroyer", "reviewText": "It Edible but that is the best I can say about this product. I thought it would taste somewhat like other chef Boyardee spaghetti products but I was wrong. I can choke it down so its edible and price wasn't bad but not buying this product again.", "summary": "It Edible but that is the best I can say about this product..................", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2015", "reviewerID": "A37UVWSWXJLNV1", "asin": "B000EMM9X0", "reviewerName": "Jo-Anna", "reviewText": "My kids love these and they are way way cheaper on here then anywhere else. Plus they can be hard to find. Will keep coming back for more.", "summary": "kids love them", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A3QOFZ5BCDBKLW", "asin": "B0009P68KM", "style": {"Size:": " 29 oz"}, "reviewerName": "consumer", "reviewText": "We eat a lot of lamb and this is the only seasoning we use.\nIt's great on beef, too. :-)", "summary": "Makes Awesome Lamb Chops!", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A2GXXLE9AE7BKG", "asin": "B00016Q6EM", "reviewerName": "Tigerlily", "reviewText": "Great for hot air popped corn.", "summary": "Popcorn salt", "unixReviewTime": 1463529600} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "AEZG2NLR1CNJ", "asin": "B000GIZAS8", "style": {"Size:": " 1.5 Lb"}, "reviewerName": "Barton Schaffrin", "reviewText": "Very good, great taste.", "summary": "Four Stars", "unixReviewTime": 1451606400} +{"overall": 2.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A374DZ7MHS0H2F", "asin": "B000V5IMSQ", "reviewerName": "Amazon Customer", "reviewText": "Not as good as I thought it would be. Maybe they added lots of vinegar as a preservative so it wouldn't need refrigeration?", "summary": "Too vinegary", "unixReviewTime": 1442534400} +{"overall": 3.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A268R5H2J0DH79", "asin": "B000YUCN6A", "reviewerName": "Karen Hart", "reviewText": "I bought these for myself. I have eaten several & they are good but not great.", "summary": "Guitardelli Milk Chicolate Peppermint Bark Candy", "unixReviewTime": 1453766400} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A32KTCEVVJA0OD", "asin": "B000ED2CFE", "reviewerName": "Tracy Ann", "reviewText": "Perfect condition, not clumpy or lod like some I have received!", "summary": "Four Stars", "unixReviewTime": 1487635200} +{"overall": 4.0, "verified": false, "reviewTime": "02 18, 2013", "reviewerID": "A3U1UFWTX69NRF", "asin": "B000HDMXGO", "style": {"Size:": " 5 lb box", "Flavor:": " Peppermint"}, "reviewerName": "Mychews", "reviewText": "The Peppermint Ginger Chews are an excellent antacid, indigestion, stomach problem product. I have shared these with my friends and family who agree with me.", "summary": "Excellent chews", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "A5I66YYG84JH2", "asin": "B000VSDBNE", "reviewerName": "Andes Le", "reviewText": "best brand of mi goreng hands down. and this is definitely the best flavor (satay) if you haven't already tried it. i only buy this brand and flavor of mi goreng from now on.", "summary": "best tasting instant mi goreng", "unixReviewTime": 1495584000} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "AIT7Q4K61Z77F", "asin": "B000J41TB6", "style": {"Size:": " 40-Quarts", "Style:": " Instant"}, "reviewerName": "Smb and scb", "reviewText": "We like it.\n\nIts perfect to have around for every day use and emergencies.\n\nWe use it for hot chocolate.", "summary": "Great", "unixReviewTime": 1356825600} +{"overall": 4.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "A3PQZYOO2OBXJL", "asin": "B000PILJ5C", "style": {"Size:": " 16"}, "reviewerName": "Kim castevens", "reviewText": "Great tea just not crazy about the flavor", "summary": "tea", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2014", "reviewerID": "A37OVGNS5EHOJG", "asin": "B0014M1VR4", "reviewerName": "Dee", "reviewText": "Like the taste and the high heat that can be used,,Stir frying is no problem, it can take the heat.", "summary": "All ready have given good feedback,", "unixReviewTime": 1398211200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A1YH85W8Q6QAC2", "asin": "B0017OFHQK", "reviewerName": "bear", "reviewText": "OMG I love these things", "summary": "Five Stars", "unixReviewTime": 1482364800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 30, 2011", "reviewerID": "AKKCAGICOBD0V", "asin": "B000HDVM9I", "reviewerName": "Madelaine", "reviewText": "These are hard to find and came in record time.\nVery happy with them.\nI make cupcakes on the side and they are great for those.", "summary": "Mickey Mouse edible decorations", "unixReviewTime": 1325203200} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "AC506SKFN56ZI", "asin": "B000KFTGIM", "reviewerName": "bigjon", "reviewText": "Best hot chocolate mix available !", "summary": "Five Stars", "unixReviewTime": 1433462400} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1O1L39L3O0PCO", "asin": "B00028QCD4", "reviewerName": "Marites", "reviewText": "love the seaweeds...", "summary": "Four Stars", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A3J6SM135LZJNS", "asin": "B000JJHDVG", "reviewerName": "CJ", "reviewText": "Delicious maple sugar.", "summary": "Yum!", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A3MSTS7JH4MYF", "asin": "B0012OTF3Q", "reviewerName": "Charles E. Burke", "reviewText": "nice value. good size, nice aroma", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A1PIURMEJJER2O", "asin": "B000COIT8O", "reviewerName": "mandi", "reviewText": "Tastes great!", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "AQO1PT97KTVB0", "asin": "B000WS1DT2", "reviewerName": "Johnnie R. Evans Sr.", "reviewText": "thanks...........", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A148JV80NWSHQC", "asin": "B00139ZSDG", "reviewerName": "Brian &amp;amp; Amanda", "reviewText": "They were fresh. Realy fast shipping too.", "summary": "They were fresh. Realy fast shipping too.", "unixReviewTime": 1447632000} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2018", "reviewerID": "A1TXN1CC3C16P4", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 1", "Flavor:": " Burdock with Nettle Leaf"}, "reviewerName": "Kindle Customer", "reviewText": "Takes getting used to but once adjusted, I drink 2 to 6 cups in a day as needed.", "summary": "Weird but soothing.", "unixReviewTime": 1518480000} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2011", "reviewerID": "A1COLTSQGXW84H", "asin": "B00014JNI0", "reviewerName": "pineapple", "reviewText": "Amazon, put this on subscribe and save please!\n\nGreat Taste, thick honey, but easy to get out of the jar! Good for making a honey spicy brown mustard dressing!", "summary": "Amazon, put this on subscribe and save please!", "unixReviewTime": 1315353600} +{"reviewerID": "A3LTKIRX0RMFF8", "asin": "B0010VSBPO", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Great product & quick shipment!", "overall": 5.0, "reviewTime": "07 25, 2016", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A39IG4U1ZPUMDI", "asin": "B000FZYMJK", "style": {"Flavor:": " Black Pearl"}, "reviewerName": "Philsfew", "reviewText": "This rice is tasty - has sort of a nutty flavor and is supposed to be very low on the glycemic scale.", "summary": "This rice is tasty - has sort of a nutty ...", "unixReviewTime": 1483401600} +{"overall": 3.0, "verified": true, "reviewTime": "05 20, 2013", "reviewerID": "A2F6WMPU7DATBB", "asin": "B000E1HUVC", "style": {"Size:": " 16.25 Ounce (Pack of 1)", "Flavor:": " Cashew Halves and Pieces"}, "reviewerName": "K. Byrd", "reviewText": "not much flavor but the price was right. i'm going to pulverize them anyway for an elderly friend who can't chew nuts.", "summary": "ok", "unixReviewTime": 1369008000} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "AUVHNX4OLT4D0", "asin": "B0009PAVQY", "reviewerName": "Bob Rufus", "reviewText": "Be great if they discovered glass containers. Good product and I've bought it twice and will buy again. Just don't like the plastic no matter how safe I'm told it is.", "summary": "Be great if they discovered glass containers", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A3VVU7KFG3QHTE", "asin": "B000SR5ZAK", "reviewerName": "yogi", "reviewText": "Excellent Chutney! Definitely a reorder. Works as a wonderful cooking glaze on poultry and salmon as well!", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A3N4P14EFJFXE1", "asin": "B000PGSL5K", "style": {"Flavor:": " Organic Peppermint Herbal"}, "reviewerName": "jill attias", "reviewText": "Best mint tea", "summary": "Five Stars", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "A2G04I20PM4ALW", "asin": "B000YG3GYW", "reviewerName": "Suzanne Richez", "reviewText": "Quick, easy and a tasty meal", "summary": "easy and a tasty", "unixReviewTime": 1492905600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A6PJZ6ARV1TI6", "asin": "B000SMN0DO", "style": {"Size:": " 2 lbs."}, "reviewerName": "CreativeSpirit", "reviewText": "My second order, and I am gearing up to order my third set of two!", "summary": "Love this stuff!", "unixReviewTime": 1449273600} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A6P0MH8YWQHLF", "asin": "B000N542KQ", "reviewerName": "Alzak_1", "reviewText": "nice scent", "summary": "Four Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A2EQYRFRCT8L8P", "asin": "B000V7MCBC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Tarzan's mate", "reviewText": "I love white tea. It is a little less strong than green tea.", "summary": "Tea Time", "unixReviewTime": 1422489600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A2ZAFIWPFIQGC4", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "Abra", "reviewText": "My favourite snack in a 5lb bag. So excited when I saw that. The packaging was good and it was well kept.", "summary": "My favourite snack", "unixReviewTime": 1398297600} +{"overall": 2.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A3UCQA0G48MSD0", "asin": "B0000SXEN2", "reviewerName": "DS", "reviewText": "Absolutely awful", "summary": "Uggh", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A27UKKI20195TN", "asin": "B0012JNRKS", "style": {"Flavor:": " Chocolate Brownie"}, "reviewerName": "davron", "reviewText": "I love them. What more is there to say other than there healthy and good. If you want something to curb your appetite until supper then enjoy one of these.", "summary": "Healthy and Good", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2JZGJNLAZ7XSY", "asin": "B00014JNI0", "reviewerName": "Karen", "reviewText": "This is honestly the best tasting honey I have ever had. The fact that it is unfiltered allows for a more natural and complex taste that you do not get with processed honey.", "summary": "The best tasting honey!", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "ARXJBK0SHKVN5", "asin": "B000HDK0DC", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "Megan", "reviewText": "These taste very good!", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "A3SMMMMZC99WAS", "asin": "B000OSSV8G", "reviewerName": "Marlin", "reviewText": "The best tasting sugar on the market - adds a delicious flavor to baked goods.", "summary": "Five Stars", "unixReviewTime": 1478131200} +{"reviewerID": "A1Z00E7CQ17NHD", "asin": "B0016BS3BK", "reviewerName": "Matty", "verified": true, "reviewText": "The best brownies I the world!", "overall": 5.0, "reviewTime": "10 29, 2013", "summary": "Five Stars", "unixReviewTime": 1383004800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "A1E4Y05VIE4GCA", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Cats", "reviewText": "Best cinnamon. And it's good for you.", "summary": "Five Stars", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A2A6TTF652JY7H", "asin": "B000CEO6WM", "style": {"Size:": " Box of 18"}, "reviewerName": "marilyn", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1416441600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 1, 2009", "reviewerID": "AOW8XJ1K4PNLN", "asin": "B000V1O28E", "reviewerName": "John F., Warris, III", "reviewText": "Very prompt delivery. Great product. Better than what I was expecting. I will order again.", "summary": "HORMEL SPAGHETTI WITH MEAT SAUCE", "unixReviewTime": 1254355200} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A17SPJ32DCI6I6", "asin": "B000FAPM2Q", "reviewerName": "Cecelia", "reviewText": "The cans are a convenient size and each one comes sealed. The flavor is great. I had trouble finding a vegetable broth in a powder. I am glad I found this.", "summary": "The flavor is great. I had trouble finding a vegetable broth in ...", "unixReviewTime": 1478304000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A3J1P8FJZAR5FI", "asin": "B0002YRLHE", "style": {"Style:": " POUCH"}, "reviewerName": "Here we go again!", "reviewText": "All mountain house stuff is great...", "summary": "Five Stars", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "ANJEFRXIK2XEX", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "salad man", "reviewText": "Good tea", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A80A0BO902244", "asin": "B0009F3POO", "style": {"Flavor:": " Seasonal Tea Sampler"}, "reviewerName": "Curlygirl", "reviewText": "This is a wonderful blend to fight cold symptoms.", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A2ZS2R1DAU27FP", "asin": "B000CEO6WM", "style": {"Size:": " 24 Count"}, "reviewerName": "Martha", "reviewText": "Excellent coffee and a most reasonable price.", "summary": "Five Stars", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A257UBT4PJYZIF", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "Kimberly and Chris G.", "reviewText": "This tea is excellent. Will definitely be buying again when i run out...", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 1.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A2QSZCUYR5GDJ2", "asin": "B000Q6K3DC", "reviewerName": "Vanessa W.", "reviewText": "I bought these as an alternative to soda pop. These taste terrible!!!! There's no fizzy left once the capsule dissolves and you are left with nasty tasting drink. So not what I was expecting. Ill take a kool aid pack over this any day.", "summary": "Terrible taste!", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A3U5F56CYRJZEM", "asin": "B000EEWZG4", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Pink Salmon"}, "reviewerName": "Good Dog", "reviewText": "It's great Salmon. I've been ordering this for several months. It's so good I'm buying this product automatically. I've tried a few different brands. I think this one beats the others by far.", "summary": "Great taste and great service.", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": false, "reviewTime": "08 5, 2014", "reviewerID": "A29UTKLAFGIP89", "asin": "B000HDK0DC", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "Starry2", "reviewText": "Grandchildren luv these", "summary": "Natural Sweet", "unixReviewTime": 1407196800} +{"overall": 3.0, "verified": true, "reviewTime": "09 1, 2017", "reviewerID": "A308CDVRM1U6M0", "asin": "B0000CFPI2", "style": {"Flavor:": " Original 9 Pk"}, "reviewerName": "BL Meyer", "reviewText": "way TOO Strong flavoring use more meat then what the recipe says then it is good", "summary": "Three Stars", "unixReviewTime": 1504224000} +{"overall": 2.0, "verified": false, "reviewTime": "07 4, 2016", "reviewerID": "A13CDSML75OQTO", "asin": "B000V6FU08", "style": {"Size:": " Pack of 8", "Flavor:": " Beef & Bean Roadhouse"}, "reviewerName": "MikeJW", "reviewText": "Chunky? Hardly! It has some beans and ground meat, but it is more of a soup rather than chili. Its taste is okay, but has no kick at all. I'd never buy it again, and would not recommend it to anyone.", "summary": "Disappointing", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A129K7NK4CR5GC", "asin": "B0002FH1AU", "reviewerName": "Berta", "reviewText": "Scrumptious honey.", "summary": "I highly recommend this very delicious honey", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A3N3N27QO079J3", "asin": "B0009F3QL6", "style": {"Flavor:": " Egyptian Licorice Mint"}, "reviewerName": "Marthac", "reviewText": "Yummy tea ! Tastes similar to Aveda comfort tea. Also makes a great iced tea, if you let tae steep at room temp you don't have to boil the water!", "summary": "Yummy", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A2W9SVQU3F17TX", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Lucille Allen", "reviewText": "I love love this honey. I have always purchased the thick honey but I like this raw honey better and it's much easier to use then the liquid honey.", "summary": "THe best Honey", "unixReviewTime": 1454889600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A2KLZX5DVN01OW", "asin": "B00124TUTK", "style": {"Flavor:": " Fruit"}, "reviewerName": "O", "reviewText": "This product actually upset my stomach. It may not upset anybody else. I took a chance, and lost. I wish you good luck.", "summary": "Terrible!", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A1P5YXP15B13SA", "asin": "B000IMSSAO", "style": {"Flavor:": " Reese's Peanut Butter"}, "reviewerName": "CRAZY4PEANUTBUTTER", "reviewText": "I love these chips. They are so good in pancakes and on waffles. I will buy these again for sure.", "summary": "YUMMY !!!", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A258BPLZMVN8NE", "asin": "B000EM6PG2", "style": {"Size:": " 20 Count (Pack of 6)", "Style:": " Green Variety Pack"}, "reviewerName": "Eric", "reviewText": "Love This Green Tea. its Delicious! Highly recommend it.", "summary": "Five Stars", "unixReviewTime": 1513468800} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2012", "reviewerID": "A218QGFSV9QQJR", "asin": "B000EDI2QM", "style": {"Size:": " 1.8-Ounce Bars (Pack of 12)", "Flavor:": " Chocolate Crave"}, "reviewerName": "K. Samenow", "reviewText": "Love these bars! I use them when on the road, & can't stop for food. Healthy, without chemicals! That's a plus!", "summary": "Raw Revolution Organic Live Food Bars", "unixReviewTime": 1355356800} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A3PYHFI4V1N4J4", "asin": "B0012BUL96", "reviewerName": "Leanne", "reviewText": "Pretty, non smashed berries. Great for extracts, balms and flavorings", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A1OON4OPP58E26", "asin": "B0001LO3FG", "style": {"Size:": " 100 Count", "Flavor:": " Earl Grey"}, "reviewerName": "Bluegrassbabs", "reviewText": "Have been buying Twiningss Tea for years. Easier than using loose tea and very little difference. I'm sure that I will buy again.", "summary": "Great Tea!", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "ARNCDCEYTS8CK", "asin": "B000FDDET6", "style": {"Flavor:": " Honey Whole Wheat"}, "reviewerName": "ffrockport", "reviewText": "Continue to make double sized loaf with combination of honey whole wheat & potato bread mixes. Excellent.", "summary": "Excellent.", "unixReviewTime": 1441584000} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "ATRPDM7WJT68H", "asin": "B000NMCOYK", "style": {"Size:": " Assorted Flavors", "Flavor:": " Assorted"}, "reviewerName": "lgoldie", "reviewText": "Everyone loves them!", "summary": "Four Stars", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A2ONVKA765O1LX", "asin": "B000JSOC0C", "style": {"Size:": " Pack of 4"}, "reviewerName": "A456", "reviewText": "Get yourself these and some tea and you'll be wow this is awesome. I promise.", "summary": "... and some tea and you'll be wow this is awesome. I promise", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A3QISZ7JK1ZJH8", "asin": "B00014D7D2", "style": {"Size:": " Pack of 1"}, "reviewerName": "Sulhwa", "reviewText": "Works as described and is way more gentle on my stomach than the pills I ordered. It works faster too. It surprisingly tastes very good; no bitter aftertaste at all.", "summary": "Works", "unixReviewTime": 1470787200} +{"overall": 4.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "A3JNAP2FZ5PZYC", "asin": "B000JVABZ4", "style": {"Size:": " 1", "Flavor:": " Hawaiian Blend"}, "reviewerName": "Steve F", "reviewText": "Very strong but without a bitter taste.", "summary": "Four Stars", "unixReviewTime": 1405728000} +{"overall": 5.0, "vote": "32", "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A2NZBYJMRGEZ2W", "asin": "B0009F3SDC", "style": {"Flavor:": " DeTox"}, "reviewerName": "Amazon Customer", "reviewText": "This one is one of the nicest teas I have had. I am from India so have tried a lot of teas and concoctions and this tastes good and makes me feel nice and relaxed.", "summary": "Like all yogi teas", "unixReviewTime": 1402963200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A36DVRTEHDJKNP", "asin": "B000U0OUP6", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "Steve", "reviewText": "great deal on planters peanuts", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "ABWOGMZMO7AT9", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Cherries"}, "reviewerName": "Ashley", "reviewText": "These were delicious, they were received exactly as pictured, make sure you have something to store them in once the bags been opened though. There is no way to reseal and will need to be repackaged upon receipt.", "summary": "big hit with the kids!", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2013", "reviewerID": "A3EU21JSI4F2QH", "asin": "B000RLPKGQ", "style": {"Size:": " 1.25 Ounce (Pack of 24)", "Flavor:": " Taco"}, "reviewerName": "Orchid Lover", "reviewText": "I have been purchasing this at my local grocery store but they don't always have it in stock. I haven't tried other brands but this seems to as good as, or better, than the seasoning used at the local restaurants. I use it to make taco salads.", "summary": "I love it!", "unixReviewTime": 1365638400} +{"overall": 1.0, "verified": true, "reviewTime": "03 29, 2018", "reviewerID": "A9SXQ36MXY6H7", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "Robert ClickmBear", "reviewText": "I will never purchase this product again...", "summary": "Not a good experience...", "unixReviewTime": 1522281600} +{"overall": 2.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "AF1QQ4PU31SHV", "asin": "B000X1Q1G8", "reviewerName": "Charm addict", "reviewText": "Very distasteful for me. You might like it.", "summary": "Distasteful", "unixReviewTime": 1429056000} +{"overall": 2.0, "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "A13BIT250NNKN2", "asin": "B000ZDKU6G", "style": {"Size:": " 10", "Flavor:": " Teriyaki"}, "reviewerName": "RM", "reviewText": "Long time Ostrim fan, yet another box of jersey that is too tough to chew! I miss the old stuff", "summary": "Long time Ostrim fan, yet another box of jersey ...", "unixReviewTime": 1492128000} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A1IRN1M05TPOVT", "asin": "B000EVN2ZK", "style": {"Flavor:": " Original Gold-Bears"}, "reviewerName": "Sherry's pretty cards", "reviewText": "I like gummy bears. I have bought store brands, but they don't come close to Haribo gummy bears. I like them so much I put them on my continuous order!", "summary": "Haribo Gummy Bears", "unixReviewTime": 1386288000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2017", "reviewerID": "A13S7QN92OD6WB", "asin": "B0000DIYWO", "style": {"Size:": " 1 Pound"}, "reviewerName": "Rose648", "reviewText": "These are yummy and worth the wait to get them", "summary": "Five Stars", "unixReviewTime": 1499990400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A29CZOG7AIVN4Z", "asin": "B000CQ01NS", "reviewerName": "Kristen", "reviewText": "Hands down the best Mac and cheese we've ever had", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A33R6E26PX9WU3", "asin": "B000GW0U9I", "style": {"Size:": " 3.25-Ounce Bags (Pack of 4)", "Flavor:": " Beef"}, "reviewerName": "Ryan G", "reviewText": "Well Priced and delicious. Way cheaper than grocery stores.", "summary": "Yum", "unixReviewTime": 1424908800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 4, 2011", "reviewerID": "A3E80PH1O0VURX", "asin": "B000CQID74", "style": {"Size:": " 100 Count"}, "reviewerName": "R. Cummings", "reviewText": "This tea by Stash Tea is slightly sweet all by itself, has a wonderful floral note to it with a nice aroma. Great as iced tea or for sitting sipping hot tea by the fire on a rainy day. I might add that this is a great favorite of mine for nursing a cold or sore throat.", "summary": "Wonderful soothing floral notes tea.", "unixReviewTime": 1320364800} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A23YPCAHAAFVXE", "asin": "B000KENKXA", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "Tahanage", "reviewText": "Add sugar and corn and jalapeno and it'll be southern-style goodness! The recipe on the package was spot on with regards to measurements. I poured the mix in a large muffin tin--very good!", "summary": "Nice consistency. Needs more flavor.", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A3T56TJLKL5ORF", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Michelle Robin", "reviewText": "Tasty and fresh", "summary": "Good walnuts", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A1876VJX1DFOSX", "asin": "B0000W0GQQ", "style": {"Size:": " 32 Ounce"}, "reviewerName": "TeacherLady", "reviewText": "Great quality!", "summary": "Five Stars", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A104F3NWPM7QT5", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "MaryD", "reviewText": "Excellent. Just what I was looking for.", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2017", "reviewerID": "A1N6IEP7LWBK8O", "asin": "B000E1BL5S", "style": {"Size:": " 18 count(pack of 1)", "Flavor:": " Heart Healthy Mix"}, "reviewerName": "David Lewis", "reviewText": "Love them", "summary": "Five Stars", "unixReviewTime": 1502409600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A1Q70VPIGU5E9L", "asin": "B000Y8Y5F4", "reviewerName": "walter bergamaschi", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A1040DBSDAUKBH", "asin": "B000NBWO1E", "style": {"Size:": " 16.5 Ounce (Pack of 6)", "Flavor:": " Dark Chocolate Sauce"}, "reviewerName": "Michael Hopwood", "reviewText": "It's nice that these don't require refrigeration. I keep a bottle in a drawer at work. The chocolate flavor isn't the very best, but definitely fine for use in drinks.", "summary": "It's nice that these don't require refrigeration", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": false, "reviewTime": "02 3, 2016", "reviewerID": "AO973I9PBYW6P", "asin": "B000WR2OF0", "reviewerName": "Kate", "reviewText": "I use these in a mix of seeds I mix ahead of time and save and sprinkle on my salads. Arrived quickly and well packed. Taste fresh.", "summary": "I use these in a mix of seeds I mix ...", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A6FFN2CEZARF9", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "Shyla", "reviewText": "I love this tea! I will definitely be buying more", "summary": "Great tasting!", "unixReviewTime": 1407801600} +{"overall": 3.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A24LMKUQHTGHKX", "asin": "B000EDK5LM", "reviewerName": "P. Robbins", "reviewText": "There is nothing wrong with this product - good quality I just discovered that I have problems with Gluten. I was making a low carb bread with this product. :(", "summary": "flour", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A1L4OETUSSGIWJ", "asin": "B0010OQQ2Q", "style": {"Size:": " 1.5 Oz"}, "reviewerName": "Llewellyn Fauls", "reviewText": "Tasty. Will try again. ... and I'm a chef and former successful restaurant owner.", "summary": "Yum!", "unixReviewTime": 1516924800} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A2T7X252H9762R", "asin": "B0000CFH7B", "style": {"Color:": " Gold"}, "reviewerName": "Lisa", "reviewText": "It smelled like rust-oleum. I had to spray the cake in the garage. After all that messing around the paint did not stick to the side of the cake. Gross", "summary": "Gross", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A1YK9VABYRU6NB", "asin": "B000HG84E6", "reviewerName": "Erik Nordquist", "reviewText": "Chewy, tasty. and you get quite a lot of them. Good to pack into lunches, or just take in your pocket... or heck, one would practically fit in your wallet.", "summary": "Very nice", "unixReviewTime": 1396310400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2015", "reviewerID": "A8QR8Z1TEVNOI", "asin": "B0010Y6QBC", "style": {"Size:": " 200ct Tablets"}, "reviewerName": "Pamela G. Richards", "reviewText": "This is part of my daily routine.", "summary": "Five Stars", "unixReviewTime": 1448496000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A2MO61S16AMEMZ", "asin": "B000M56BS8", "style": {"Size:": " 46 Ounce", "Flavor:": " Fair Trade Raw"}, "reviewerName": "Elice", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A22X2Q7FCGLBJZ", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Shazamtc", "reviewText": "great price", "summary": "Five Stars", "unixReviewTime": 1475020800} +{"overall": 4.0, "verified": false, "reviewTime": "06 13, 2013", "reviewerID": "AKJTRAY8L32YM", "asin": "B00117YT4Y", "style": {"Size:": " 4lb", "Flavor:": " French Vanilla"}, "reviewerName": "C. Medeiros", "reviewText": "I was so happy to find this at this price on amazon! It is one of the few protein pores without artificial sweeteners in the market, I love it!", "summary": "Great natural product", "unixReviewTime": 1371081600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A1V40GO9BU6OVL", "asin": "B000MHCDWO", "style": {"Size:": " 16 Ounce"}, "reviewerName": "Jeffrey L.", "reviewText": "These are delicious are arguably darn good for ya! Try 'em out...a lot more interesting than regular almonds.", "summary": "Delicious...and they go great with IPA!", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A7FUJNOPGAUUD", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Organic Peppermint"}, "reviewerName": "Deborah Ford", "reviewText": "I really like this tea and this was a great price .", "summary": "I really like this tea and this was a great price", "unixReviewTime": 1437177600} +{"overall": 4.0, "vote": "7", "verified": true, "reviewTime": "09 3, 2010", "reviewerID": "A3AEU9ZK2HGLJ5", "asin": "B001269FMU", "style": {"Size:": " Attic Aged Uncooked Half Ham 7 to 8.5 lbs."}, "reviewerName": "Jim", "reviewText": "Good Product, As Advertised - You might consider soaking for a day as the ham is very salty.", "summary": "Good Product.", "unixReviewTime": 1283472000} +{"overall": 3.0, "verified": true, "reviewTime": "12 6, 2015", "reviewerID": "A1IY04M89YDT17", "asin": "B0000CDBPT", "style": {"Size:": " Qty. 4 - 2 oz. Bottles", "Flavor:": " Variety Pack"}, "reviewerName": "Mike", "reviewText": "I doubt Chef Paul had anything at all to do with these spices. They are surprisingly bland and all taste the same. You will literally get a much better result merely using sea salt and fresh ground pepper.", "summary": "Disappointing", "unixReviewTime": 1449360000} +{"overall": 3.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A1V8K06OE0G1IV", "asin": "B000SANSSS", "style": {"Color:": " South African Rooibos"}, "reviewerName": "S. DeMott", "reviewText": "I ordered this to try it out and was rather disappointed. I thought it was supposed to have a \"sweeter\" taste and it was rather bitter. Maybe I steeped it too long?", "summary": "rather bitter", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2017", "reviewerID": "AS82UNO4RPQBP", "asin": "B000G7TBUW", "style": {"Size:": " 40oz", "Flavor:": " Mini Pretzels Canister"}, "reviewerName": "P. Chesterson", "reviewText": "Pretzels were fresh and good.", "summary": "Five Stars", "unixReviewTime": 1508198400} +{"overall": 1.0, "vote": "8", "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "ATXCSL6S7S86D", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "errin rissberger", "reviewText": "This was my second jar of this honey and it was as hard as a rock and when stirred the giant white clumps could not be smoothed out. We are not sure what it was but it did not resemble the first jar of honey in any way.", "summary": "This was my second jar of this honey and it ...", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A3K6OFBZ5M21Z", "asin": "B000N5YM10", "reviewerName": "rosegardener", "reviewText": "Love this stuff! So happy to find it ground.", "summary": "Great for my tummy", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": false, "reviewTime": "07 18, 2016", "reviewerID": "A1YYBHHV9ALB3P", "asin": "B000L3TYF8", "reviewerName": "Silvia wadud", "reviewText": "I bought it few days ago,it is amazing,the smell will fill you up,I love it and I'll buy more.", "summary": "Must buy", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": false, "reviewTime": "06 29, 2015", "reviewerID": "A1EVI6ADM3EAEE", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Sally", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "A10ETB3064YV0F", "asin": "B000IXUK8G", "style": {"Style:": " Peanut Butter Cups - 36 Count"}, "reviewerName": "Amazon Customer", "reviewText": "If it's a hot day, try to be there when they deliver these and put them in the fridge or freezer right away! Mine were a tiny bit melted because I'd let them sit out.", "summary": "Get 'em in the freezer right away", "unixReviewTime": 1400803200} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A2SN0K23N53UTY", "asin": "B0014EOU1G", "reviewerName": "MAJK Organization, Inc.", "reviewText": "Slightly bland tasting. I know it has to be for the public, but I wish it had more flavor.", "summary": "Four Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2013", "reviewerID": "A3G8WB9BW1JDQE", "asin": "B000V992TU", "reviewerName": "Roz", "reviewText": "i'm a big fan of dark chocolate so this was perfect. very glad to have found this online since the dark chocolate one isn't always available", "summary": "delicious!", "unixReviewTime": 1383264000} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A2GPNKLX0O1VXN", "asin": "B0005XNHMK", "reviewerName": "thinktwiceandthinkagain", "reviewText": "a", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A2KZKFAJ1NLVJM", "asin": "B00061EOVO", "reviewerName": "K. Thomas", "reviewText": "Love it.", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A2YX05XT8ZKPV9", "asin": "B00060OHZS", "style": {"Size:": " 1 pack"}, "reviewerName": "Scott", "reviewText": "Gave as a gag and recepient loves it.", "summary": "Five Stars", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "A2YX5H1LW6RIWM", "asin": "B000WR4PKW", "reviewerName": "tryhealth", "reviewText": "I like Frontier because they have no propylene glycol in their flavorings. And it tastes good, too.", "summary": "Five Stars", "unixReviewTime": 1417392000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "ALLRYB56JR68S", "asin": "B0011FJKK4", "style": {"Flavor:": " Tiger's Blood"}, "reviewerName": "Snowyone", "reviewText": "This is the very best tiger's blood snow cone syrup sold! It's amazing and we totally love it!", "summary": "The best Tiger's Blood snow cone syrup out there! Worth the price!!", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2013", "reviewerID": "ADK6KJS8S8F3E", "asin": "B00112EMWS", "reviewerName": "Darrell", "reviewText": "I bought this tea for my wife, and she took it to work and everybody loves it. So not sure what more to say about this product.", "summary": "Very good tea....", "unixReviewTime": 1360281600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 17, 2011", "reviewerID": "A11EYRFPNZARNA", "asin": "B000FIXYDC", "reviewerName": "cjgoober", "reviewText": "This whole transaction went through without a hitch. It was excellent and I received my order very quickly. We love the spam spread and we found it cheaper on-line than we could find in our local stores. If you like Spam, you will love the spam spread.", "summary": "Spam Spread", "unixReviewTime": 1302998400} +{"overall": 3.0, "verified": false, "reviewTime": "05 26, 2017", "reviewerID": "AY9PD4S7IABEK", "asin": "B0010O8PRA", "style": {"Size:": " Twelve-Pack", "Style:": " Hawaiian Sweet"}, "reviewerName": "Renee", "reviewText": "I like this, but it does seem to be a bit doughy in my breadmaker on regular bake. I use the 1.5 lb loaf. Might try it on dark next time . Still is tasty", "summary": "I like this, but it does seem to be a ...", "unixReviewTime": 1495756800} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1GQDI678IEYUT", "asin": "B000CQIDHY", "style": {"Size:": " 100 Count"}, "reviewerName": "RichFinTX", "reviewText": "English Breakfast is a mellow, great-tasting tea. Stash tea = quality.", "summary": "Stash = Quality Tea", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A3PWCVXCSINCS", "asin": "B000E1FZHS", "style": {"Size:": " 34.5 Ounce(Pack of 2)", "Flavor:": " Honey Roasted Peanuts"}, "reviewerName": "g#####", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A1CVJV5KCZNQRK", "asin": "B000ZM6BME", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "szusz1962", "reviewText": "really helps when I have a cold.", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"reviewerID": "A1LP0I69SPY2DT", "asin": "B000F4DKAI", "reviewerName": "heidi ridlon", "verified": true, "reviewText": "Really like the peach flavor..It makes a nice quick glass of ice tea with out all the wait..but also would be really good if put in a gal of suntea for the flavor. A great product", "overall": 5.0, "reviewTime": "05 4, 2013", "summary": "Flavored Ice Tea", "unixReviewTime": 1367625600} +{"overall": 1.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "AMGU52RNI2W71", "asin": "B000LKZ0R2", "reviewerName": "Calgal", "reviewText": "After reading the reviews, I thought oh boy, these should be good. Well, I was very disappointed. They are nothing but bland tasting tortilla chips. I would have been better off getting a bag of the $2.00 brand at the supermarket.", "summary": "NOT CORN CHIPS BUT TORTILLA CHIPS. Very bland.", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A356V3JU6LGGBT", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Very Very Cherry"}, "reviewerName": "Momma Drama", "reviewText": "My Daughter can't have red dye...This allows her to have a red yummy Lollipop without all the yuck she can't have!", "summary": "Great for Valintines!", "unixReviewTime": 1361923200} +{"overall": 2.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A2HTRCCKDDRFB0", "asin": "B000LKZ9WS", "reviewerName": "sctraveler", "reviewText": "I find it great for savory flavors such as pepperoni and cheese added, but not sweet enough when you put fruit in it. I had to add Splenda to sweeten it up.", "summary": "Disappointed with taste", "unixReviewTime": 1373500800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2017", "reviewerID": "A2YWMVKMPP6WMH", "asin": "B000E46GGO", "reviewerName": "momofthree", "reviewText": "Tastes like real food, not chemicals. No HFCS or even corn syrup!", "summary": "Five Stars", "unixReviewTime": 1508112000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A1NO6YB8NV6LTG", "asin": "B000CRIUNU", "style": {"Size:": " 12 Ounce (Pack of 6)", "Flavor:": " Vanilla Almond Crunch"}, "reviewerName": "Robin Espy", "reviewText": "This stuff is yummy sprinkled on top of Greek yogurt.", "summary": "Five Stars", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A9SKU9NYWI639", "asin": "B000AXQI0S", "reviewerName": "Sebastinalatina", "reviewText": "Love their products. Have been using them for years.", "summary": "Tastes great for coffee & baking", "unixReviewTime": 1515456000} +{"overall": 2.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A2KCO9Z6HVKVX6", "asin": "B000FFPXF2", "reviewerName": "Cori Martin", "reviewText": "Yuck.", "summary": "Two Stars", "unixReviewTime": 1423440000} +{"reviewerID": "A2P7OUR0PYBD5J", "asin": "B000F4DKAI", "reviewerName": "BOB / MAINE", "verified": false, "reviewText": "Nice taste and well package , I would drink this daily , love-it !!!!!", "overall": 5.0, "reviewTime": "04 27, 2017", "summary": "WONDERFUL FLAVOR !!!", "unixReviewTime": 1493251200} +{"overall": 2.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A10L7MLDF7ZEOO", "asin": "B000CFLBEM", "reviewerName": "Susan C", "reviewText": "Honestly did not enjoy them. Had like a plain taste to them. Very dry taste. Harder than most crackers. Not as much taste to them compared to regular saltines.", "summary": "Honestly did not enjoy them. Had like a plain taste to them", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "A39R3ZIVJJBOEF", "asin": "B000F4DK9Y", "style": {"Size:": " 3.53 Ounce", "Flavor:": " Prince of Wales"}, "reviewerName": "nhlulu", "reviewText": "This is my all time favourite blend. It's a nice mild, non-biting blend that is richly aromatic and just offers an overall sense of well being when you sit down with a cup and inhale the soft aroma before sipping. It's velvet on the tongue. Mmmmmm!", "summary": "Luxury in a cup.", "unixReviewTime": 1520380800} +{"overall": 4.0, "verified": true, "reviewTime": "11 8, 2013", "reviewerID": "A1OG07N4UW1W", "asin": "B000WL167S", "style": {"Size:": " 8 Count Packages (Pack of 5)", "Flavor:": " Wintergreen"}, "reviewerName": "Ken", "reviewText": "Good product, but like many products with this type of sweetener, you need to watch how many you eat. They can cause some stomach/gastric irritation.", "summary": "Good product, but the sweetener can be a problem for some", "unixReviewTime": 1383868800} +{"reviewerID": "A1QU9S2PKRX8R0", "asin": "B0006SDRRE", "reviewerName": "Daryl Lyn", "verified": true, "reviewText": "THE BEST tea ever! You have to like cinnamon though...", "overall": 5.0, "reviewTime": "12 12, 2016", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"reviewerID": "A1I6RA3Q09IR9Z", "asin": "B000WJNX3A", "reviewerName": "Phil Geusz", "verified": true, "reviewText": "Delicious, yummy stuff; Harney's own description of the flavor (above) would be hard to improve upon. The fragrance is pretty wonderful, too. I'm very glad I tried this, buy it by the pound now, and suspect I'm hooked for life.", "overall": 5.0, "reviewTime": "06 9, 2016", "summary": "Probably Hooked for Life", "unixReviewTime": 1465430400} +{"overall": 3.0, "verified": true, "reviewTime": "05 12, 2013", "reviewerID": "A3SP278ZCBNAX0", "asin": "B000Z45RL8", "reviewerName": "barbara", "reviewText": "we only tried these once , they are okay if you have a small piece at a time! we won't get em again .", "summary": "sweeeet !", "unixReviewTime": 1368316800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A3JXARXF2KGBIS", "asin": "B00061ETX2", "style": {"Size:": " Twin Pack", "Flavor:": " Creamy"}, "reviewerName": "choosyfloosy", "reviewText": "very good brand for a very good price. another good buy at amazon shipped to the door.", "summary": "very happy with this purchase", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "AZHI3I2H6FFL8", "asin": "B0010SEVWO", "reviewerName": "Amazon Customer", "reviewText": "Fresh and delicious. Highly recommend!", "summary": "Highly recommend!", "unixReviewTime": 1452643200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A36CVQ9VUBA30U", "asin": "B000WS3APW", "style": {"Size:": " 1-Pack"}, "reviewerName": "HCG Diet Lover", "reviewText": "Following the HCG protocol and going organic. Lowest price and fast shipping", "summary": "Buy it", "unixReviewTime": 1445731200} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "AOJKBVC9NBXRX", "asin": "B000NE6H82", "style": {"Size:": " 20 count", "Flavor:": " Fruit Punch, 20 Count"}, "reviewerName": "Keith M. Young", "reviewText": "Great product", "summary": "Four Stars", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A3F83O6CGP7T6F", "asin": "B0017WO2JK", "reviewerName": "Hank Pearson", "reviewText": "Great tea!", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 3.0, "verified": true, "reviewTime": "09 20, 2012", "reviewerID": "AMZTJYL4KTXI4", "asin": "B000IXRF6Q", "reviewerName": "Deborah C.", "reviewText": "I love this product but many of the patties arrived squished and leaky. Maybe they were place too close to some heat source. I have ordered the patties before without any problem, however.", "summary": "Great Product but Problem with Delivery", "unixReviewTime": 1348099200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "AH44OH1N0HJBL", "asin": "B000168QTU", "style": {"Size:": " 20 Count", "Flavor:": " Jammin Lemon Ginger"}, "reviewerName": "Amazon Customer", "reviewText": "Tastes great", "summary": "Nice lemon flavor", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": false, "reviewTime": "11 6, 2016", "reviewerID": "A2NYOY6H42SORF", "asin": "B0000CDBPT", "style": {"Size:": " 7 Pack", "Flavor:": " Variety Pack"}, "reviewerName": "D. Hardingham", "reviewText": "one of the best spices on the planet and if do not have then you need to get this", "summary": "one of the best spices on the planet and if do not have ...", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2018", "reviewerID": "AZ054FR89258K", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "plus ultra mega", "reviewText": "it's so smooth and delicious i always have it beside my bed in case i can't sleep and it's amazing cold with honey", "summary": "the bomb", "unixReviewTime": 1515110400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2C2VRMIZ3NPEW", "asin": "B000GAT6NG", "style": {"Size:": " 54 Ounce"}, "reviewerName": "Kathy Johnson", "reviewText": "I think this organic coconut oil is great and it has many uses! Fast shipping!", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 3.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A20JTOU8SLNW1X", "asin": "B000O9WEY2", "reviewerName": "Michael Avre", "reviewText": "I like them", "summary": "Three Stars", "unixReviewTime": 1432166400} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A27892SLJEY1OG", "asin": "B000ED9LIU", "style": {"Size:": " 12 oz (Pack of 4)"}, "reviewerName": "Dr. Karen Saucier Lundy", "reviewText": "Smell a little rank but we are using it.", "summary": "Four Stars", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A1YQ1RRZJK3D8S", "asin": "B000E1BLOO", "style": {"Size:": " 3.4 Ounce (Pack of 6)", "Flavor:": " Banana Cream"}, "reviewerName": "bhornet_1046", "reviewText": "You can never go wrong with the brand name JELL-O. Been a favorite for more than 50 years.", "summary": "Been a favorite for more than 50 years", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A1DV3RKNF9JW9I", "asin": "B000UCOQV2", "style": {"Size:": " 12/32 fl. oz. Wide Mouth Case"}, "reviewerName": "James Venneberg", "reviewText": "Great Blackstrap Molasses.", "summary": "Great Tasting Molasses.", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2012", "reviewerID": "A2ZRLD9B37E6F6", "asin": "B000HDMXGO", "style": {"Size:": " Pack of 1 - 5 oz", "Flavor:": " Orange"}, "reviewerName": "L. Johnston", "reviewText": "This happens to be one of my favorite Chimes ginger chews. I really like the orange flavor combined with the ginger. I keep these at home and at the office to share.\nCompany is very good at providing a speedy deliver,.", "summary": "Love it!", "unixReviewTime": 1330819200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "AKAIBXQSVR9EL", "asin": "B000168QTU", "style": {"Size:": " 2 Pack", "Flavor:": " Country Peach Passion"}, "reviewerName": "toushoes", "reviewText": "One of my top 3 flavors. Herbal, caffeine free, tastes sensational : what more could you want?", "summary": "Five Stars", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A39H9V09JOTPTB", "asin": "B000EDG598", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "L J BRUSS, D.O.", "reviewText": "Worked great in Mom's German crescent cookie recipe with significantly less work. I will definitely use this product again! Thank you very much!", "summary": "Worked great in Mom's German crescent cookie recipe with significantly less ...", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": false, "reviewTime": "01 31, 2015", "reviewerID": "A10CENZI5NNMJ3", "asin": "B000HTJPRI", "style": {"Size:": " 1 Liter (Pack of 2)"}, "reviewerName": "BKW", "reviewText": "Just as described and quality product!!", "summary": "Five Stars", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A3MF3LOKINNU2K", "asin": "B0016AZGM0", "reviewerName": "Tonya M", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1FIGI01DYFDOD", "asin": "B000X3TPHS", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Janet Gutierrez", "reviewText": "My grandson says they are yummy", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 3.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A1GTSEGAXWRSO8", "asin": "B0000DIYVM", "style": {"Size:": " 1 Pound"}, "reviewerName": "AlwaysTruth#1", "reviewText": "Not that pleased with the package of licorce, seems to go stale swiftly. I believe the Scottish one are better and softer. To sugary.", "summary": "They are ok not the Best!", "unixReviewTime": 1479945600} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A129D1PUJHOEKN", "asin": "B000WW2M8Y", "reviewerName": "Joseph", "reviewText": "Kinda dry and expensive", "summary": "Three Stars", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A1Z2W2Q1HC1T4E", "asin": "B000ZEIR6U", "style": {"Size:": " 8 Ounce"}, "reviewerName": "michele ascunsion", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A1S46ZQ2S4370Q", "asin": "B000HVX6NK", "reviewerName": "Mturk28", "reviewText": "This is the 2 time that I buy this sea wead, good flavor and a light and easy snack .", "summary": "Loved", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A1BZLRB8M993HX", "asin": "B000GAWH4G", "style": {"Size:": " 8-oz. extract"}, "reviewerName": "John Paul", "reviewText": "Been using this stuff for years, it's absolutely been great. I'd use this over any other brands (I don't want to mention them). This is far better", "summary": "Best!", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2017", "reviewerID": "A1B451SVFGY2RU", "asin": "B00112O8NG", "reviewerName": "Amazon Customer", "reviewText": "This is so yummy in my coffee. Cannot beat the price!", "summary": "YUMMY YUMMY YUMMY!", "unixReviewTime": 1496016000} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A3GHIJT06TT839", "asin": "B00112O8NG", "reviewerName": "24paws", "reviewText": "It tastes great and can be added to so many things. I add it to diet drinks for added flavor and its great.", "summary": "This is good stuff.", "unixReviewTime": 1385683200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A1LIR3I1OI7Z0O", "asin": "B000HDJXLW", "reviewerName": "kathleen brunetti", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2014", "reviewerID": "A2VKEM1PP00MZN", "asin": "B0009F3PM6", "style": {"Size:": " 6 Pack", "Flavor:": " Organic Dandelion Root"}, "reviewerName": "N. Josephs", "reviewText": "Earthy yet sweet tasting tea.", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "ACP7EB91850F2", "asin": "B0009RVFJE", "reviewerName": "josie", "reviewText": "Exactly what I needed for my wasabi vinaigrette! Delicious!", "summary": "Great staple to have around!", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A2HOJT3VTBP72B", "asin": "B000X3TPHS", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "Kindle Customer", "reviewText": "very addictive but loaded with too much corn syrup", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A1S3CZRIPURGBN", "asin": "B0011BPMUK", "style": {"Size:": " 3 lb"}, "reviewerName": "D.R.", "reviewText": "Great salt. Better for you than regular table salt, and brings out the flavor better, and I use less.", "summary": "Good stuff", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A25GNVNJR57X23", "asin": "B0017JARAG", "reviewerName": "Clay", "reviewText": "As far as pickled hot dogs go, this is really good.", "summary": "this is really good.", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A2OKZXVQ3PA3YI", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "Steven G", "reviewText": "Good stuff.", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A6R3QUUVZDS1K", "asin": "B000F6UX8I", "style": {"Package Quantity:": " 1"}, "reviewerName": "Stacie Erickson", "reviewText": "This may be one of my new favorite teas. I love it and the flavor is great.", "summary": "Five Stars", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2011", "reviewerID": "A146FQUETL3JET", "asin": "B0001ES9FI", "style": {"Size:": " 16ct (Pack of 6)", "Flavor:": " Espresso"}, "reviewerName": "Mary A. Tilley", "reviewText": "Excellent product. In my opinion, the best of the Senso coffee blends. I will continue to purchase this product as long as it's available.", "summary": "Expresso Pods", "unixReviewTime": 1317859200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2011", "reviewerID": "A1FOKG3009RCFK", "asin": "B000DZDJ0K", "style": {"Size:": " 24 ounce (Pack of 6)", "Flavor:": " Baking & Pancake, 24 Ounces (Pack of 6)"}, "reviewerName": "Cathie Self", "reviewText": "I have Celiac Disease and this is the single best thing I have found the last 2 years, since diagnosis! I can susbstitute this for the dry ingredients in ANY dessert recipe and it comes out just the same as if made with regular flour. Love it, love it!", "summary": "Amazing is a good word for it!", "unixReviewTime": 1294704000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2016", "reviewerID": "A295N1B9J9LH6S", "asin": "B0015DGDR0", "reviewerName": "Marie Benz", "reviewText": "I give these as little treats to the everyday people who make my life easier (gas station guy, lawn mower people, various secretaries etc). Always seem appreciated.", "summary": "Multiple re-orderer!", "unixReviewTime": 1475971200} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A28A0A6EDMP5P8", "asin": "B000XBCBW6", "reviewerName": "oceanshaman", "reviewText": "I eat these daily for Omega 3 oil. Well worth the price. One of the healthiest nuts you can choose.", "summary": "beautiful quality... huge and delicious", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2013", "reviewerID": "AANK2MZ64W33E", "asin": "B000TK6LBS", "style": {"Size:": " 50 Count", "Flavor:": " Caribou Blend"}, "reviewerName": "my3freaks", "reviewText": "This is a great everyday coffee. Even better that it's eligible for subscribe and save. Save a little money, and have it delivered right to my front door every month in a 72 count box is great!", "summary": "I love this coffee!", "unixReviewTime": 1363737600} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2012", "reviewerID": "A3QX5GVGVFXOUA", "asin": "B001181NBA", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "gmaikwia", "reviewText": "Bionutritional Power Crunch Bars, 12 Bars are a great buy for the price. They deliver a balance of protein, carbs, and fat for a healthy meal or snack.", "summary": "Bionutritional Power Crunch Bars", "unixReviewTime": 1331424000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A3PYMEHB75RNXK", "asin": "B000GFYRK8", "style": {"Flavor:": " Cozy Chamomile"}, "reviewerName": "Amazon Customer", "reviewText": "use it every day good flavor relaxing", "summary": "Five Stars", "unixReviewTime": 1443312000} +{"overall": 4.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "A1VZSGPRNXXK19", "asin": "B0014GPSKQ", "reviewerName": "Ruch", "reviewText": "An average banana.", "summary": "Four Stars", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A1L8BSEO2GZE1Y", "asin": "B000CFJDWY", "reviewerName": "S. Kelly", "reviewText": "My husband thinks he NEEDS crackers and I am trying to eat non GMOs and organic foods so these are a great choice.", "summary": "... non GMOs and organic foods so these are a great choice.", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A2C8PJ1GZ80MNP", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "James H. Wallace", "reviewText": "as a gift .. they always love this !!!", "summary": "they always love this!", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2008", "reviewerID": "A8PU1ATHQNL3T", "asin": "B000F46EOC", "reviewerName": "Dachshund Mom", "reviewText": "Nice selection of nuts. Pretty good value as well. Not too salty - that was a great feature as well. Will feed a good size crowd of people - good for movie nights!", "summary": "Good Stuff!", "unixReviewTime": 1208908800} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A1EF8RI5N5XYD8", "asin": "B000H153AE", "style": {"Size:": " 16 Ounce (Pack of 5)", "Flavor:": " Orecchiette"}, "reviewerName": "mgrande", "reviewText": "Bakes up very well and holds its shape. Tasty.", "summary": "Five Stars", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A1O6QNKW1Q4QEQ", "asin": "B000X3TPHS", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Happy Go Lucky", "reviewText": "Love them, need more variety in flavors. Toddler is getting organic candy. WIN WIN. (Not)", "summary": "Tasty", "unixReviewTime": 1432166400} +{"reviewerID": "A3UTCQ4DI7TZIJ", "asin": "B0014EW4N2", "reviewerName": "Shane K", "verified": false, "reviewText": "Hard to find high-protein on-the-go options. The macro's in these are solid (for canned food). I keep in my desk at work for those special days.", "overall": 5.0, "reviewTime": "01 15, 2014", "summary": "High protein", "unixReviewTime": 1389744000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "11 8, 2012", "reviewerID": "A2Q175NCU8VPO1", "asin": "B000EVN2ZK", "style": {"Flavor:": " Mini Rainbow Frogs"}, "reviewerName": "Jason A. Ball", "reviewText": "These are very tough and chewy and not very flavorful. Very little fruit flavor. Just kind of generically sweet. Bleh. Not up to Haribo's usual high standards!", "summary": "The worst Haribo product I've ever tried...", "unixReviewTime": 1352332800} +{"overall": 3.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "AC4LFMZ1VWWGJ", "asin": "B0014DV48O", "reviewerName": "Kindle Customer", "reviewText": "These bars were ok. I have purchased them at the local convenience store and thought they were wonderful. These did not seem as fresh.", "summary": "Snickers", "unixReviewTime": 1363219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A178I8HN4SATJS", "asin": "B0014DXL44", "style": {"Size:": " 24-Ounce", "Flavor:": " 24 Ounce"}, "reviewerName": "JaniceC", "reviewText": "As advertized", "summary": "As advertized", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A10RK9I31ROFT8", "asin": "B000JMAVYO", "style": {"Size:": " 4 Pound"}, "reviewerName": "A.K.", "reviewText": "Decent almonds. No problems. Would buy again if they have the best price.", "summary": "Fine with me", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A3Q5JYCXX1LV99", "asin": "B001181NBA", "style": {"Size:": " 12", "Flavor:": " French Vanilla Crme"}, "reviewerName": "Pattie Michele Oja", "reviewText": "These are soooooo good", "summary": "Five Stars", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": false, "reviewTime": "08 24, 2016", "reviewerID": "ASZJBZK6FXFV7", "asin": "B000U0OUP6", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "whoknows", "reviewText": "Good!", "summary": "Five Stars", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2011", "reviewerID": "A10R9LB4QJNG5X", "asin": "B000F3N7AC", "reviewerName": "PamBakNJ", "reviewText": "I use Splenda in everything and love this huge box. I have it in my work office to use with my Keurig when I make coffee or tea. It lasts a very long time and is a great sweetner.", "summary": "The Best!", "unixReviewTime": 1323993600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A2RLXUU1YQHZFD", "asin": "B0015TZAY6", "style": {"Flavor:": " Cinnamon"}, "reviewerName": "IT Professional - Brian", "reviewText": "These were delicious, showed up on time and were not crushed.\n\nI recommend them to everyone especially at this price!", "summary": "I recommend them to everyone especially at this price!", "unixReviewTime": 1440028800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 24, 2017", "reviewerID": "A14BWGUS2O2ZJC", "asin": "B000RA9QIA", "reviewerName": "Kindle Customer", "reviewText": "This stuff is freaking delicious. I order a couple every time just in case the stop selling them. Real pieces of bacon, nice comforting potatoes and cheese sauce.", "summary": "Freaking delicious.", "unixReviewTime": 1485216000} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A2W770L2WMUXKJ", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Blackcurrant Breeze"}, "reviewerName": "Dorothy Suz", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "A2PWB7XW3MI66U", "asin": "B000E3ZFDK", "reviewerName": "Mike Oklahoma", "reviewText": "Was a good price and was a hard to find item we are thrilled to have found it taste great. I recommend this to others, and It received a five star because the packaging and quality was excellent.", "summary": "Great Price Great Meal", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A3V3O5CMTL0LBJ", "asin": "B00117YT4Y", "style": {"Size:": " 4lb", "Flavor:": " French Vanilla"}, "reviewerName": "Jeff Pickels", "reviewText": "This product lasts forever, my whole family loves it and the flavors are great! I have been using this product since 1996 and it is becoming more difficult to find now - thanks Amazon!", "summary": "my whole family loves it and the flavors are great! I have been using this product since 1996 ...", "unixReviewTime": 1410307200} +{"overall": 4.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A124NI9FJI98E", "asin": "B000J41TB6", "style": {"Size:": " 40-Quarts", "Style:": " Instant"}, "reviewerName": "dstaley", "reviewText": "It's good.", "summary": "Four Stars", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A1Q5YA8JMWYXMX", "asin": "B0015UX574", "reviewerName": "TheBigJay", "reviewText": "Surprisingly great!", "summary": "Great", "unixReviewTime": 1473811200} +{"reviewerID": "A3NAGB0S9BO66A", "asin": "B000FRUMBK", "reviewerName": "A good man", "verified": true, "reviewText": "Very very tasty, no chocolate, high protein, low sugar. Pretty idea.", "overall": 5.0, "reviewTime": "08 6, 2016", "summary": "High protein, low sugar, tasty bar", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A1Q3GENVMQ1DSX", "asin": "B000F9XBF2", "style": {"Size:": " 3oz (Pack of 6)", "Flavor:": " Breakfast Treats Original"}, "reviewerName": "margo", "reviewText": "Love these!", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 4.0, "verified": false, "reviewTime": "11 25, 2015", "reviewerID": "AWXIYEU7P0JUI", "asin": "B000U0OUP6", "style": {"Size:": " 16-Ounce Jars (Pack of 4)", "Flavor:": " Unsalted Dry Roasted Peanuts"}, "reviewerName": "Jagdeep Singh", "reviewText": "Nice", "summary": "Four Stars", "unixReviewTime": 1448409600} +{"overall": 3.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A3G3DW0N7HX8Y9", "asin": "B000M7NH8I", "reviewerName": "CAT", "reviewText": "I love the product, but online cost was pricey. I won't buy online again.", "summary": "$$$", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "A1BLJBOHKHEACT", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Camomile"}, "reviewerName": "Sally J. Riley", "reviewText": "Twining has the best teas at lease that is my belief. There is nothing like a good cup og Camonile tea at bedtime.", "summary": "Twining Pure Camomile Herbal Tea. @0 Tea Bag Boxes", "unixReviewTime": 1392422400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A1G0U1R6BFRCTF", "asin": "B000EFPVLY", "reviewerName": "Hatshepsut", "reviewText": "Fresh, crunchy plain cookies...great with Yorkshire Black tea.", "summary": "great with Yorkshire Black tea", "unixReviewTime": 1407888000} +{"overall": 4.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A2R0LI8FCQQGGQ", "asin": "B0009XQSAY", "style": {"Size:": " 4.5 Ounce (Pack of 24)", "Flavor:": " White Chunk Chicken Breast"}, "reviewerName": "Bill", "reviewText": "pricey, but as expected", "summary": "Four Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2013", "reviewerID": "A1AQEQA2OJMIIW", "asin": "B000H5PJYA", "style": {"Size:": " 16 Ounce (Pack of 6)", "Flavor:": " Balsamic"}, "reviewerName": "Sandra S Kamaka", "reviewText": "We really like Balsamic Vinaigrette and it goes fast in my household. Great price and value for pack of 6.", "summary": "Great price and value", "unixReviewTime": 1384473600} +{"reviewerID": "A32KTCEVVJA0OD", "asin": "B000HNHER2", "reviewerName": "Tracy Ann", "verified": true, "reviewText": "Fresh and delicious!", "overall": 5.0, "reviewTime": "01 13, 2016", "summary": "Five Stars", "unixReviewTime": 1452643200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A2TG4GAL20W8ST", "asin": "B000WR8TYK", "reviewerName": "Karen J DeWitt", "reviewText": "Not too grainy. Easy to for my recipes.", "summary": "Fairly priced", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2014", "reviewerID": "A1B1ELLNM0ZXYJ", "asin": "B000FOIYS6", "reviewerName": "sgcjkg", "reviewText": "Just what I was looking for!", "summary": "Mints", "unixReviewTime": 1412467200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "A19Z5S68QHSDMZ", "asin": "B00112O8NG", "reviewerName": "LTCHook", "reviewText": "I have a shave ice machine at home. It shaves the ice into a cup and then I pour the sugar free syrup into the soft snow ice. It makes for a refreshing calorie free drink good for people watching their waists or for diabetics. Tasty product.", "summary": "Hawaiian Shave Ice", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A3IWROGXR8R5T", "asin": "B000FA8SH2", "style": {"Size:": " Pack of 3"}, "reviewerName": "MountainJim", "reviewText": "Yummy", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A2WL17COZQXNYL", "asin": "B000EWMI5O", "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1479254400} +{"overall": 5.0, "verified": false, "reviewTime": "03 9, 2017", "reviewerID": "A35Q3T2D8CM8RF", "asin": "B0001DMTPU", "style": {"Size:": " Pack of 1"}, "reviewerName": "Edward L Sitzer", "reviewText": "Kum Kee is Yummy", "summary": "Five Stars", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A2BMJDK9Y35AI5", "asin": "B00004S1C5", "reviewerName": "EMAC", "reviewText": "Gluten-free.", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A37I03BOUFREZ9", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "R Man", "reviewText": "It taste good, maybe it helps. No complaints.", "summary": "Tea", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2017", "reviewerID": "A1S7R5L3739EB8", "asin": "B000OQ4A3S", "style": {"Size:": " 8 Ounce", "Flavor:": " Cacao Powder"}, "reviewerName": "AC", "reviewText": "It's cocoa powder. Lol I don't really know what huge difference cocoa powders have but I like this one. Not a super strong taste and is organic!", "summary": "Good!", "unixReviewTime": 1502236800} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A3OQVQH4HCQEFV", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "El Jaye", "reviewText": "This tastes awful. Maybe a little bit of a honey taste, but not at all like lavender. Yogi has another variety of stress relief tea and that tastes even worse. Apparently we are all stressed tea lovers at the office.", "summary": "Horrible taste stresses me out", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A3FHUB2OVGR89O", "asin": "B000YAES3Q", "reviewerName": "Mamie Coldwater", "reviewText": "Wonderful. I love them. They melt in your mouth.", "summary": "Great puffed mints", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2017", "reviewerID": "A2TD9HKVQNJKK6", "asin": "B000TAZKGK", "style": {"Size:": " 8 Ounces", "Flavor:": " Conventional"}, "reviewerName": "P", "reviewText": "delicious...will buy again", "summary": "Five Stars", "unixReviewTime": 1512086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A3IL4BWW1800QS", "asin": "B0016M14F6", "style": {"Flavor:": " Milk"}, "reviewerName": "kirkjv", "reviewText": "This stuff is supposed to have about the same amount of caffeine as a cup of coffee. It's also taste just like a chocolate bar without any of that weird tasting stuff some of those specialty bars have.", "summary": "Chocolate and caffeine!", "unixReviewTime": 1453593600} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "A2Z5XUE7XMRKN6", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "NHgal", "reviewText": "doesn;t taste like coconut to me.", "summary": "not for me", "unixReviewTime": 1492646400} +{"overall": 3.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A231VLUS0BVDE8", "asin": "B0000CFMU7", "style": {"Size:": " Set of 8", "Style Name:": " 0"}, "reviewerName": "Kimberly L. Shelton", "reviewText": "Use for icing like you're supposed to, not other things. This isn't a drop, it's a gel with a bit of a sour taste, somewhat messy unless I was doing it wrong (possible!). I will buy the drops next time.", "summary": "Use for icing like you're supposed to", "unixReviewTime": 1418688000} +{"overall": 2.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "AZTCDB1AUQXPV", "asin": "B000AXWA0A", "reviewerName": "akcraver", "reviewText": "Very chemically tasting flavors. Yuk!", "summary": "Two Stars", "unixReviewTime": 1414800000} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "AJ5STKPE5EJMB", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Donna Seibring", "reviewText": "good stuff. I added it to banana muffins.", "summary": "good stuff. I added it to banana muffins", "unixReviewTime": 1480636800} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2013", "reviewerID": "A1DV3RKNF9JW9I", "asin": "B000TQBEFK", "reviewerName": "James Venneberg", "reviewText": "Has a good flavor of honey, but it too runny. If there was a way to thicken it up I would give it a 5 stars. As it is when you put it on your biscuit it run off.", "summary": "Good substitute.", "unixReviewTime": 1370044800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A17HKCB9DBWP2H", "asin": "B000AXSG2Q", "style": {"Size:": " For 64oz Bottles"}, "reviewerName": "A.M.", "reviewText": "It fits my Torani Sugar Free Caramel sauce perfectly.", "summary": "Torani sauce pump works great on my Torani sugar free caramel sauce I use for coffee drinks.", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A3F7PXPK94E9PN", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Jeanne Perry", "reviewText": "Wonderful , makes applesauce taste so good.", "summary": "Best price for organic", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A29VNBB2RLQJ7U", "asin": "B000ECUGBC", "style": {"Package Quantity:": " 1"}, "reviewerName": "Ronald Oveson", "reviewText": "Great Job", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 4.0, "verified": false, "reviewTime": "03 11, 2016", "reviewerID": "A7S9KG6EM7W48", "asin": "B0001LO3FG", "style": {"Size:": " 50 Count", "Flavor:": " English Breakfast"}, "reviewerName": "Jack Berry", "reviewText": "Good, but not quite the very robust flavor I was looking for.", "summary": "Not super robust", "unixReviewTime": 1457654400} +{"overall": 4.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A1BSU6ML7QQC8F", "asin": "B0005XNXBU", "reviewerName": "David R.", "reviewText": "Good sauce, great price", "summary": "Four Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2018", "reviewerID": "A3QJMDSZ7J1X9R", "asin": "B000PDY3P0", "style": {"Size:": " 6-Ounce Portion Packs (Pack of 24)"}, "reviewerName": "@krista26.2", "reviewText": "Yum! Don't need to use entire salt packet but otherwise is great! Tastes better than at the movies according to my kids!", "summary": "Better than at the movies!", "unixReviewTime": 1518393600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A3GUNEINK3GRDV", "asin": "B000GZSDZI", "reviewerName": "Lizzie", "reviewText": "it does whip when very cold (drain the bottom liquid), makes great curry potatoes, nice in smoothies, spoonful in avocado half with Lemon Pepper on it is also yummy...", "summary": "great ingredient", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A1KU1JY8RQJMLK", "asin": "B000WLGCPY", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "Mint Julip", "reviewText": "Of course you expect the best from Bob's, but to get shipping through prime and at an excellent price, fabulous.\nI use a lot of these oats to make granola and between the oats and prime, the price point is much better than purchasing through the grocery store!!", "summary": "Excellent oats!", "unixReviewTime": 1394841600} +{"overall": 2.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A3ECPGYIEKDUVU", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Angie", "reviewText": "Wasn't clear this was in a plastic jar. Why sell raw honey in plastic?", "summary": "Two Stars", "unixReviewTime": 1464998400} +{"overall": 1.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A2IGXQRZK89B47", "asin": "B0005XNXBU", "reviewerName": "Michele", "reviewText": "This tastes good, when it was priced at a value price, but not at 5.99 a jar!!?? What's going on? Fleecing the customers again...I would sooner make my own than pay that ridiculous amount! Which I am about to do right now!!", "summary": "5 stars when less than 2 dollars a jar, one star at 6 dollars a jar", "unixReviewTime": 1432598400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A1SQCZUG3YC3PB", "asin": "B001200URK", "reviewerName": "B E @ Aberdeen", "reviewText": "They come frozen! I never knew that.\nWhen thawed perfectly fresh!", "summary": "Frozen to fresh, EXCELLENT", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A3OM3NO5CHJ13K", "asin": "B0007KNXAC", "reviewerName": "Adrianna M. Hamilton", "reviewText": "we like this!", "summary": "Five Stars", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2015", "reviewerID": "A1B3NR6MYGW3XT", "asin": "B000HTJPRI", "reviewerName": "Ron UNITED STATES MARINE", "reviewText": "Extremely good Olive Oil for the money", "summary": "Five Stars", "unixReviewTime": 1423267200} +{"overall": 5.0, "verified": false, "reviewTime": "03 15, 2016", "reviewerID": "A3BN5AT8D7EQ4G", "asin": "B0016MN9G8", "style": {"Size:": " TUB - 180ct"}, "reviewerName": "Jasmine Curtis", "reviewText": "The most twisted candy that I've ever tasted.", "summary": "delicious", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "A329MKE8M4CQKW", "asin": "B000LKVTEA", "style": {"Size:": " 15 Ounce (Pak of 12)", "Flavor:": " Black Beans"}, "reviewerName": "Fred Goodsell", "reviewText": "I bought these because they are one of the few BPA-free beans you can buy in bulk on Amazon in cans. They tasted great!", "summary": "Happy to See BPA-Free", "unixReviewTime": 1401926400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A2VPBOJXK403T8", "asin": "B0001GUQ2K", "reviewerName": "Crafter2", "reviewText": "great quality", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2017", "reviewerID": "AA1EBUGGKK7AG", "asin": "B000E1FZHS", "style": {"Size:": " 2.25 Ounce (Pack of 10)", "Flavor:": " Sea Salt & Vinegar Flavored Peanuts"}, "reviewerName": "Amazon Customer", "reviewText": "Taste good", "summary": "very good", "unixReviewTime": 1483660800} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "AQJLC3TU2XH31", "asin": "B000RUO0FO", "reviewerName": "DMason", "reviewText": "excellent", "summary": "excellent", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": false, "reviewTime": "11 5, 2014", "reviewerID": "A8MC35J03AAB0", "asin": "B000NBWO1E", "reviewerName": "A. Stevenson", "reviewText": "Perfect for any hot drinks during the holidays (or really anytime.) I love it! I do not detect any weird flavors nor any aftertaste. I highly recommend this Pumpkin Spice sauce.", "summary": "Delicous", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A2I9433SKTAF12", "asin": "B000VQDABY", "style": {"Size:": " (30 pack)"}, "reviewerName": "Jeffrey T.", "reviewText": "Great dry noodles! Very similar to pancit canton (filipino dried noodles) but with a splash of spicy thai flavors.", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "ACYQM89M6C9NO", "asin": "B000AXWA0A", "style": {"Flavor:": " Vanilla"}, "reviewerName": "donna presley", "reviewText": "taste great", "summary": "Five Stars", "unixReviewTime": 1439596800} +{"overall": 3.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A1KSC91G9AIY2Z", "asin": "B000GBX1YA", "reviewerName": "RYW", "reviewText": "Not minty enough for me", "summary": "Not that minty", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A3D52XV59ZANPD", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "Chuck", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1435536000} +{"overall": 3.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1HZXES5XSSJUH", "asin": "B000Q5X876", "style": {"Flavor:": " Grape"}, "reviewerName": "Michelle", "reviewText": "Kid didn't care for the taste or texture.", "summary": "Three Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "AGRRQ5J87YLAS", "asin": "B000G82L62", "reviewerName": "Rachel", "reviewText": "My whole family loves this rice. It has a nice nutty flavor. I've been making it pretty often. It's easy to make. It just takes time. It reheats well and I typically will make enough for 2-3 meals at a time.", "summary": "It has a nice nutty flavor", "unixReviewTime": 1421971200} +{"overall": 5.0, "vote": "8", "verified": false, "reviewTime": "05 20, 2008", "reviewerID": "A20WEGZGLW6U9F", "asin": "B00150H2Y6", "reviewerName": "yakoanders", "reviewText": "I love Starbucks Frappucinos but hello? they have more calories than a big mac! So I drink these instead when I need caffenine - they are only 90 calories. I freeze them and then let them thaw out part way so they are slushy. They really are filling like the bottle says.", "summary": "like a 90 calorie frappucino", "unixReviewTime": 1211241600} +{"overall": 5.0, "verified": false, "reviewTime": "10 31, 2014", "reviewerID": "A2CZ79IKGKL8UZ", "asin": "B0009F3PM6", "style": {"Size:": " 6 Pack", "Flavor:": " Organic Dandelion Root"}, "reviewerName": "Amazon Customer", "reviewText": "Good flavor; great for mixing with rooibos and pu-erh for a coffee substitute", "summary": "Five Stars", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A3LTZPEOBI9X5X", "asin": "B0001LO3FG", "reviewerName": "LP", "reviewText": "Very good. Like the large size box. Fast delivery. Good price. Will order again.", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "AY41FEWBT50T3", "asin": "B000HDK0DC", "style": {"Size:": " 30 Ounce", "Flavor:": " Vitamin C"}, "reviewerName": "mdnyc", "reviewText": "My kids love these more than the love the \"bank suckers\" dum dums. If you are going to give your kid sugar, this is the way to go. And they really do taste fantastic.", "summary": "Excellant Product", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A3A8JTY42CAG0H", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Sara Fisher", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1444953600} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A3POA2KEANMJ1O", "asin": "B000WS3APW", "style": {"Size:": " 1-Pack"}, "reviewerName": "mamadot", "reviewText": "Great pungent flavor.", "summary": "Five Stars", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "ATZME3LNNSIJ9", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "c.Douglas Linquist", "reviewText": "grand kids loved them", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A3DIUGXH9KA2T4", "asin": "B0010SEVWO", "style": {"Size:": " 8 Pounds", "Flavor:": " Organic"}, "reviewerName": "Cheryl Munn", "reviewText": "I don't like Brazil nuts but I wanted to make the milk with them. I tried these when I got them and I loved them!", "summary": "I don't like Brazil nuts but I wanted to make the milk ...", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "ACUOGEJ2QPL1F", "asin": "B000AXWA0A", "reviewerName": "Daymond K.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1449878400} +{"overall": 2.0, "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "A1JAIRYD4WD0KC", "asin": "B000Z91G4A", "reviewerName": "WeTriedIt", "reviewText": "Tastes good but it makes me feel nauseated after drinking. I really like tea, but after I drink this, I feel terrible. A lot of people love this tea, but it's rough for me to drink.", "summary": "Tastes good, but...", "unixReviewTime": 1384214400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A1HC5GW97JBITY", "asin": "B0001APXYW", "reviewerName": "Rodney", "reviewText": "My favorite licorice although once I open the box and start eating it I have difficulty stopping till it is all gone.", "summary": "Excellent Licorice", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A1J088X69L28WC", "asin": "B0013E7C0S", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Absolutely delicious maple syrup. Makes me want to learn how to make a maple bar.", "summary": "The real deal!", "unixReviewTime": 1407974400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A1NUTC68OQZMMT", "asin": "B000H1CO74", "style": {"Size:": " Pack of 6", "Flavor:": " Hot and Spicy"}, "reviewerName": "ralph johnson", "reviewText": "The STUFF is being INHALED.!! Ketchup isn't just Ketchup anymore. At this time we have 6 different FLAVORS under consideration. Taste Buds are tingling at our get together's. Where did you get this STUFF.??? Mac and Cheese,, French Fries are on a whole new level of enjoyment.", "summary": "Ketchup's Testing Taste Buds", "unixReviewTime": 1439164800} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A16MXI6KRMZVMC", "asin": "B000HQRKYQ", "style": {"Size:": " 7.75 Ounce (Pack of 12)", "Flavor:": " Giant Snails"}, "reviewerName": "debra sonier", "reviewText": "Great product!", "summary": "Four Stars", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A2DX2A2D6OA59M", "asin": "B001181NBA", "style": {"Size:": " 12", "Flavor:": " French Vanilla Crme"}, "reviewerName": "Nick W", "reviewText": "Tastes great, nice light snack", "summary": "Five Stars", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A1Z1QOD0OGWG3", "asin": "B000GG0BQ6", "style": {"Flavor:": " Black Tea"}, "reviewerName": "LadyRedRider", "reviewText": "A very nice, enjoyable cup hot or glass cold. Needs less sugar or honey than other brands. The flavor is unsurpassable. I love the auto ship feature as well. There is no other brand nor flavor of tea that I like as well as this. I wish restaurants would use this product.", "summary": "The best tasting tea ever; grew up with this tea - my moms favorite", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A2TSFGGS944RAV", "asin": "B000EDM6KU", "style": {"Size:": " 16 Ounce"}, "reviewerName": "homehealthymama", "reviewText": "great!!", "summary": "Five Stars", "unixReviewTime": 1428105600} +{"overall": 3.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A1EAEFAEE0SIBT", "asin": "B000RGZNAO", "reviewerName": "sassyll519", "reviewText": "grapes so far have been fresh every time", "summary": "Three Stars", "unixReviewTime": 1473638400} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A1GR5PPS3I9ZQ2", "asin": "B000KEJMRI", "style": {"Size:": " 24"}, "reviewerName": "southernbell", "reviewText": "Brought this product for a special dish - it turned out wonderful. Need to consider making it more often!", "summary": "... product for a special dish - it turned out wonderful. Need to consider making it more often", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A33J2EQBSYY9DF", "asin": "B000F4GPP0", "style": {"Size:": " Pack of 12"}, "reviewerName": "Tony", "reviewText": "Yum!", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "AJJYZ3WQGV0JJ", "asin": "B000VDYPTI", "reviewerName": "TWT", "reviewText": "No Comment", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A2BY3XZBVD9GQA", "asin": "B0001ES9FI", "style": {"Size:": " 18ct (Pack of 4)", "Flavor:": " Dark Roast"}, "reviewerName": "Jeremey T Wade", "reviewText": "Good product with a good taste but nothing special. I don't even use the pods anymore, my wife and I prefer regular coffee brews. While this is a decent product, there are better ones out there.", "summary": "Good product with a good taste but nothing special", "unixReviewTime": 1428883200} +{"overall": 3.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A3IF9J9UIUKYJW", "asin": "B000E1FZHS", "style": {"Size:": " 34.5 Ounce(Pack of 2)", "Flavor:": " Honey Roasted Peanuts"}, "reviewerName": "marklyn", "reviewText": "They are fine --eatable but not really good tasting, quite honestly the Walmart Value brand use bigger peanuts are cheaper and tatse better", "summary": "They are fine --eatable but not really good tasting", "unixReviewTime": 1463356800} +{"overall": 4.0, "verified": false, "reviewTime": "06 15, 2017", "reviewerID": "AHAZGT9AQZ5A1", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " 4 Flavor Variety Pack"}, "reviewerName": "Shannonroz", "reviewText": "great for mixed drinks!", "summary": "Four Stars", "unixReviewTime": 1497484800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A1POLL2CRQBU52", "asin": "B000E4ALEW", "reviewerName": "Florida Gal", "reviewText": "Favorite cereal. Stays crunchy; great flavor.", "summary": "Five Stars", "unixReviewTime": 1448755200} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2013", "reviewerID": "A2GD4BWVEXA4W5", "asin": "B000E1HUVC", "style": {"Size:": " 16.25 Ounce (Pack of 1)", "Flavor:": " Cashew Halves and Pieces"}, "reviewerName": "Jim L.", "reviewText": "I find that I don't have to eat a lot of it to satisfy my cravings. It's a bit too salty, making my lips uncomfortable. Some pieces are even too salty to swallow.", "summary": "Tasty, convenient, inexpensive, a bit too salty", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2017", "reviewerID": "A3W432D2WWGE9E", "asin": "B000LKTXIO", "style": {"Flavor:": " Protein"}, "reviewerName": "concernedaboutpeople", "reviewText": "I really like it and appreciate it; it's just fine.", "summary": "Five Stars", "unixReviewTime": 1487462400} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "07 18, 2013", "reviewerID": "A1DKAS1XN7G54L", "asin": "B000YN2GVY", "reviewerName": "amanda a", "reviewText": "Fantastic stuff, it works really well for curing sickness, curbing appetite, and losing weigh. wayyyy overpriced on Amazon. What's up with all the over-priced organic and natural item???!!!?", "summary": "$5 a bottle at kroger!!", "unixReviewTime": 1374105600} +{"overall": 2.0, "verified": true, "reviewTime": "05 26, 2014", "reviewerID": "A1APESLB3OHF6H", "asin": "B000F99D2M", "style": {"Size:": " 50 Tea Bag Tin", "Flavor:": " Blueberry Green"}, "reviewerName": "dogs", "reviewText": "I have bought this over and over for a couple of years. It currently smells like blueberry but no longer has the taste very disappointed. Was one of my favorites", "summary": "The must have reformulated does not taste like blueberry anymore", "unixReviewTime": 1401062400} +{"overall": 1.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "A2ZQF4VCKPGEZM", "asin": "B000P6X4WA", "reviewerName": "Stanick", "reviewText": "These were not very good.", "summary": "One Star", "unixReviewTime": 1504569600} +{"overall": 2.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A36T0MYKF1TTUR", "asin": "B000E1HUVC", "style": {"Size:": " 21.25 Ounce Cans (Pack of 2)", "Flavor:": " Roasted Almonds (with Pure Sea Salt)"}, "reviewerName": "Brandon", "reviewText": "I don't think I'll order these again. I was hoping they would be more like the Blue Diamond \"Lightly Salted\" almonds with sea salt. In comparison, these are greasy, don't seem very well roasted and the quality is inconsistent.", "summary": "Not bad but not great either.", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": false, "reviewTime": "02 23, 2009", "reviewerID": "A1G6SR27YE9WMO", "asin": "B000EDMDZS", "style": {"Package Quantity:": " 6"}, "reviewerName": "J. Brewer", "reviewText": "Just got them today and they are a hit with the whole family. An excellent snack choice for children. I think the flavor is just right.", "summary": "We love these", "unixReviewTime": 1235347200} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "AIFERFXKVZVUU", "asin": "B000NO943C", "style": {"Size:": " 1 Pack"}, "reviewerName": "Christopher L. Taylor", "reviewText": "AAA", "summary": "Five Stars", "unixReviewTime": 1476403200} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2017", "reviewerID": "A1X5D4AO6Z4HC4", "asin": "B000WG7SZC", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "Elsie", "reviewText": "My favorite oatmeal. I have it almost every morning. Easy to cook. Takes 20 minutes in all. Just stir it occasionally to keep it from getting lumpy.", "summary": "Good stuff", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A21LIN7DFW3732", "asin": "B000LKTB90", "style": {"Size:": " 8 Ounce (Pack of 12)", "Flavor:": " Spaghetti Style"}, "reviewerName": "Joey peanut", "reviewText": "LOVE this product", "summary": "Five Stars", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A3IN600ECWRUIV", "asin": "B00061EOVO", "reviewerName": "Julien", "reviewText": "A", "summary": "Five Stars", "unixReviewTime": 1501286400} +{"reviewerID": "A3TI11MOF99LAM", "asin": "B000F4DKAI", "reviewerName": "Atlcharm", "verified": true, "reviewText": "It's okay, Bigelow is better. Can't believe I'm saying that.", "overall": 2.0, "reviewTime": "11 4, 2015", "summary": "Not a very good green tea", "unixReviewTime": 1446595200} +{"overall": 4.0, "verified": true, "reviewTime": "03 23, 2018", "reviewerID": "A2CZ79IKGKL8UZ", "asin": "B000TIQGZG", "reviewerName": "Amazon Customer", "reviewText": "So good", "summary": "Great", "unixReviewTime": 1521763200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A2UI1IDEVEDOR5", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "MrsC_Fisher", "reviewText": "This taste pretty good to make smoothies a lot sweeter, is what we use it for. I haven't tried it with anything else but I am sure it would work great too.", "summary": "Use it for our smooties", "unixReviewTime": 1455321600} +{"overall": 4.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A36JIYWR3ZDO9S", "asin": "B000YCNFCY", "reviewerName": "Segisfredo P.", "reviewText": "Excellent fast and secure", "summary": "Four Stars", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "A166KALK9PE4SV", "asin": "B000YBKP50", "style": {"Size:": " 1 Lb"}, "reviewerName": "Amazon Customer", "reviewText": "Great cake", "summary": "Best Fruit Cake", "unixReviewTime": 1512950400} +{"overall": 1.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A103SL6EG9I33W", "asin": "B000K8ZFPM", "reviewerName": "T", "reviewText": "This (cucumber) flavor is gross. I am upset that I wasted my money and now have 11 bottles. The Hint Water Blackberry tastes great, very refreshing. But the Cucumber tastes like chemicals and has a very funky aftertaste.", "summary": "I am upset that I wasted my money and now have 11 bottles", "unixReviewTime": 1426032000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "10 8, 2006", "reviewerID": "A257ZNIC4BJDPF", "asin": "B000EY3NJC", "reviewerName": "fair_and _honest", "reviewText": "This product is unbelivable!! Tastes like full carb variety.\n\nGreat job at product developement Tumaro!!", "summary": "Exceptional!!", "unixReviewTime": 1160265600} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A1IIAXFBPK6WK2", "asin": "B000LWCR26", "style": {"Size:": " 3 Count", "Flavor:": " Green Rooibos"}, "reviewerName": "Lezli A. Polm", "reviewText": "My very favorite green tea! Great flavor - no bitterness. I use the \"subscribe and save\" option to have this delivered monthly.", "summary": "Best green tea ever", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A60OE0W86EX8U", "asin": "B0002D8MBO", "style": {"Size:": " Pack of 1"}, "reviewerName": "LaVonne R.", "reviewText": "Really like this blend.", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2017", "reviewerID": "A307VQ3CNLFBTY", "asin": "B0013343QK", "style": {"Size:": " 20 ct."}, "reviewerName": "N. Cohen", "reviewText": "tasted good", "summary": "very happy", "unixReviewTime": 1508112000} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "ABI2YE4BMSCN2", "asin": "B000FKIYMG", "style": {"Size:": " 6.25 ounce (12 Bags)", "Flavor:": " Pep-O-Mint"}, "reviewerName": "DM", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A3T4QF0JCX2MG9", "asin": "B000EFPVLY", "reviewerName": "Amazon Customer", "reviewText": "Very nice", "summary": "Five Stars", "unixReviewTime": 1449100800} +{"overall": 4.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "A3FRWBGL8TSOY7", "asin": "B000UEUAGU", "reviewerName": "Cheryl Mueller", "reviewText": "good selection and value", "summary": "Good selection and value", "unixReviewTime": 1448582400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A1BHOPQVUSS3FB", "asin": "B00124WBCS", "style": {"Size:": " 600 Count", "Flavor:": " Natural Peppermint"}, "reviewerName": "Sasha", "reviewText": "Love chewing this stuff after meals and sugary snacks. Save your teeth and minimize cavities and chew xylitol gum daily.", "summary": "Xylitol is good for your teeth", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2013", "reviewerID": "ALI6Y3MT9JOG4", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " Blackberry"}, "reviewerName": "kathleen d", "reviewText": "Although I love most of the flavors offered, this is my favorite. However, unless these juices are on sale, they are too expensive to order on a regular basis.", "summary": "Long-time fan of Izze", "unixReviewTime": 1377129600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A1V5XPD7J7HVF8", "asin": "B00112O8NG", "reviewerName": "Bonnie", "reviewText": "I subscribe to this product - 4 bottles of sugar-free classic caramel per month. I can't drink a cup of coffee without. I even have a small bottle I keep in my purse to use in a restaurant! I call it decadence without guilt.", "summary": "No Sugar Here", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2013", "reviewerID": "A2C0N1P2NCVJ1R", "asin": "B000GAWH4G", "style": {"Size:": " 8-oz. extract"}, "reviewerName": "Nic", "reviewText": "great product for every kitchen, work wonders in just about any recipe so long as you use it properly. namaste", "summary": "delish", "unixReviewTime": 1383177600} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A3QOY2GV9BYOL5", "asin": "B000E1FZHS", "reviewerName": "michael j poole", "reviewText": "cool", "summary": "Five Stars", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "A31Q05EM1CFRWU", "asin": "B000X3TPHS", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "CHawk", "reviewText": "These are delicious.", "summary": "Five Stars", "unixReviewTime": 1502755200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A13IAWZIBMIH73", "asin": "B0002YRLHE", "style": {"Style:": " 6-Pack"}, "reviewerName": "rerunn3", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A2TLWQIH6Q3CMS", "asin": "B000YV2B5C", "style": {"Size:": " 16 Ounce", "Flavor:": " Coarse Ground"}, "reviewerName": "Douglas P. Allen", "reviewText": "This is a very coarse grind, so if that's what you want, you found it right here. The flavor is excellent and the spice seems very, very fresh. I highly recommend it.", "summary": "Wonderfully Fresh and Pungent!", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A3MZBTH7KQP791", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "AunnaG", "reviewText": "So tastey. Great for anytime of day or making kombucha. Love these guys", "summary": "Amazing tea", "unixReviewTime": 1433894400} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A1ICSLT0QFFC1D", "asin": "B000WLJICI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Ralph E. Bixler", "reviewText": "Bought this item to go along with the CucinaPro pasta machine. used the recipe on package witthout the salt and it made really great spaghetti.", "summary": "Good pasta", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A3AWYTM60MXSXV", "asin": "B0000DA0XJ", "reviewerName": "Amazon Customer", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": false, "reviewTime": "03 1, 2018", "reviewerID": "A3T1QDPZX1VK9Y", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " Blackberry"}, "reviewerName": "L. T. Buchert", "reviewText": "These IZZE Sparkling juice drinks are delicious! Their natural flavors and made without a lot of sugar which makes me feel good providing these for my family.", "summary": "Perfect Size for in between meals", "unixReviewTime": 1519862400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "AG3Y5X5REQ7XR", "asin": "B000VDWZ0O", "reviewerName": "BLESS THEE", "reviewText": "MMMMMMM I SIMPLY LOVE THIS, THANK U :)", "summary": "THANKS", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A2GKPOKS154ER0", "asin": "B000EMQF8K", "reviewerName": "Amazon Customer", "reviewText": "great product, i have been using for years.", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "09 11, 2014", "reviewerID": "A1HR14Q67MJ0VQ", "asin": "B0005ZZADW", "reviewerName": "thetentman", "reviewText": "If it was Green you would put this in your car radiator. Smells just like anti-freeze. For non-foodies only. Who knew corn syrup could taste so bad? My daughter had this on her pancakes. I came in and thought the car was overheating. Utter shinola.", "summary": "Anti Freeze", "unixReviewTime": 1410393600} +{"reviewerID": "A2FC4G415JRONW", "asin": "B000F4DKAI", "reviewerName": "RenoGal", "verified": true, "reviewText": "My husband loves this French Vanilla Chai. I often have had trouble finding it in the store. Price is about the same as we buy locally so we were happy to order a few boxes as once. Very pleasant vanilla flavor.", "overall": 5.0, "reviewTime": "03 18, 2017", "summary": "Pleasant tasting tea", "unixReviewTime": 1489795200} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A12M256HAJJUEZ", "asin": "B000CQG87Q", "style": {"Size:": " 100 Count"}, "reviewerName": "Elizabeth J. Bradley", "reviewText": "If you are pregnant these seem like a good idea, bit there are ingredients that are NOT recommended for pregnant or breastfeeding women. Be careful when buying herbal teas.", "summary": "Do not buy for Pregnancy Naseua", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A1XB6QH0A3T6D2", "asin": "B0014DZGUQ", "style": {"Size:": " 16"}, "reviewerName": "TLChronicles", "reviewText": "Awesome egg replacer. Love this product. Will buy again for sure.", "summary": "Five Stars", "unixReviewTime": 1420761600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "A3TYWLLZGB1EDR", "asin": "B000IKEGRK", "style": {"Size:": " 1/2 Pound"}, "reviewerName": "Jayne d'Arcy", "reviewText": "Well, found out my husband does so they were all mine. A great, guilty pleasure. I may order more for Xmas.", "summary": "How Can You Hate Jelly Beans?", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A1R7G6N70Y7TLM", "asin": "B0007STDKI", "reviewerName": "Janet Groene", "reviewText": "Minty and refreshing and supposed to be good for the teeth.", "summary": "Tasty", "unixReviewTime": 1468368000} +{"overall": 2.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "AWB4AZHBCATC1", "asin": "B0007LXU0Y", "style": {"Size:": " 8.4 Ounce", "Flavor:": " Pumpkin Spice Flax"}, "reviewerName": "N. KOERNER", "reviewText": "Too hard...I love other crunchy Kashi bars...but this one was just too hard to even bite into.", "summary": "I love other crunchy Kashi bars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A1Q8L3VXD547DG", "asin": "B000PYYDJU", "reviewerName": "Andy B", "reviewText": "This is amazingly smokey tea. I drank a cup and the smoke lasted on my palate for the rest of the day. This is not something I can drink regularly, but it is well done. The smoke is intense and well balanced.", "summary": "This is amazingly smokey tea. I drank a cup ...", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A994RKOIJZ7Q4", "asin": "B000IZABLU", "style": {"Size:": " Pack of 1"}, "reviewerName": "Rita", "reviewText": "Just love love love this honey...", "summary": "So delicious", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "ARO983X3ET9BK", "asin": "B000FAPM2Q", "reviewerName": "Flo C", "reviewText": "Glad to have a gluten-free vegetarian broth mix. This one worked beautifully for the soups I have made this winter!", "summary": "Great vegetable broth mix", "unixReviewTime": 1426896000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A39H7MB92EYDQG", "asin": "B000YN2GVY", "reviewerName": "Matthew Shea", "reviewText": "High quality organic apple cider vinegar. The best on the market. The flavor is surprisingly good and tastes great when mixed with Raw organic honey. Drink this mixture twice a day, helps digestion and keeps insides clean. Great for fasting and ridding the body of toxins.", "summary": "Great Tasting and High Quality", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A1298F4UKJFET5", "asin": "B000IK8U7W", "style": {"Size:": " 1 Pound"}, "reviewerName": "ShawnK.", "reviewText": "Bought as a gift, receiver loved it.", "summary": "receiver loved it.", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "A17FFNV0RAQN46", "asin": "B000W7PUL0", "reviewerName": "Steve K.", "reviewText": "it doesnt get much easier than adding to boiling water, covering, and waiting 5 min. Just like Mom used to make!", "summary": "Easy, classic comfort food", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A1S0ASAUDXVQHO", "asin": "B000MGR2TY", "style": {"Size:": " 10 oz"}, "reviewerName": "katz", "reviewText": "Good product...delivered in tact...promptly. Excellent service and product...will repeat this delivery and product.", "summary": "Top Shelf!", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2017", "reviewerID": "A36N6NFJOXEAWN", "asin": "B000PWKNUK", "reviewerName": "Eagle Bones Falcon Hawk", "reviewText": "Perfect, works great, thanks.", "summary": "Perfect", "unixReviewTime": 1490832000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A297HLS2Y3XYAW", "asin": "B000SWTKV0", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "Eric S", "reviewText": "This salt was extremely damp when it arrived. From what I have read, this is normal. I placed it on a cookie sheet and put it in the toaster oven at 350 for 30 minutes. Dried it out and now it works great in my electric salt and pepper grinder.", "summary": "Dried it out and now it works great in my electric salt and pepper grinder", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A1DJRCIXQ2JIBM", "asin": "B0001XXB3E", "style": {"Color:": " White", "Style Name:": " 0"}, "reviewerName": "Amazon Customer", "reviewText": "Just good!", "summary": "Five Stars", "unixReviewTime": 1507680000} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2013", "reviewerID": "A20WHZX4O78CIV", "asin": "B0009F3PJE", "style": {"Flavor:": " Organic Smooth Move"}, "reviewerName": "wakajawaka", "reviewText": "Secondly it does the job! Very smooth as the package says. But the tea is mild, flavorful and nice to have around when needed.", "summary": "great tasting tea in the first place!", "unixReviewTime": 1365292800} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2017", "reviewerID": "A1MXZ5X4CU2HT8", "asin": "B0014C5OB8", "reviewerName": "Amazon Customer", "reviewText": "Looked just as they do here. Came quickly. Delicious.", "summary": "Delicious", "unixReviewTime": 1493424000} +{"overall": 3.0, "verified": true, "reviewTime": "02 6, 2014", "reviewerID": "A3EQTI5X8YP3M8", "asin": "B001467JYO", "reviewerName": "Upasika M", "reviewText": "Not sure why but this just does not taste like the Oolong I get at the local store. It seems weaker.", "summary": "Just ok", "unixReviewTime": 1391644800} +{"overall": 5.0, "verified": false, "reviewTime": "07 3, 2016", "reviewerID": "ALT912P4A1Q58", "asin": "B000YSVMQO", "style": {"Size:": " 11 Ounce", "Flavor:": " Multigrain"}, "reviewerName": "ReB", "reviewText": "These are by far my favorite chips they have great taste, not fattening which is a plus. The name says it Food should taste this good actually All food should tasted this good. I keep these on hand as my go to snack.", "summary": "Love, Love, Love,", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2017", "reviewerID": "A31OSXKSJI86D1", "asin": "B000WLGCPY", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "William A. Cook Jr.", "reviewText": "A great cereal that I keep reordering.", "summary": "Five Stars", "unixReviewTime": 1506643200} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A1B62LWK2FARXT", "asin": "B0016B4080", "style": {"Size:": " 16.9 fl. Oz"}, "reviewerName": "K. McNew", "reviewText": "great oil good flavor.", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": false, "reviewTime": "01 2, 2013", "reviewerID": "A3NJVS381E6DMM", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Spiced Apple"}, "reviewerName": "TLS", "reviewText": "We recently discovered this delicious tea and were unable to find it in many of the stores we shop. The flavor is a wonderful blend of apple and chai, making it a delightful treat for winter teas.", "summary": "Great tea!", "unixReviewTime": 1357084800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "AID37CZ8QVCP0", "asin": "B000P6J0SM", "reviewerName": "Totally Cool", "reviewText": "Very fresh and delicious!", "summary": "Five Stars", "unixReviewTime": 1497052800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "AIGKEK5B2G6MS", "asin": "B001394BW0", "style": {"Size:": " 16 bags"}, "reviewerName": "Tb", "reviewText": "I have to say you can tell some difference when you drink the tea calms you down pretty much tastes good too", "summary": "good tea", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A2YWSUVTDGKZC1", "asin": "B000WV0RW8", "reviewerName": "Marguerite Belec", "reviewText": "great value and quality", "summary": "Five Stars", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A3BLDI1ENJQMVW", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Susan R.", "reviewText": "Yummy and organic! My grand kids and husband love these.", "summary": "Yummy and organic!", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": false, "reviewTime": "09 9, 2017", "reviewerID": "ACMSQCH1H7JZD", "asin": "B0014WYXYW", "reviewerName": "KED", "reviewText": "This is a nice, light, refreshing drink! It's not as sweet as Fanta, which is nice. There are no artificial sweeteners either.", "summary": "Tasty and sweet!", "unixReviewTime": 1504915200} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A3O8V0CKRN0ZO8", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Pure Peppermint"}, "reviewerName": "barbieq", "reviewText": "It is very good if you like peppermint", "summary": "Four Stars", "unixReviewTime": 1426291200} +{"overall": 3.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A1SXE2J6J07OA9", "asin": "B000EDBPQ6", "style": {"Size:": " 22 Ounce (Pack of 4)"}, "reviewerName": "Carol Grubb", "reviewText": "family didn't much care for it okay but not great", "summary": "Three Stars", "unixReviewTime": 1486252800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A27GJ3A37OPXT5", "asin": "B000H136JY", "style": {"Size:": " 10.5 Ounce (Pack of 12)", "Flavor:": " 25% Less Sodium, Cream of Mushroom"}, "reviewerName": "Blue Pansy", "reviewText": "We like campbells cream of mushroom soup and with less sodium was a seller to us. We use this with a variety of recipes.", "summary": "We like campbells cream of mushroom soup and with less sodium ...", "unixReviewTime": 1404345600} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A225TLSEQ65PQK", "asin": "B000YG1SS8", "reviewerName": "Dresden1907", "reviewText": "These taste much better when made in the oven. It is kinda on the watery side when made in the microwave. For some reason, I like the 12 oz. better, and I always brown it on the top. My waistline SHOWS just how much I \"LOVE\" these...gotta wean myself off of them for awhile:(", "summary": "LOVE #2 to the 12 oz......!", "unixReviewTime": 1485734400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "AZ2FCX7PGLIF4", "asin": "B000KEJMS2", "reviewerName": "Rosita Davis", "reviewText": "I just love the red lentil beans. It gives a great taste to lentil soup. It absorbs the seasoning well. I can make my soup spicy or add an island flavor. The beans cook quicker.", "summary": "Tasty Bean!", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A2C0MO7D80M0T3", "asin": "B000YN2GVY", "reviewerName": "adel", "reviewText": "Beautiful and gorgeous", "summary": "Five Stars", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A2511T1TILWMY1", "asin": "B000VK2T0I", "style": {"Size:": " 4"}, "reviewerName": "allison", "reviewText": "Good quality extract. I use this for flavoring sugar cookie frosting, and it works great. Also love that it is organic.", "summary": "Good quality extract", "unixReviewTime": 1424822400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 17, 2012", "reviewerID": "A3HA8G5E3VF4OM", "asin": "B0005ZZMIK", "style": {"Size:": " 4 Ounce"}, "reviewerName": "gbsb", "reviewText": "Very tasty! I love walnuts and use them frequently and in a wide range of ways, with lots of different dishes. These are, as I noted, crisp and fresh and there was no fuss and bother of shelling. Amazon offered a great price on them too.", "summary": "Fresh and crisp", "unixReviewTime": 1350432000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2012", "reviewerID": "A2N5SEPUYGUQUO", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "JM", "reviewText": "I love the flavor of this honey. I've had the processed honey before and this one is more flavorful and richer. Just think of processed cheese versus the real stuff, it's like that with this honey versus the processed honey. Love it!!", "summary": "Love this honey!!", "unixReviewTime": 1326326400} +{"overall": 4.0, "verified": true, "reviewTime": "09 30, 2017", "reviewerID": "A1346TRRAA6WKZ", "asin": "B000U0OUP6", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "Wayne", "reviewText": "Yummy", "summary": "Four Stars", "unixReviewTime": 1506729600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A1ZRBJIR2URYRR", "asin": "B000WL39BE", "style": {"Size:": " 36 - Ounce", "Style:": " Assortment"}, "reviewerName": "Lovesmyaussie", "reviewText": "Exactly as described. Fast delivery.", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A2MGRDMJWTP6JQ", "asin": "B000GZSDZI", "reviewerName": "Amazon Customer", "reviewText": "love this stuff", "summary": "Five Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A1KVM7WCKE8OI6", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 6", "Flavor:": " Peppermint Tea"}, "reviewerName": "K", "reviewText": "DELICIOUS. This is the perfect summer drink. I fill a big mason jar with ice water and two peppermint tea bags and have delicious iced mint tea all day long.", "summary": "This is the perfect summer drink", "unixReviewTime": 1434931200} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "03 4, 2011", "reviewerID": "AVFA1JB08RG8G", "asin": "B000MIFS4S", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Mini-Bites Mini Pasta Shells and Meatballs"}, "reviewerName": "Wile E Coyote", "reviewText": "Chef Boyardee must have cheated his way through culinary school, 'cuz this stuff rots! There were very few meatballs...the sauce was way to acidic...and the pasta was quite mushy. Check out Campbell's spaghettios with meatballs if you need a fix.", "summary": "Cantastic...not!", "unixReviewTime": 1299196800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A1581PASSYZ9TJ", "asin": "B000KRUEO0", "reviewerName": "Vinniejoe", "reviewText": "This is great!", "summary": "Wife does not like the name, but loves the spice!", "unixReviewTime": 1462320000} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A3H6NPXBNKJOD4", "asin": "B000YF4PZW", "reviewerName": "Anthea R. Close", "reviewText": "The mince pies are extremely good and the only reason that I gave four stars is because one was broken in shipment. That is the one I ate, all the others are intact and ready to share with friends.", "summary": "Good pies", "unixReviewTime": 1449792000} +{"reviewerID": "A3KDJ8H086RGOR", "asin": "B0009F3QKM", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "This is super delicious tea! What's more important; the price is right.", "overall": 5.0, "reviewTime": "01 9, 2016", "summary": "This is great! It is super easy to install", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2010", "reviewerID": "A13RKRB9VI7HSS", "asin": "B000FIUVL0", "reviewerName": "JBJ", "reviewText": "It's good to find a sugar free pie crust. Better still, there is no after taste. I purchased them for friends and family who are diabetic and will be ordering more in the future.", "summary": "perfect", "unixReviewTime": 1289692800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A5M7XE8SCT0EP", "asin": "B0011UGYLM", "style": {"Size:": " 1 Pack"}, "reviewerName": "D'Arcy Berry", "reviewText": "One word. YUM!", "summary": "YUM!", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A1B7Q22I53WHQJ", "asin": "B000WSP5MI", "style": {"Size:": " 100 Capsules"}, "reviewerName": "MJC", "reviewText": "Great product and price", "summary": "Five Stars", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A1OSIUGPE0AB5R", "asin": "B000U0OUP6", "style": {"Size:": " 16 Ounce (Pack of 6)", "Flavor:": " Cocktail"}, "reviewerName": "Ruffman", "reviewText": "Fresh and always great tasting.", "summary": "Great Size and Value...", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A3FXFWBL6UTJEK", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "ALN", "reviewText": "This company has reasonable prices and great products", "summary": "Five Stars", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A3AAW7TR9YRZ4O", "asin": "B000RO08L0", "style": {"Size:": " 128 oz"}, "reviewerName": "William E. Jouris", "reviewText": "I use this vinegar to put in the washing machine to keep the colors from fading. I think it works. This vinegar is as good as any for the purpose and is relatively inexpensive in bulk.", "summary": "This vinegar is as good as any for the purpose and is relatively inexpensive ...", "unixReviewTime": 1475107200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "A26YXMV2X9DU8H", "asin": "B000N36F9E", "reviewerName": "Gymnopodie", "reviewText": "These tomatoes are grown in the volcanic soils surrounding Mt. Vesuvius and cannot be duplicated anywhere else. Great for pizza!", "summary": "Nice Italian Tomatoes", "unixReviewTime": 1361577600} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "08 4, 2008", "reviewerID": "ATMNWAOAL3EVQ", "asin": "B000E4ALEW", "style": {"Size:": " 32 Ounce (Pack of 6)", "Flavor:": " Heritage Flakes"}, "reviewerName": "M. Bradley", "reviewText": "This product comes up in a Gluten Free search, but it contains WHEAT and is therefore NOT gluten free.", "summary": "NOT Gluten Free", "unixReviewTime": 1217808000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2008", "reviewerID": "AXU8RH1DEV21H", "asin": "B0000DJDL4", "reviewerName": "John P", "reviewText": "I sent this as a gift and the review from my sister was very good. She and her family and all the kids loved it. She said it was sweet but baked very and tasted so good. So maybe I should have sent it to me.", "summary": "My Sister Said It Was Very Good", "unixReviewTime": 1229904000} +{"overall": 5.0, "verified": false, "reviewTime": "10 27, 2016", "reviewerID": "A2LWESWMELC30I", "asin": "B000U0OUP6", "style": {"Size:": " 16 Ounce (Pack of 2)", "Flavor:": " Lightly Salted Dry Roasted Peanuts"}, "reviewerName": "Hamed Alabdullah", "reviewText": "Amazing!!!", "summary": "Five Stars", "unixReviewTime": 1477526400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A2KVZXGX6CD02W", "asin": "B000GZSDZI", "reviewerName": "tom sawyer", "reviewText": "no preserves, very good coco milk", "summary": "very good coco", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "AF617WRGL5S6G", "asin": "B00112O8NG", "reviewerName": "Michelle Rasmussen", "reviewText": "I bought these for a party and they were a HIT! The flavors are great for someone being introduced to italian sodas. I used sprite and diet coke along with some different coffee creamers. It was delicious. Great product!", "summary": "Great for a party, really good flavor pack!", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "A2L8EPN2H06EMS", "asin": "B000UXW98S", "reviewerName": "gradyman", "reviewText": "kinda small, not your normal expected size, but the flavor is very very good!", "summary": "size matters?", "unixReviewTime": 1492905600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 7, 2012", "reviewerID": "AN0N05A9LIJEQ", "asin": "B000YGOT3E", "reviewerName": "Kindle Customer", "reviewText": "Much to my surprise, this was a mixed package of 3 kinds of fruit cakes--light, dark, and \"regular.\" Dark is my favorite, and I hadn't even heard of regular. Each cake was triple-wrapped within the box for optimum keeping. VERY highly recommended", "summary": "Delicious", "unixReviewTime": 1328572800} +{"overall": 4.0, "verified": false, "reviewTime": "12 20, 2012", "reviewerID": "A16Y7NAJQQL93X", "asin": "B000ZSZ5S4", "style": {"Size:": " 1.5 Ounce (Pack of 24)"}, "reviewerName": "GelSailing", "reviewText": "I loved \"VSP's\" (vinegar, salt potato chips) but gave them up when I went lo carb. These are similar enough to put a smile on my face", "summary": "Yummy", "unixReviewTime": 1355961600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2017", "reviewerID": "A2CGWAJXK9T0FI", "asin": "B000LKTZN2", "reviewerName": "null", "reviewText": "Good stuff", "summary": "Good stuff", "unixReviewTime": 1496361600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "11 11, 2012", "reviewerID": "A3NCSDNVU0VI3G", "asin": "B000QWBZQU", "reviewerName": "Linaka", "reviewText": "Olie oil is olive oil when you are deployed, we are just trying to stay healthy and the folks that put dining facility food out each day, do not understand that once in a whil you just might need a good basic olive oil to \"drizzle\" on your pasta or salads...", "summary": "Olive Oil", "unixReviewTime": 1352592000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A234UPIBCCHARW", "asin": "B000U0OUP6", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Chipotle Peanuts"}, "reviewerName": "June Barrow", "reviewText": "Love them", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2017", "reviewerID": "A2BFP70AK90148", "asin": "B000VHW35W", "reviewerName": "Amazon shopper 85", "reviewText": "Great price and delicious bacon!", "summary": "Five Stars", "unixReviewTime": 1490313600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 12, 2014", "reviewerID": "A15OUA0ARUIA6A", "asin": "B0009F3POE", "style": {"Size:": " Pack of 6"}, "reviewerName": "dolliemae", "reviewText": "I keep this tea in my in my pantry year round to help for when U start to feel that icky sluggish feeling coming on & I drink it until I feel better....There is also the Gypsy Cold Care PM that is excellent for nite !!", "summary": "love it", "unixReviewTime": 1394582400} +{"overall": 4.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "ASQIJX0C69ZHO", "asin": "B000F2PG16", "reviewerName": "Kindle Customer", "reviewText": "It does the job and we use a lot.", "summary": "Four Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A1USMV9IB5M10E", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Rosemarie A. Leeds", "reviewText": "This is the best tasting cinnamon you will have ever tasted, truly. It is robust, fresh, tangy and oh so pure cinnamon.. I threw out the other 2 brands when I bought 5 bottles of these beauties. I eat oatmeal every morning, with lots of great cinnamon, now.", "summary": "Best tasting cinnamon I have ever tasted,", "unixReviewTime": 1402272000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "AAVUEPZOF2CJG", "asin": "B000UEUAGU", "reviewerName": "catnaround", "reviewText": "They were yummy. They price was cheap I didn't have to leavey house.", "summary": "Five Stars", "unixReviewTime": 1442966400} +{"overall": 3.0, "verified": true, "reviewTime": "04 23, 2014", "reviewerID": "A3MX2DUZSE3R51", "asin": "B000E1BLMG", "style": {"Size:": " 1 Ounce (Pack of 24)", "Flavor:": " Lemon"}, "reviewerName": "lhm", "reviewText": "This a good product. I was looking for lemon pie filling, not pudding, so I will look for what I want to make Lemon Ple, not pudding pie. It arrived on time, well pakaged.", "summary": "Jello", "unixReviewTime": 1398211200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2013", "reviewerID": "AK514FAJ3YQSV", "asin": "B000WHZFR4", "style": {"Size:": " Pack - 12"}, "reviewerName": "Jomama", "reviewText": "Can't find this seasoning mix locally and I was happy to buy it on Amazon. This makes a darn tasty and easy white chicken chili. Double or triple the recipe, you will want it the next day also!", "summary": "Delicious white chili", "unixReviewTime": 1385942400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A28R3846FCVSVU", "asin": "B000UEUAGU", "reviewerName": "blondie", "reviewText": "this was a nice assortment, just be careful what you order with it, or the chips will get smashed in the shipping", "summary": "nice assortment", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2017", "reviewerID": "A1U75D945ZS8IM", "asin": "B00139ZSDG", "reviewerName": "Heather L Bauer", "reviewText": "Yummy", "summary": "Five Stars", "unixReviewTime": 1488844800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A1PF90JJ4LW273", "asin": "B000FFIUDE", "style": {"Size:": " 18 Count", "Flavor:": " Mate Lemon"}, "reviewerName": "LL", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "AKNKCWHHW4SLS", "asin": "B000FFLHSY", "style": {"Size:": " 16oz.", "Flavor:": " Goji Berries"}, "reviewerName": "Fusc", "reviewText": "These are terrific for us--best brand and very nutritious.", "summary": "Five Stars", "unixReviewTime": 1497052800} +{"overall": 2.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A12IFS4A0DLGNL", "asin": "B000FFPXF2", "reviewerName": "AndyK", "reviewText": "Does not taste very good to me.", "summary": "Two Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A2FEE9PVDO7L9Y", "asin": "B000ZDKU6G", "style": {"Size:": " 10", "Flavor:": " Teriyaki"}, "reviewerName": "Mike", "reviewText": "Love these snacks for on the go or at work. They taste great and are better for you than anything you'd buy at a gas station", "summary": "Great Taste! Filling!", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A33X31VRMDOK6I", "asin": "B000GW46D4", "reviewerName": "L. Kitta", "reviewText": "Very fast shipping, item as described, thanks!", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A3KDKJ80RQMV0N", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "S.", "reviewText": "This was a bargain and I am extremely happy with it. The nuts are very fresh tasting. I divide up some to keep out and keep the remainder in the freezer. I will definitely order these again!", "summary": "This was a bargain and I am extremely happy with it", "unixReviewTime": 1480982400} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A2YPBLSWGVCGVL", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Thom Reece", "reviewText": "The delivery and packaging is the same high quality I expect from Amazon... but the taste of this product is not up the organic version I usually buy. The price is lower, but so is the quality, in my opinion.", "summary": "The delivery and packaging is the same high quality I ...", "unixReviewTime": 1407715200} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A17OSOO1PIUG7U", "asin": "B001652KK6", "reviewerName": "Barb", "reviewText": "You would never know that this is fat free! Great in egg salad and tuna also.", "summary": "Never thought this was possible.", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A1K8CSVXQUE6HG", "asin": "B0014EOU4S", "reviewerName": "Doyle s.", "reviewText": "1", "summary": "Five Stars", "unixReviewTime": 1476403200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A21VVZTR0E173B", "asin": "B000HDVM9I", "reviewerName": "vicharlotte juarez", "reviewText": "Good quality shipped fast excellent mickey mouse shape.", "summary": "Five Stars", "unixReviewTime": 1422316800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A27PNH29CY07L2", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "Ddm33", "reviewText": "My buddies didn't get the runs wth?? I fed these too my buddies and no one got sick. So now I just keep eating them.", "summary": "Great buy", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": false, "reviewTime": "05 15, 2017", "reviewerID": "AGLVQUWNCFZD3", "asin": "B000IXRG8S", "style": {"Size:": " 11.25 Ounce (Pack of 6)"}, "reviewerName": "Ridgerunner", "reviewText": "These are 'the bomb\"!", "summary": "Highly addictive.", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2015", "reviewerID": "A31OESX3HDY3GF", "asin": "B000QGCM04", "style": {"Flavor:": " Nacho"}, "reviewerName": "D. J. O'brien", "reviewText": "These are greaat to feed the birds, and even people!", "summary": "Five Stars", "unixReviewTime": 1430092800} +{"overall": 2.0, "verified": true, "reviewTime": "12 16, 2017", "reviewerID": "AO08WKD0W1JB1", "asin": "B000YN2GVY", "reviewerName": "Clayton Nichols", "reviewText": "wife did not like it thanks though", "summary": "Two Stars", "unixReviewTime": 1513382400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "ALILJJP4SOONM", "asin": "B00117YTBC", "style": {"Size:": " 12"}, "reviewerName": "sherryn brooks", "reviewText": "Great for all usage...esp good for daily consumption. Easy on the palate.", "summary": "Gooooood", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A2MREX83KSNACA", "asin": "B000NY8OEW", "style": {"Size:": " Pack of 3", "Flavor:": " Chocolate"}, "reviewerName": "wob", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "A26Z940NH82WPY", "asin": "B0014GLSE6", "reviewerName": "LB", "reviewText": "outside of avocado looked good, very important.", "summary": "Four Stars", "unixReviewTime": 1519257600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2017", "reviewerID": "A1DHNDRE085QYZ", "asin": "B000YCNFCY", "reviewerName": "mary panzegraf", "reviewText": "My husband loves fruitcake and wanted to try the dark. He hasn't tried it yet but is thrilled I could get it now. :)", "summary": "My husband loves fruitcake and wanted to try the dark ...", "unixReviewTime": 1495756800} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A2WR4JR8LB6MSJ", "asin": "B0014EQI4I", "style": {"Size:": " Pack of 12", "Flavor:": " Roadhouse Beef & Bean"}, "reviewerName": "Lewis Net", "reviewText": "Good, should buy more!", "summary": "Buy More", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1GXTBR5PD67KX", "asin": "B000KOQJ4C", "style": {"Style:": " Long Grain & Wild Rice"}, "reviewerName": "Marge", "reviewText": "This is really good--and easy. Add a little butter and it's a great side dish.", "summary": "good'n easy", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "ABOGWXOO85KGA", "asin": "B0004MTM9O", "style": {"Size:": " Pack of 1", "Flavor:": " Apricot"}, "reviewerName": "Cynthia S.", "reviewText": "Thanks !!!!!!", "summary": "Five Stars", "unixReviewTime": 1505606400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A1EXWQ3WLYQLU3", "asin": "B000E9WB8Q", "style": {"Size:": " 24-ounce, 6-count"}, "reviewerName": "Ashley", "reviewText": "My favorite go to brown sugar. Nice, light, and fluffy. Tastes great.", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "A1XC4QTNP0IWYQ", "asin": "B000I04D5K", "style": {"Size:": " 350-Count Box", "Flavor:": " Vanilla"}, "reviewerName": "MOH", "reviewText": "Recipient loved them and ate them all in a short period of time!", "summary": "Crazy for FORTUNES!", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": false, "reviewTime": "09 20, 2016", "reviewerID": "A2P5V4GFNUITLO", "asin": "B000E1FXQ6", "style": {"Size:": " Pack of 18 (2.15-Ounce Packets)", "Flavor:": " Original"}, "reviewerName": "S. Tros", "reviewText": "Nice and easy to throw in the kids lunch!", "summary": "Kids love it!", "unixReviewTime": 1474329600} +{"overall": 5.0, "verified": false, "reviewTime": "03 23, 2018", "reviewerID": "ASX0UNDFLQ4TJ", "asin": "B000LRH6DQ", "style": {"Size:": " 15 Pounds"}, "reviewerName": "MR", "reviewText": "Amazing flavour. Perfect for biryani.", "summary": "Five Stars", "unixReviewTime": 1521763200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A3CD4ZDE9JWBR4", "asin": "B0001CXUHW", "style": {"Size:": " 16 Ounce"}, "reviewerName": "Ana", "reviewText": "I like that you can keep it in the freezer, and no need for proofing! Works as expected.", "summary": "Good Product", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "AJDP06VOGIJ8D", "asin": "B000RODGUU", "reviewerName": "Wes", "reviewText": "Not a Thanksgiving without this to inject the fried turkey.", "summary": "Love this brand over many others i have tried", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "ALP9LUCHN6038", "asin": "B000WS1DT2", "reviewerName": "Babe1941", "reviewText": "Don't use that much parsley, so this size is perfect for my pantry.", "summary": "Great price.", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2013", "reviewerID": "A3KD2CXQQGU2S1", "asin": "B0001ES9FI", "style": {"Size:": " 16ct (Pack of 6)", "Flavor Name:": " Kona Blend"}, "reviewerName": "B. T. Eason", "reviewText": "Non acidic and mild with nice smooth flavor, this makes a nice change from the deep roast I usually prefer.", "summary": "Smooth Flavor", "unixReviewTime": 1385596800} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A3FVX9CNKD4WPB", "asin": "B000WS3AJS", "style": {"Size:": " 1-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "Cumin is one of my favorite spices, and this one seems to be of high quality.", "summary": "Five Stars", "unixReviewTime": 1428451200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A37G5LNW1EKYCT", "asin": "B000MGWIH0", "reviewerName": "Saffron", "reviewText": "This is great - so much better than the stuff with additives.", "summary": "Love it", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A1RSD5FSH44243", "asin": "B00113J9PM", "style": {"Flavor:": " Cocoa Tango"}, "reviewerName": "Holly", "reviewText": "Excellent blend of heat and sweet. Couldn't be improved upon!! A+ Buy!", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2013", "reviewerID": "A3SNR6BRUI6CHG", "asin": "B000GW23QQ", "style": {"Size:": " 1.2-Ounce Packages (Pack of 32)", "Flavor:": " Beef & Cheese"}, "reviewerName": "Carol A. Robb", "reviewText": "This is a great on the go snack. It is low in carbs and not so bad in calories. Great", "summary": "Great on the go snack", "unixReviewTime": 1367884800} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A21AK5KJRTKHTL", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 4)", "Flavor:": " Toasted Marshmallow"}, "reviewerName": "michelle karr", "reviewText": "Seriously a really good deal, plastic bottles which are awesome. Comes out to like $7 a bottle. Way better than going through Torani's website.", "summary": "Seriously a really good deal, plastic bottles which are awesome", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A38QHZEEYZKT27", "asin": "B000JMAVYO", "style": {"Size:": " 4 Pound"}, "reviewerName": "Amighty", "reviewText": "This is a giant bag of almonds. Good almonds, too. Imagine a small pillowfull of almonds that you could prop your head up with while watching tv on the couch.", "summary": "Good almonds, too", "unixReviewTime": 1413849600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2OE7NWCP0GH39", "asin": "B000I62U0O", "style": {"Flavor:": " Green Berry Rush"}, "reviewerName": "Ronald Sancio", "reviewText": "Not bad but not my fav", "summary": "Four Stars", "unixReviewTime": 1407542400} +{"overall": 2.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A11A75FIE3396D", "asin": "B0016MN9G8", "style": {"Size:": " TUB - 180ct"}, "reviewerName": "P, M. Buchanan", "reviewText": "I realized I'd wasted money buying twists that were individually wrapped. Candy is good, though.", "summary": "Two Stars", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A2STP373H6N2LE", "asin": "B000H26J7E", "reviewerName": "just some guy", "reviewText": "favorite of the 80+% dark chocolate. better than the the one that starts with \"G\".\nmild berry flavor, very mild", "summary": "great for low carb eaters!", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": false, "reviewTime": "12 10, 2013", "reviewerID": "A3SBL75CSO5PUK", "asin": "B000F6WRY6", "style": {"Package Quantity:": " 1"}, "reviewerName": "Amazun Custumer", "reviewText": "A really good experience! The aroma is strong and taste is crisp. Quite possibly my favorite tea I ever tried. The tin is stylish and can be used for decoration.\n\nOnly con is that it's expensive. But hell it's worth it!", "summary": "I like it a lot.", "unixReviewTime": 1386633600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "A1VC6AQUWUFOTK", "asin": "B000O0I1NE", "style": {"Style:": " Italian Blend"}, "reviewerName": "ANK", "reviewText": "Once again.....top quality brand!! They are honest and their products are the best!", "summary": "Top quality!", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A3UM7NE9VG5ZWR", "asin": "B001444G5Q", "style": {"Size:": " 90 Ounce"}, "reviewerName": "SP CALI", "reviewText": "yummy", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A1M3VZYXHFT0L7", "asin": "B0000TA3SK", "reviewerName": "Dennis Y.", "reviewText": "nice size, fast service", "summary": "Four Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A20RW2ERSK735O", "asin": "B001790DT6", "reviewerName": "Dennis Rockstroh", "reviewText": "Ate them by the bagful. Excellent one-by-one, too.", "summary": "Excellent one-by-one, too", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": false, "reviewTime": "08 26, 2011", "reviewerID": "AUICIB1WWCAQ7", "asin": "B000QV2GNC", "reviewerName": "Jukeman", "reviewText": "This is a good tasting granola, my grandchildren love it, rather eat this than lunch. Not sure if that is good or bad!", "summary": "Very Good", "unixReviewTime": 1314316800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "AN90C20SW87H5", "asin": "B0013JOKBC", "style": {"Size:": " 1x each 24 Oz"}, "reviewerName": "jean", "reviewText": "this product is incredible -great price great flavor and gluten free....hope you all enjoy it as much as i do", "summary": "healthy", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A1LQU2U2S0KHV4", "asin": "B000PDY3P0", "style": {"Size:": " 4-Ounce Portion Packs (Pack of 24)"}, "reviewerName": "Joyce Greene", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A39HMYM4H96J7Z", "asin": "B000MSFC9E", "reviewerName": "Agent007-11", "reviewText": "Great as a substitute for Japanese or Korean instant, and costs less. I will be getting more and the decaf too. Sorry ICC and Maxim.... You're too expensive.", "summary": "Comparable to ICC and Maxim", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A20R6TKILKAH6F", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Cherries"}, "reviewerName": "Kindle Customer", "reviewText": "Great value. Great taste. I mix these with other fruit/nuts to make my own trail mix (be sure to include some candied ginger to give your mix a little punch).", "summary": "Great value. Great taste", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2018", "reviewerID": "A3IT6DEVGWOUXO", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Cherries"}, "reviewerName": "fourbyfive", "reviewText": "My wife loves these things as a snack, and beats heck out of crackers etc. She mixes them in with a bag of almonds.", "summary": "Pretty good eating", "unixReviewTime": 1521849600} +{"overall": 5.0, "verified": false, "reviewTime": "03 14, 2015", "reviewerID": "A2F77FZLH6MGSB", "asin": "B0014EOUYI", "style": {"Size:": " Pack of 12"}, "reviewerName": "Maranatha12", "reviewText": "Local stores don't stock it very well so having this delivered is a real blessing since I'm addicted to the taste.", "summary": "Local stores don't stock it very well so having this ...", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A3MQGZYDU677VQ", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Hot Cinnamon Spice"}, "reviewerName": "Marjory Antle", "reviewText": "This is the 2nd box of Cinnamon tea that I have ordered. It is delicious and the cinnamon helps control your blood sugar levels. It makes a great healthy drink.", "summary": "It makes a great healthy drink", "unixReviewTime": 1455926400} +{"reviewerID": "A20MXPG2JKPHM1", "asin": "B000FRUMBK", "reviewerName": "F. L. APPEL", "verified": true, "reviewText": "Use this product before every workout, gives more energy than candy bar.", "overall": 5.0, "reviewTime": "04 9, 2012", "summary": "Five Stars", "unixReviewTime": 1333929600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "A1H78QX9RNW6N6", "asin": "B000FVCVS8", "reviewerName": "Marni M.", "reviewText": "This spice mix flavours my dishes beautifully. Pricey, but worth it.", "summary": "Great spice mix", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A2B8HFA54C6YAK", "asin": "B000FFPXJ8", "reviewerName": "Lana", "reviewText": "The flavor packet is huge, you likely won't need the entire packet as your oatmeal will be swimming in sugar.", "summary": "Wonderful!", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "A29N8AYJRBHO9O", "asin": "B0007PCZ0Q", "style": {"Package Quantity:": " 6"}, "reviewerName": "Olga", "reviewText": "I have ordered it for the second time. I bake rye bread and this flour works just fine. I haven't tried the second order yet, but the first one is perfect. Bread turns out delicious", "summary": "Very good", "unixReviewTime": 1361664000} +{"overall": 1.0, "vote": "7", "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A1C1087ZS3VWZF", "asin": "B0012BVZPK", "style": {"Size:": " 100 Count"}, "reviewerName": "Michele", "reviewText": "I received loose tea bags in a box without any proper packaging. Some of the tea bags looked old with wear on the edges. I do not recommend buying from this seller.", "summary": "package", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": false, "reviewTime": "03 24, 2017", "reviewerID": "A1WM8ZUDIK7SNZ", "asin": "B000YPMKXQ", "style": {"Flavor:": " Banana Bonanza"}, "reviewerName": "4Him", "reviewText": "Awesome taste and easy to make!!! And it is banana only...not banana combo...I love it!!!", "summary": "Awesome!!!!", "unixReviewTime": 1490313600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A3U6NXDH5UHBFX", "asin": "B000MGWIH0", "reviewerName": "Anna", "reviewText": "Great Stevia", "summary": "Five Stars", "unixReviewTime": 1471564800} +{"overall": 2.0, "verified": false, "reviewTime": "07 14, 2017", "reviewerID": "APE8PTM0ZGKVZ", "asin": "B000C2ROG4", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "Diana", "reviewText": "The texture is terrible. The crust is very tough. I spread butter on it and it was still tough. I ate a couple of pieces. Smell was typical for GF bread and the taste was bland. Needs more salt. And now its giving me a stomach ache. (most likely the toughness of the crust)", "summary": "The Crust Is Tough", "unixReviewTime": 1499990400} +{"reviewerID": "A2M805YHEHPAQS", "asin": "B000F4DKAI", "reviewerName": "grifflady1", "verified": true, "reviewText": "Tasty...Smooth", "overall": 5.0, "reviewTime": "07 7, 2015", "summary": "Five Stars", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2014", "reviewerID": "A2NP9CGUSFP22E", "asin": "B0001DMTPU", "style": {"Size:": " Pack of 1"}, "reviewerName": "BG", "reviewText": "Taste. Goes well with Asian foods but can be used for just about anything. This product has good taste and quality.", "summary": "Great", "unixReviewTime": 1394064000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A18WION97EOFEU", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " Summer Strawberry"}, "reviewerName": "Judy", "reviewText": "Very smooth and tasty", "summary": "Yummy good, kick starts my day", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A3H106BFIPAFDL", "asin": "B00099XMX4", "style": {"Size:": " Pack of 12", "Flavor:": " Chicken Rice with Vegetables"}, "reviewerName": "bonblue", "reviewText": "really ???some of these reviews for products are a little silly ''''", "summary": "Five Stars", "unixReviewTime": 1484438400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 29, 2013", "reviewerID": "APJYFAB5WIWVP", "asin": "B000V4WZ0S", "reviewerName": "Grey Boy", "reviewText": "Did you know they pack each soldiers back packs with 2 rolls of these Necco wafers. They last forever. Are mighty tasty and actually if you are on a diet and want something small to satisfy the sweets this is the product.", "summary": "best candy ever", "unixReviewTime": 1380412800} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2013", "reviewerID": "AT8TS7XTO8TIE", "asin": "B000H2XXRS", "reviewerName": "AlmostEverything84", "reviewText": "Been using for a month now and I love it. I cook my food in it instead of olive oil. This is like a paste depending on the temp in your house. Food tastes great and I actually never taste any coconut in my food from it.", "summary": "Best Cooking oil", "unixReviewTime": 1385078400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A3ATF35L9DP3KY", "asin": "B000WR8TYK", "reviewerName": "GirlfriendNJ", "reviewText": "Authentic Onion taste and Organic. Success", "summary": "Simply Tasty", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2008", "reviewerID": "ATKLOMDBJL0QM", "asin": "B0013E21V8", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Bay Wife", "reviewText": "goes well with pancakes or as a sweetener or flavor in baking. We like Coombs as well.", "summary": "Very rich flavor...", "unixReviewTime": 1213574400} diff --git a/keith-galli_nlp/data/test/test_Patio_Lawn_Garden.json b/keith-galli_nlp/data/test/test_Patio_Lawn_Garden.json new file mode 100644 index 0000000..903f83f --- /dev/null +++ b/keith-galli_nlp/data/test/test_Patio_Lawn_Garden.json @@ -0,0 +1,500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A1H1Z0G6N8F0AH", "asin": "B000HHMBQ2", "reviewerName": "Amy Key", "reviewText": "Arrived as described. Thank you for a pleasant transaction!", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A1JQ7VAHUOWBFK", "asin": "B000MOM7KK", "style": {"Color:": " blue"}, "reviewerName": "Amazon Customer", "reviewText": "Already being used for cleaning pool", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 3.0, "verified": true, "reviewTime": "11 25, 2012", "reviewerID": "A3VBHY1EXZNAEU", "asin": "B0014FGT8C", "style": {"Format:": " Lawn & Patio"}, "reviewerName": "R. Josey", "reviewText": "Didn't do what they said it would do. In fact one light doesn't blink it just stays on. The deer aren\"t scared\nof a steady light (not very bright).", "summary": "Nite Guard solar light", "unixReviewTime": 1353801600} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A2XSB1WWP68AE7", "asin": "B0002AQQTW", "style": {"Size:": " 20 lb"}, "reviewerName": "Lee74789", "reviewText": "Product is as described.", "summary": "Four Stars", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": false, "reviewTime": "11 13, 2014", "reviewerID": "A3L0PCJPOWAHLI", "asin": "B0002XEM0E", "reviewerName": "Amy O.", "reviewText": "Just what I wanted, thanks so much. :)", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A2WVINM52HIKO9", "asin": "B0009PUQAK", "style": {"Style:": " Hose"}, "reviewerName": "John", "reviewText": "Haven't used it yet, but checked to see if it connected to my tank and it will. Summertime is coming and we are done by the small canister tanks (a real disposal problem when empty) for the Coleman Portable grill. In our case, portable means moving it around on the deck.", "summary": "Connections Fit, Should Work!", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2017", "reviewerID": "A3JTB8345HH0K", "asin": "B0013I2MSG", "style": {"Color:": " Sandstone"}, "reviewerName": "Gina Monroy", "reviewText": "Best valve cover. Actually fit 4 valves in a row", "summary": "Five Stars", "unixReviewTime": 1489536000} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "A29IJIX8UHO3TT", "asin": "B0014IGXVM", "reviewerName": "Tony Davis", "reviewText": "I use a brush as the primary scrubber of my cast iron skillet, but I use these for the food that's really baked in there. These are excellent for that. They just aren't as good at general cleaning, so I have to keep 2 utensils on the sink...", "summary": "Excellent for the hard to clean spots", "unixReviewTime": 1383782400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A2ARJYDVAG08EH", "asin": "B000LO4FFG", "reviewerName": "RC", "reviewText": "Does a great job.", "summary": "Five Stars", "unixReviewTime": 1430697600} +{"overall": 4.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "APZQ2PK54VBSF", "asin": "B000NCWP44", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "marshaelaine", "reviewText": "good washers for the hoses", "summary": "Four Stars", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A3EWO6Y4YOYD4S", "asin": "B000TASSYQ", "style": {"Color:": " Green"}, "reviewerName": "Amazon Customer", "reviewText": "Easy to get the correct amount of water.", "summary": "Five Stars", "unixReviewTime": 1440979200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A1E0QSD4PGWH96", "asin": "B000HAAOKY", "style": {"Size:": " 2.2-Ounce"}, "reviewerName": "BlueFu8", "reviewText": "My mother has always used the MiracleGro plant food spikes, so I grew up familiar with them. Of all the products out there, these are the easiest to use and have never burned my plants. It works like a charm for plants that are droopy and out of sorts!", "summary": "It works like a charm for plants that are droopy and out ...", "unixReviewTime": 1510185600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A1SH68PQ2SSDTD", "asin": "B0016ALHZA", "reviewerName": "vark", "reviewText": "FOUND IT EASY TO INSTALL...IT CUTS LIKE A NEW ONE NOW. ITS BEEN A LONG TIME, FOR THE ONE I HAD IN THERE. YES, IT IS.", "summary": "FOUND IT EASY TO INSTALL", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "ANV9L0JU6BNL", "asin": "B0017V19VK", "reviewerName": "Dennis", "reviewText": "can't beat it for the price. pretty good steel, and I was able to put a nice edge on it: first using a dremmel (or a fine file), then a regular old carbon knife sharpener. don't expect it more than letter-opener sharp when recieved, though.", "summary": "can't beat it", "unixReviewTime": 1374192000} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A327R8TQ2RZN3V", "asin": "B000QDEQ7E", "style": {"Size:": " 24 Ounce"}, "reviewerName": "Greyfossil", "reviewText": "Used this as perimeter treatment after a Carpenter Act discovery in a door frame. Works as advertised.", "summary": "I'm keeping this handy and using whenever I see ants around woodwork.", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": false, "reviewTime": "05 26, 2015", "reviewerID": "A3QUMLZ4B7X5HU", "asin": "B000WEMGM4", "reviewerName": "Just me", "reviewText": "Use these all the time when rotisserieing placeing a water bath in between the two baskets", "summary": "Five Stars", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": false, "reviewTime": "06 17, 2015", "reviewerID": "A26M5O53PHZTKN", "asin": "B00004SDVW", "style": {"Style:": " 3-Way Adjustment with Metal Sled"}, "reviewerName": "Debs", "reviewText": "This sprinkler works great. It is so flexible depending on area size and shape. I use it for flower beds and a narrow lawn area on one side of my drive. Nothing else works there but this !", "summary": "Good quality- very versatile", "unixReviewTime": 1434499200} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2013", "reviewerID": "A2MM8KSKNPHY88", "asin": "B0011VRFWS", "reviewerName": "and", "reviewText": "I am learning to grow moss, so the viable spore rate I cannot be too sure of, but the spores are great sized and there are plenty of them. This is the best value I found on amazon, I searched and searched. So if it is amount for the money this is the place. Thanks.", "summary": "Nice size package", "unixReviewTime": 1367366400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "A2V0R9IOV8VZAV", "asin": "B001BRQHQM", "style": {"Size:": " 5/8-Inch by 100-Feet"}, "reviewerName": "Alan Penn", "reviewText": "I used this hose to water new sod in my yard. The hose performed very well with no problems.", "summary": "Very Good Hose", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2012", "reviewerID": "A3IGNX45N0HJ7Q", "asin": "B0002X6874", "style": {"Size:": " 2.5 Gallon"}, "reviewerName": "Mundelein Reviewer", "reviewText": "Stuff sure stinks. I don't recommend spraying yourself but it does keep the deer away for 3-4 weeks. 3rd time buyer.", "summary": "Deer Spray", "unixReviewTime": 1347667200} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "ADACK999W2SB6", "asin": "B000TSXWSA", "reviewerName": "Robert J. Miller", "reviewText": "Always can count on this product to help maintain my hot tub.", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "AIZM3L3HCQC8F", "asin": "B001DNIIOS", "style": {"Color:": " La Crosse Technology"}, "reviewerName": "F15-Eagle Chief", "reviewText": "Excellent product, if you want 24 hour clock, it forces the degree display to be Celcus", "summary": "Good product for price", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A2DH2V42Q93KDH", "asin": "B0017WOFSI", "reviewerName": "KMB", "reviewText": "The handle and carbon filter make the product. Otherwise it would be the same as our other cscrap container.", "summary": "Five Stars", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2017", "reviewerID": "AQR95KFXVUPCC", "asin": "B000G2R1W2", "reviewerName": "David Garthwaite", "reviewText": "Works perfect for my needs", "summary": "Five Stars", "unixReviewTime": 1512259200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "A3V6BVZBDMAA0C", "asin": "B000AF6M4S", "style": {"Pattern:": " Blue/Cottage"}, "reviewerName": "Jennifer N. Liehn-Pupo", "reviewText": "We bought more because we love them - the originals were purchased 5+ years ago and they are still going strong in the Florida Sun! Long lasting and well made product. Very colorful and looks great in our yard!", "summary": "2nd Set", "unixReviewTime": 1368748800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "A1THVNO2J2PF7D", "asin": "B00004RBDX", "style": {"Size:": " 16 ounce"}, "reviewerName": "Big Shot Rob", "reviewText": "Simple. Flies go in... but they never come out... you can easily collect thousand flies in here, they just keep coming for more.", "summary": "VACANCY - Dead Fly Motel", "unixReviewTime": 1389225600} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "AL4OTSH7EEK91", "asin": "B0011TMXYK", "reviewerName": "Mary E. Moyer", "reviewText": "I make flags. Just what I needed. They make a great gift pair.", "summary": "They make a great gift pair", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A2HPBJCT0THJK7", "asin": "B0017RMJU4", "style": {"Size:": " Giant", "Style:": " Poly"}, "reviewerName": "Mae Fields", "reviewText": "Very sturdy in the wind. Easy to move about or collapses for storage. Protects from hard rain and hail as well as cold days or nights.", "summary": "I like this plant cover a lot", "unixReviewTime": 1496620800} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A5KZRHHOHQP54", "asin": "B001BNQP7M", "reviewerName": "Kent Shebelut", "reviewText": "other troubles. piece was fine", "summary": "Four Stars", "unixReviewTime": 1408665600} +{"overall": 1.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A1E6CYCULYBJFX", "asin": "B000UW5QP2", "reviewerName": "charles", "reviewText": "seeds did not germinate", "summary": "One Star", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "AHJ0SPQ6XVJ6M", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "Michael L.", "reviewText": "I do not write ad copy for free", "summary": "Five Stars", "unixReviewTime": 1480723200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A3EMK9IAD9NQI9", "asin": "B000GE7A6M", "style": {"Size:": " 3 Liters", "Color:": " Blue"}, "reviewerName": "DePapa", "reviewText": "Very good quality. It pours water slowly (great for the plants) and the swiveling nose makes it very easy to use and store.", "summary": "Good quality. Very useful. Love it!", "unixReviewTime": 1483488000} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A3MYADYBC0JAHD", "asin": "B0018U0A3S", "style": {"Color:": " black"}, "reviewerName": "GARY LEHL", "reviewText": "Not sure of the difference between this brand or any other but,, since it is being sold by the same folks who manufacture saw chains,, I figured I'd go with it in spite of its cost.. Jury is still out on its performance.", "summary": "HOPE IT'S AS GOOD AS THEIR SAW CHAINS ??", "unixReviewTime": 1496793600} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A314TC9KD94264", "asin": "B001BVG7JK", "reviewerName": "karen s", "reviewText": "Best garden gloves going.", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "AJP569L5Y2RJH", "asin": "B001B1KGCO", "style": {"Size:": " 3lb"}, "reviewerName": "cruzer02", "reviewText": "rec'd item today and ant killer works great and price is reasonable and shaker bag is very good for distributing ant powder", "summary": "ANTS FOR SALE", "unixReviewTime": 1460937600} +{"overall": 2.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A38PQUE8WV9QIS", "asin": "B000ERETII", "style": {"Style:": " Aquabug"}, "reviewerName": "Jack", "reviewText": "don,t work properly. does not cover entire pool.", "summary": "don, t work properly. does not cover entire ...", "unixReviewTime": 1412121600} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A37B8RRBJEQ88P", "asin": "B0015IJMBO", "reviewerName": "dennis", "reviewText": "I like it, use as curtains-but is cheaper at local garden store", "summary": "handy", "unixReviewTime": 1461628800} +{"overall": 3.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "A2S9F7EN61JPG3", "asin": "B000RUCH4A", "style": {"Color:": " Brown"}, "reviewerName": "SCOTT GREMORE", "reviewText": "its ok", "summary": "Three Stars", "unixReviewTime": 1450656000} +{"overall": 1.0, "verified": true, "reviewTime": "10 10, 2017", "reviewerID": "A212R2GAC3YACH", "asin": "B000UU1ACM", "style": {"Size:": " 1 Quart"}, "reviewerName": "prs", "reviewText": "did not work for me,", "summary": "One Star", "unixReviewTime": 1507593600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A226G5NR93ZHKG", "asin": "B000O5KQYQ", "style": {"Color:": " Sand Dollar"}, "reviewerName": "Lori", "reviewText": "Love this wind chime sounds so nice. Arrived perfect and very fast and it sounds great. Would recommend", "summary": "Awesome windchime", "unixReviewTime": 1442793600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "ATXTTY9CDN693", "asin": "B0014JNG52", "reviewerName": "Mike", "reviewText": "What can go wrong - it is a coal shovel and it is cheap. This is a very good deal. It is sturdy steel.", "summary": "This is a good deal", "unixReviewTime": 1465689600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A3850H6P35H99X", "asin": "B000COBUQC", "style": {"Size:": " 1 Quart"}, "reviewerName": "Evr", "reviewText": "The stems on my plants are about an inch and a half thick and twice as tall as the pot their in. I believe the key player behind the scenes was this stuff.", "summary": "The stems on my plants are about an inch and ...", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A27V0DJITALZVN", "asin": "B0015031R8", "style": {"Size:": " 1 pack"}, "reviewerName": "allen j", "reviewText": "ants have disappeared....", "summary": "dead ants", "unixReviewTime": 1452643200} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A2JUKHMZGASC16", "asin": "B000WEIJUW", "reviewerName": "Mach I", "reviewText": "The information about the product stated it was two per package. I only received one. This the reason I gave it a 3 star.", "summary": "The information about the product stated it was two per ...", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A1THNNNJTB67GA", "asin": "B000HI3COG", "reviewerName": "Larry Loy", "reviewText": "Excellent , just as I expected . easy to mount on a metal pole . I had to add 6 - 1\" perches ; for birds to land on . Easy to do . Birds love it ; looks great.", "summary": "Excellent, just as I expected", "unixReviewTime": 1436572800} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A3R66IPYIOYC8W", "asin": "B000WEKMK2", "reviewerName": "Paul M. Simison", "reviewText": "As expected would prefer stainless steel", "summary": "As expected would prefer stainless", "unixReviewTime": 1416096000} +{"overall": 3.0, "verified": true, "reviewTime": "10 3, 2016", "reviewerID": "A1SGEPR8S5JJHQ", "asin": "B000HJ7AIY", "style": {"Size:": " 2 Traps"}, "reviewerName": "KE", "reviewText": "May be good as a preventative measure, but we had to call the professionals for some really industrial quality traps.", "summary": "May be good as a preventative measure", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2012", "reviewerID": "A1E2SNGWI5B4CK", "asin": "B000E7K284", "reviewerName": "Chris M", "reviewText": "We always look for Ferry Morse seeds for our Western Colorado farm. They always yield amazing crops. Why buy anything else?", "summary": "Best Seeds", "unixReviewTime": 1344211200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A2Y8IIPMKFEJMU", "asin": "B000BQLWCS", "reviewerName": "Z", "reviewText": "works like a champ", "summary": "works as advertised", "unixReviewTime": 1449532800} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A29KVEGHYLJ4XL", "asin": "B000P4XMR4", "style": {"Size:": " 54 Refills", "Style:": " Rose & Flowering Shrubs"}, "reviewerName": "Gerald Rucker", "reviewText": "My roses are happy again", "summary": "Four Stars", "unixReviewTime": 1406419200} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "A103I1J66T6OMM", "asin": "B0009TCJBK", "reviewerName": "niki terry", "reviewText": "I bought this blade for my push mower and then sold the mower. The blade fit fine, the mower needed an extra purchase.", "summary": "Nice blade, fit mower", "unixReviewTime": 1360108800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A4T7SI02WGKET", "asin": "B00153KVYG", "reviewerName": "CB", "reviewText": "Love em! brought 2", "summary": "Love em! brought 2", "unixReviewTime": 1434240000} +{"overall": 1.0, "verified": false, "reviewTime": "09 2, 2014", "reviewerID": "A215G92A2WJAIR", "asin": "B0013O7HFS", "reviewerName": "Jbarth", "reviewText": "Don't waste your money. Mine broke the second day I had it. I tried to place pvc pipe inside it to reinforce it and it did not work, I made PCV reinforcements over the joint, it still is junk.", "summary": "This thing is a waste of money. IT IS ALL CHINESE JUNK!!!!", "unixReviewTime": 1409616000} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A2L6UGQY0GFHG0", "asin": "B000PKTPP6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "True Believer", "reviewText": "It was used with the Bonide Sethoxydim and I think it really helped kill the crab grass with one application. I would recommend it and would use it again.", "summary": "Really helped .", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A2CMMOM29AA26N", "asin": "B000MU2MJA", "reviewerName": "Mike Pientka", "reviewText": "finally found a way to get my kids to go after moths in the house", "summary": "works as advertised", "unixReviewTime": 1443830400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A399CWCTWI6942", "asin": "B000633Q84", "style": {"Size:": " Pack of 1"}, "reviewerName": "powerstroker", "reviewText": "It picks up poop", "summary": "Five Stars", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A33DF0S20E0N0I", "asin": "B001E2D62W", "reviewerName": "Jrljd", "reviewText": "If you have an automatic pool cleaner this is a great in line filter. We have oak trees around our pool and no screen so we purchased the Hayward Poolvernugen and this inline filter. So far it is a rockstar set up our pool practically takes of itself, yes we fired the pool guy.", "summary": "Fire your pool guy!", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "A1TPBAPK4YAQXE", "asin": "B000HHSAR6", "reviewerName": "Reasonable Mike", "reviewText": "I'm amazed at how fine the spray is and the amount of water that comes out. Great for hanging baskets. .", "summary": "Great noozle for water seedlings and other plants", "unixReviewTime": 1402876800} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "ADWL7GTLTKNBB", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "poo", "reviewText": "Protection for the winter for my pressure washer..Pricey but effective and easy to use", "summary": "Buy here.", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A2Q3IJ6YWF58QY", "asin": "B0007KP9S6", "style": {"Size:": " 1 Pack"}, "reviewerName": "Ponkow", "reviewText": "Literally only took minutes to put up and hang our flag. Good workmanship and heavy enough to keep flags secure in gusting winds.", "summary": "Nice looking and sturdy.", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A3M0RVZG1VDAYA", "asin": "B00169V99K", "reviewerName": "jbizzy", "reviewText": "This is a good one. you don't need a folding shovel. This is nice cause of the sharpened edge aswell. Good buy. Oh and get the sheath, its worth it aswell.", "summary": "Good Bit of Gear", "unixReviewTime": 1357862400} +{"reviewerID": "A10X44MB8IXKBF", "asin": "B000C2W5C2", "reviewerName": "Caseville Grandma", "verified": true, "reviewText": "This is worth the price. It is very large and stunning. Put it in a location by itself for visibiity.", "overall": 5.0, "reviewTime": "01 22, 2013", "summary": "absolutely beautiful!", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A2ENM1PEN1NOVR", "asin": "B000IE486K", "reviewerName": "Practical Shopper", "reviewText": "Simple, Easy to Read", "summary": "Good for your buck", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A1MALY0R7MONJO", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Shelly Long Island", "reviewText": "I bought a fire pit from Home Depot and needed a cover. This one does the job, it is nice thick material and the elastic has a good hold. Perfect for what I needed.", "summary": "Fits nice.", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A1MH221DBW6SMC", "asin": "B000FJYSHW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "James W.", "reviewText": "Better than the \"Big Box\" like items!", "summary": "You get what you pay for!", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A3DZTGTFBAVWB8", "asin": "B001BO167A", "reviewerName": "Paul", "reviewText": "just what I ordered, great replacement", "summary": "Perfect part", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A38J12MH59FIAC", "asin": "B001E2A2OM", "reviewerName": "Eric", "reviewText": "Great price, works perfectly.", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A2X7PFXBXSZ5UQ", "asin": "B0012VZY3O", "reviewerName": "Leo and Renee", "reviewText": "Easy fix for a lawnmower. I am sure a small motor repair shop would have charged $20-50 to replace, but it would be easy even for a novice to change out.", "summary": "Fixed Lawn Mower", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2012", "reviewerID": "A3E82IXO5J5MU7", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "libs", "reviewText": "With today's technology this Gas Can is amazing, some of the safety cans that are on the market today do not perform as well as this one.", "summary": "Great Gas can", "unixReviewTime": 1356739200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3DKHHS456Y68S", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "Amazon Customer", "reviewText": "best set up for a gas can, no more spills nice invention.", "summary": "Five Stars", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "AQJHZI7NQFDT7", "asin": "B000HACTSY", "style": {"Size:": " One Size"}, "reviewerName": "R. Stephens", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A3R2S1G60LJQFX", "asin": "B000BYM19S", "style": {"Size:": " 48 in."}, "reviewerName": "aniffa", "reviewText": "Nice rake. Sturdy. Handle doesn't splinter. Rakes nicely over gravel and picked up grass clippings.", "summary": "Love it", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A3TI8I5VJ0G0DW", "asin": "B000NCW904", "style": {"Size:": " 1-Pack"}, "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A3KOYDIOPTJDXM", "asin": "B0013KCOIW", "style": {"Size:": " Pack of 1"}, "reviewerName": "Arnold Marsee", "reviewText": "worked great", "summary": "Five Stars", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A1HPYI5HO83S1E", "asin": "B0013HO0E6", "reviewerName": "Amazon Customer", "reviewText": "so far so good. 12/25/17 Now had for more than 6 months had to change batteries, very handy, have 2 other units want to add more if it will work.", "summary": "Five Stars", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A3562R6L8OH482", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "Robert Slay", "reviewText": "It blows stronger than I thought it would", "summary": "Five Stars", "unixReviewTime": 1516838400} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2016", "reviewerID": "AEZJTA4KDIWY8", "asin": "B000BX4VXI", "style": {"Size:": " 1 Litre"}, "reviewerName": "Herman", "reviewText": "Convenient to have when cleaning split ACs. I would use this with water to clean off the AC solutions I used on the coils and blower.", "summary": "Great for cleaning ACs", "unixReviewTime": 1472601600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A2FEYTUM670Q5Q", "asin": "B00004RA3E", "reviewerName": "Amazon Customer", "reviewText": "good mower works good on small mobile lot", "summary": "Five Stars", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "AWZXG4WHHXMAX", "asin": "B000LNRVXK", "style": {"Size:": " 5 in x 40'"}, "reviewerName": "C/J Chen", "reviewText": "This stuff is great. Tough and it will last for years and years. 5 stars", "summary": "Five Stars", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A2SY01JKHRXEDJ", "asin": "B0015IJMBO", "reviewerName": "Jessica Gustavson", "reviewText": "Great value for raw burlap. It is not as tightly woven, however it still works great with so many crafts and accents", "summary": "Great value for raw burlap", "unixReviewTime": 1461542400} +{"reviewerID": "A9J2DLGQTVLJF", "asin": "B000VU222S", "reviewerName": "RJ in Maine", "verified": true, "reviewText": "This little snow thrower punches way beyond it's weight. I live in Maine and wanted this to clear my deck. It works perfectly and does a great job. I recently used it on a 12\" snowfall. I went slowly and it cleared the snow. Just amazing!", "overall": 5.0, "reviewTime": "01 8, 2018", "summary": "Works better than expected!", "unixReviewTime": 1515369600} +{"overall": 4.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A2W7VOFZEN9E0J", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac(UltraPlus)"}, "reviewerName": "bwb30815", "reviewText": "Power full blower, but not much suction on vacuum .", "summary": "Toro 51621", "unixReviewTime": 1468972800} +{"overall": 1.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AT7ZFARJ0QK4V", "asin": "B000YKJ6YW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "John A. Bloomfield", "reviewText": "Two 'noodles' popped of first time I tried to use it. Very cheaply made. Way overpriced. Just threw it away. Waste of money and not worth my time to return. Don't waste your money.", "summary": "Junk", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A2QZT9L3HLEFTL", "asin": "B0012QLV5E", "style": {"Package Quantity:": " 1"}, "reviewerName": "Ron Stransky", "reviewText": "Exactly as specified", "summary": "Easy to install, exactly what you expect to get", "unixReviewTime": 1497398400} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "A3HMXQRTTHNZ50", "asin": "B000AXTNCS", "reviewerName": "Tesia", "reviewText": "These lights get the job done with a cheep overhead. Nice blue groth spectrum. I DID NOT LIKE how the bulbs were made to hook together, this was cheep and didn't work for either of the two lights I purchased.", "summary": "Good cheep light", "unixReviewTime": 1383782400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2U0LXK29W2U6", "asin": "B000X3KTHS", "reviewerName": "GmaH in SC", "reviewText": "Amazing gadget. It is a real, honest to goodness weather gauge. Doesn't take batteries. I very highly recommend this if you want a real weather gauge.", "summary": "Amazing gadget. It is a real", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A3OQZUJSKVH509", "asin": "B0015AOQUO", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "ezreader", "reviewText": "these work great with a ball cock set up to regulate flow and shut off", "summary": "Sweeper nozzle", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "A2Y4G7GYLULG66", "asin": "B0013E1VTG", "reviewerName": "Deb", "reviewText": "Good quality product. I got it for my mom, and she says it is nice.", "summary": "Five Stars", "unixReviewTime": 1459641600} +{"overall": 5.0, "verified": false, "reviewTime": "08 16, 2014", "reviewerID": "AJ4Q21GTNNC3H", "asin": "B000WEMFSO", "reviewerName": "pierre", "reviewText": "Works well to clean the grates of my BBQ. The long handle is very convenient to reach the back without your hand being over the still hot BBQ. It's holding well after a year or so of use.", "summary": "Works well to clean the grates of my BBQ. ...", "unixReviewTime": 1408147200} +{"overall": 3.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A3ANW5BON731U3", "asin": "B00004RA21", "style": {"Size:": " 50 feet"}, "reviewerName": "Heart", "reviewText": "I got this for cuke vines to crawl and they did, but the cukes kept growing through the mess, so will try a smaller mesh next year . . .", "summary": "OK", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A22IXQ4CBAWFNO", "asin": "B000HHO7AU", "reviewerName": "Janette", "reviewText": "Perfect for my roses.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 4.0, "verified": false, "reviewTime": "02 2, 2015", "reviewerID": "AMLJAHN05WP7X", "asin": "B0019LY8QG", "style": {"Color:": " Wasp Trap"}, "reviewerName": "klc", "reviewText": "Works well and has trapped both black and red wasps. But if you don't clean as soon as juice bait is gone they are real difficult to clean. Also recommend using heavy duty fishing line in place of string because of weather rot.", "summary": "Works well", "unixReviewTime": 1422835200} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "06 14, 2014", "reviewerID": "A3JOYNYL458QHP", "asin": "B000DZAWFA", "style": {"Size:": " 1 Pack"}, "reviewerName": "coleridge", "reviewText": "I bought six of these for about 10 bucks. Now it is one for $7.45. It's ordinary tree wrap. Egregious price gouging on Amazon prime. How do they live with themselves?", "summary": "Incredibly Inflated price for ordinary product.", "unixReviewTime": 1402704000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "A2LB1X2VMLI8V1", "asin": "B000P58124", "style": {"Size:": " 1-1/2-Inch", "Style:": " 90-Square-Foot"}, "reviewerName": "CodMurr", "reviewText": "Works great. On a pool now. But should of gone bigger.", "summary": "Five Stars", "unixReviewTime": 1460505600} +{"overall": 1.0, "verified": true, "reviewTime": "04 23, 2014", "reviewerID": "A1ZWLMXTQPG0RA", "asin": "B00004RAOO", "style": {"Size:": " 2-1/2\""}, "reviewerName": "The Careful Amazon Buyer", "reviewText": "Was surprised to see the pulley was out of true by an 1/8 of an inch. Way to far out for 3800 rpm. Recommend researching for a good steel pulley.\n\nBad buy, not recommended.....", "summary": "Not a good choice", "unixReviewTime": 1398211200} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A28PSM8NWK7W4W", "asin": "B000UVOTP6", "reviewerName": "Amazon_User", "reviewText": "All as described, and should be for what it is, and I expected to receive.", "summary": "Four Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A3QNYGGSV8792G", "asin": "B000J3AG7U", "reviewerName": "Rob Lauzon", "reviewText": "Great for keeping ice out of ponds during winter", "summary": "Five Stars", "unixReviewTime": 1476144000} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A1RN9TYC6HL3HJ", "asin": "B000A1E7DA", "style": {"Style:": " 18-inch Poly Snow Pusher"}, "reviewerName": "heather", "reviewText": "As described", "summary": "Four Stars", "unixReviewTime": 1483747200} +{"overall": 4.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A13L4LB6WGK2XW", "asin": "B0018TWJKG", "reviewerName": "MG Brown", "reviewText": "Just as a back up", "summary": "Just as a back up", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A2PIW7Z0DXL04", "asin": "B000BQT47S", "style": {"Color:": " Gray"}, "reviewerName": "WHD6", "reviewText": "Wire to my home and now I have a generator plug for the house when the power goes out.", "summary": "Just what I needed.", "unixReviewTime": 1430179200} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A2GL6VZIWLA19X", "asin": "B000FJVRAS", "reviewerName": "J. Simms", "reviewText": "So, this does exactly what it says and came in good condition. Perhaps it;s my fault, but I thought it was smaller. I think this is made for a swimming pool - I needed it for a hot tub. Eh... I still use it. It's just... big. Otherwise, I am happy with it and it works well.", "summary": "Bigger than I thought", "unixReviewTime": 1389398400} +{"overall": 1.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A1L6YL9EQM3X94", "asin": "B000BZYBYU", "reviewerName": "pa guy", "reviewText": "I was very disappointed with this it is very small, I threw it out.", "summary": "Very small photo is deceiving, even though the size is given did not like it", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": false, "reviewTime": "10 14, 2014", "reviewerID": "A2L0V71IYGL7JZ", "asin": "B0009KM2LG", "reviewerName": "Greg R.", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "AF3U04GV9M51O", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "EricaJo", "reviewText": "Very sharp and do not get stuck like previous ones I've used.", "summary": "Good shears", "unixReviewTime": 1468108800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2018", "reviewerID": "A1D2OTZESY6MZM", "asin": "B000YA8X7S", "reviewerName": "Mikey Gee", "reviewText": "It's nice. I wish that it had come with hardware since brass flush screws aren't something that I normally keep around but it's exactly what I expected.", "summary": "Nice.", "unixReviewTime": 1514851200} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A2GFR42C5ORFXI", "asin": "B001E8KUIY", "reviewerName": "Amazon Customer", "reviewText": "Happy with purchase. All parts fit well.", "summary": "Recommend", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A39SKV601VBNXI", "asin": "B000KL6T40", "reviewerName": "Jennifer O Cote", "reviewText": "Great, affordable bird seed. The birds empty our feeders in a day with this mix. The squirrels seem more interested in our sunflower seed, which makes this mix even better. We've brought in a large array of birds we've never seen before with it, so I'm a believer.", "summary": "Great, varied bird seed.", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": false, "reviewTime": "03 25, 2017", "reviewerID": "A2QQIE3P2JI09M", "asin": "B00008BKX5", "style": {"Style:": " Extender"}, "reviewerName": "IBNFECPO", "reviewText": "Just one of those tools that makes the job safer and easer. I loan it out all the time to my buddies. beats hooking up the trailer just to go get a few boards of lumber. Also used it to carry my deer stand to the woods.", "summary": "Just one of those tools that makes the job safer ...", "unixReviewTime": 1490400000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A1TRWDXY9EMMGO", "asin": "B000GGESVA", "style": {"Color:": " Rust"}, "reviewerName": "Alstew2000", "reviewText": "Was reticent buying a shade not made of canvas as was all I had ever had before, but no longer love this umbrella.", "summary": "but no longer love this umbrella", "unixReviewTime": 1462838400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "AOF6IUCN1I1TI", "asin": "B0013LUKR8", "reviewerName": "Krazybartender", "reviewText": "Made panels out of this for use in my growroom. Nice and reflective. Glad I bought them.", "summary": "Great for growrooms.", "unixReviewTime": 1431388800} +{"overall": 4.0, "verified": true, "reviewTime": "07 24, 2011", "reviewerID": "A104FEDJNPUIPS", "asin": "B0015AUOSC", "style": {"Color:": " Fireman's"}, "reviewerName": "Champe Greis", "reviewText": "This works extremly well and Iam pleased with the perfomance. It would really have presure with a 3/4 inch hose.", "summary": "Nelson 2520 Nozzle", "unixReviewTime": 1311465600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A1T890N21I02SP", "asin": "B000O5Y4B2", "style": {"Style:": " 4-Pound"}, "reviewerName": "Marsh", "reviewText": "Good price, seems to work well.", "summary": "Good Price Per Tablet", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "AR17HGC9G3QUN", "asin": "B000CSJ1VE", "style": {"Size:": " 3/4 Quart"}, "reviewerName": "OH", "reviewText": "The cats love watching the birds feed", "summary": "Five Stars", "unixReviewTime": 1456531200} +{"overall": 2.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A392SXFIN1NWVP", "asin": "B000HHSIKU", "reviewerName": "Darcydoodle", "reviewText": "Ants love it. But I do not love the ants. red fades quickly, had to repaint it. The glass broke at the reservoir on 2 out of 4, so far. Will not buy these again.", "summary": "Ants love it. But I do not love the ants", "unixReviewTime": 1404691200} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "AHNONIO92T793", "asin": "B0013HO0E6", "reviewerName": "Nancy", "reviewText": "Perfect size! Arrived quickly. Love everything about it but I wish the numbers for the clock and date were larger. The date and time are quite small compared to the temperatures.", "summary": "Perfect size! Arrived quickly", "unixReviewTime": 1444694400} +{"overall": 1.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A12AQI81DI8168", "asin": "B000OCSPP6", "reviewerName": "T", "reviewText": "Hoses came with a leak. pretty much every connection leaked. the brackets to attach everything were garbage plastic and didn't hold tight. Get a real pump. Not intex", "summary": "pretty much every connection leaked", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A3CNH5B0KJKZ3H", "asin": "B000IGGCWG", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Peter A. Ripin", "reviewText": "It's not whether I like the product. It's whether the birds like the product. They do.", "summary": "Tweet treat.", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A2WFR4CJD8T7SU", "asin": "B0007XC2RO", "reviewerName": "ABCServices", "reviewText": "works", "summary": "Five Stars", "unixReviewTime": 1452643200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "AJVA3X8N7XA4H", "asin": "B001GBOAQC", "style": {"Size:": " 1 Liter"}, "reviewerName": "Fei Xu", "reviewText": "I love it!", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 3.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "A8BMRKFCLLPWP", "asin": "B0012YGT9O", "reviewerName": "Trala Haze", "reviewText": "My dwarf banaba had dry brown and yellowing leaves when it arrived. I have sprayed it in case it is some sort of mildew or mite and replanted it. It seems like it will survive, as it has a new leaf sprouting. I'm excited to see how it will do!!", "summary": "Arrived in poor health, but I am looking forward to it anyway", "unixReviewTime": 1387670400} +{"overall": 3.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A3BV4UNMS7L1LK", "asin": "B000A0YHHM", "reviewerName": "canimar", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1445817600} +{"overall": 4.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A2Z7J8LHW4XTZB", "asin": "B00062KQ42", "style": {"Size:": " 30-Pound"}, "reviewerName": "bob jensen", "reviewText": "great for the price", "summary": "Four Stars", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A2JV3E5ZSAJW39", "asin": "B0011U00X0", "style": {"Package Quantity:": " 1"}, "reviewerName": "thomas ratchford", "reviewText": "Took it out of the box and used it for the first time on a camping trip it worked perfectly kept the bugs away from us and we were in a very wooded campsite", "summary": "Zapped away", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A1J0UVGB72L993", "asin": "B000WEIJU2", "reviewerName": "Traci Wills", "reviewText": "Perfect for my use. I just needed something inexpensive and pretty to let my lawn guys know that there is a plant behind it that I don't want whacked down. Lol This suits that purpose perfectly.", "summary": "Great!", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "A3QHLVKJ6H1E0Z", "asin": "B00004R9UK", "style": {"Size:": " 14-Inch, 4-Blade"}, "reviewerName": "Healthy Nut", "reviewText": "Grandson loves working out with mower, great excercise.", "summary": "Nice little mower, no fumes, no batteries!", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A2YDJ928L04Q1C", "asin": "B000HZRF92", "style": {"Size:": " 4-Pound"}, "reviewerName": "AnnML", "reviewText": "I use this for my large fountain and they're the perfect size for this. I use 1 per week, along with some algaecide to keep my fountain clear and clean. Works as intended!", "summary": "Great product for fountains", "unixReviewTime": 1417132800} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2014", "reviewerID": "A3GVSJADNCQ4N0", "asin": "B000X22TCC", "style": {"Size:": " 50-Foot"}, "reviewerName": "Dan Braithwaite", "reviewText": "fast delivery. as presented. under pressure new hose is more difficult to manipulate than the rubber hose it replaced. however, the rubber hose would leave black marks on my boat which were a pain to remove. very high quality.", "summary": "better tan rubber hose", "unixReviewTime": 1396569600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A389PEXR1C0KG0", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "FM SD", "reviewText": "Have used it many times and is very powerful. I like the adjustable power settings.\nI did find it to be rather heavy.", "summary": "Adjustable power settings", "unixReviewTime": 1454198400} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2014", "reviewerID": "A2RXJ73ZO49LHV", "asin": "B000QUXOM0", "style": {"Color:": " Original Green"}, "reviewerName": "yarder", "reviewText": "This digging fork is very well made and strong. When I bought it I was looking for a narrow fork pitch fork and did not realize how thick the tines would be on this tool. I like it enough to keep it and search again for a regular pitch fork.", "summary": "Steel digging fork", "unixReviewTime": 1391040000} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A3DEVV7HPYZTCN", "asin": "B00004RA92", "style": {"Size:": " 2 lbs/ 1 Pack"}, "reviewerName": "grandma lyn", "reviewText": "Perky Pet is my go to hummingbird nectar. Tried various kinds and the hummers respond to this the best. Maybe too good, I go through 32 ounces of nectar every 2 days!", "summary": "Great hummingbird lure", "unixReviewTime": 1503619200} +{"overall": 2.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A24I9C5HLVEW6B", "asin": "B0015UCRXM", "style": {"Color:": " Blue"}, "reviewerName": "stingy", "reviewText": "Doesn't work well with fine dirt at all. Seems to just blow it around. Also before the end of summer the handle separated from the motor so useless now. Not worth the money.", "summary": "Save your money", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "AQIJ3ZEEVCIKU", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "JJ", "reviewText": "Nice PH kit with everything I needed. A little goes a long way and only a few drops adjusts my water's PH perfectly.", "summary": "Good kit", "unixReviewTime": 1475366400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A34TZC7XYWVTR0", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "TheDuck", "reviewText": "fits perfectly in my drip pan in my webber grill. Also great as a water dish when smoking. Cheaper here than Lowes.", "summary": "Also great as a water dish when smoking", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": false, "reviewTime": "09 6, 2014", "reviewerID": "A3URD2WYB47NJC", "asin": "B0012RLIHY", "style": {"Color:": " Natural"}, "reviewerName": "Pamela Lechuga", "reviewText": "Beautiful heavy quality table.....thrilled", "summary": "Five Stars", "unixReviewTime": 1409961600} +{"overall": 3.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A1FP4HXOVMQHOF", "asin": "B00004TBKM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Janel M. Henderson", "reviewText": "does the job quite well, however, because of the awful smell and my neighbors being so close I would never buy this again. No matter where I hung it someone got get the stench.", "summary": "does the job quite well, however, because of ...", "unixReviewTime": 1411948800} +{"overall": 4.0, "verified": true, "reviewTime": "04 21, 2014", "reviewerID": "A2RT36NFPBAPQQ", "asin": "B001C15T5M", "reviewerName": "T. Meunier", "reviewText": "I suppose sitting in a chemical-filled swimming pool 24/7 for a few years will make plastic brittle. So every few years we need to spend a few bucks replacing these. It's cheaper than hiring a kid to vacuum the pool, though!", "summary": "These axles break often", "unixReviewTime": 1398038400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "AK5WCP90L0P1X", "asin": "B0013YYY9U", "style": {"Size:": " 7-Inch", "Color:": " Latte"}, "reviewerName": "San Berdo mountain man", "reviewText": "Easy to water plants! Will buy again. Attractive planter.", "summary": "Easy to water plants", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A3JGZ4L5OMVFZJ", "asin": "B0011UEKKE", "style": {"Size:": " 4 pounds", "Package Quantity:": " 1"}, "reviewerName": "Lisa Goff", "reviewText": "Tomatoes were anemic and small before I started using this product. They are now green and growing well .I like that it is organic and plan on using it again next year.\n.", "summary": "tomatoes look great!", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A3U3X33UBPT8RN", "asin": "B000X3KTHS", "reviewerName": "Pompanojack", "reviewText": "Perfect.", "summary": "Five Stars", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A2UN4LERTCVLR", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "Amazon Customer", "reviewText": "cool", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "A14EYDSCU6K9XP", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Gary", "reviewText": "I've been looking for a great gas can for many years. The no spill really works. I bought the optional extender hose. It does the job, but not a requirement of get all of the awesome features out of this gas can.", "summary": "I've been looking for a great gas can for many years", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "AG4DCM161VMGR", "asin": "B00004SDVW", "style": {"Style:": " 2-Way Adjustment with Plastic Sled"}, "reviewerName": "Amazon Customer", "reviewText": "Very pleased with this purchase.", "summary": "Five Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2017", "reviewerID": "A3KI6DXHQRZT7G", "asin": "B000B7I8B0", "style": {"Size:": " 24 Inch", "Color:": " White"}, "reviewerName": "Luanne King", "reviewText": "Just the right size for my chicken coop window!", "summary": "Five Stars", "unixReviewTime": 1511827200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "A3M0XJIDMLA70W", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "The real review", "reviewText": "well made and should last. have to replace other flag. don't forget to dispose of old flag properly. I have a friend in the American Legion. he said he will take the old one and do it. keep that in mind.", "summary": "American prepper", "unixReviewTime": 1378339200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AWHGYBN4C32Z9", "asin": "B000NCOG2I", "style": {"Size:": " 1-Pack"}, "reviewerName": "Mr. Wonderful", "reviewText": "I use in my Spa in a Box, perfect!", "summary": "perfect!", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2014", "reviewerID": "A3A5BEYDU9IQ2O", "asin": "B000X22TCC", "style": {"Size:": " 50-Foot"}, "reviewerName": "WNC", "reviewText": "Even a quality pressure washer some times comes with a cheap delivery hose. This product is the definite solution. WNC", "summary": "Great Hose", "unixReviewTime": 1396137600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1UP7K1F83UOMD", "asin": "B000WQL38U", "style": {"Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "Fit perfectly on our metal yard wagons and cost less than what tire shop would charge to replace the tube and fix the tire.", "summary": "All in one and includes the grease zerk ...", "unixReviewTime": 1468022400} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2013", "reviewerID": "AMU4RDZ37BKIC", "asin": "B000BQQ2NM", "reviewerName": "Laszlo from NC", "reviewText": "Simple and works well. Easy to attach to a wall. I had other similar hose hangers that leaked. Don't buy one with a hose guide beacause the friction between the vinyl or rubber hose and the plastic guide makes it very diffcult to roll up the hose...", "summary": "Good product", "unixReviewTime": 1384560000} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "ACPZ5GKPVOLNS", "asin": "B001F5RSP4", "style": {"Size:": " 14\""}, "reviewerName": "HT Luver", "reviewText": "These appear to be very well made, with rotating casters that make moving heavy pottery plant pots a breeze. They're outside and have weathered one winter very well, so we have hope that they'll stand up to the wet and cold as well as the heat of summer.", "summary": "Robust and useful.", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A2M4D8CFWCR7JD", "asin": "B0009KMWES", "style": {"Style:": " Pump Spray, 24-Oz"}, "reviewerName": "heather", "reviewText": "Worked Great when I was in the rain forest in Costa Rica", "summary": "Keeps the bugs away !!!", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A3TX4F65UWRO5X", "asin": "B000HCLLMM", "style": {"Size:": " Medium"}, "reviewerName": "Deedre L Scott", "reviewText": "Way better quality then I expected", "summary": "Five Stars", "unixReviewTime": 1451952000} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2017", "reviewerID": "A3NRLWC88X8IWC", "asin": "B000WEIJF2", "reviewerName": "hog1903", "reviewText": "just what I needed.", "summary": "Four Stars", "unixReviewTime": 1494460800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "A1C33WAKNXQJ8D", "asin": "B000E28UQU", "reviewerName": "Jon", "reviewText": "Good quality sprayer and a great price", "summary": "Five Stars", "unixReviewTime": 1492128000} +{"overall": 4.0, "verified": false, "reviewTime": "01 25, 2015", "reviewerID": "A1USRNDLBC7TJF", "asin": "B000E28UQU", "reviewerName": "Duckey Wuckey", "reviewText": "Good sprayer that is convenient to carry since only a gallon size.", "summary": "good small sprayer.", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A1IQN3OXNO8N6O", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "H. M.", "reviewText": "Great product. Very sharp", "summary": "Five Stars", "unixReviewTime": 1483833600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "AVF4IQOSZ6NFZ", "asin": "B000BXMF7C", "style": {"Size:": " 18 oz"}, "reviewerName": "Islanders Man", "reviewText": "Use this in my Troy Bilt lawnmower with no problems.", "summary": "Five Stars", "unixReviewTime": 1441065600} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "ADMOPXFB37M6D", "asin": "B000VOECSG", "style": {"Size:": " 8 Amp - 14\""}, "reviewerName": "Amazon Customer", "reviewText": "Not very strong. Snags a lot.", "summary": "Four Stars", "unixReviewTime": 1477699200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "AMYIDSOU1ZQAF", "asin": "B000A4TDHC", "style": {"Size:": " 1-Horsepower", "Style:": " Single Speed"}, "reviewerName": "Amazon Customer", "reviewText": "Quality pump but the metal housing for the motor tends to rust after a few years. You can buy universal covers to help protect it from the rain but moisture from dew in the morning still covers the housing.", "summary": "Good quality but I wish they lasted longer", "unixReviewTime": 1482710400} +{"overall": 3.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A24F57EP8KCY27", "asin": "B001ACPZ0W", "style": {"Size:": " 1 Pack", "Package Quantity:": " 1"}, "reviewerName": "Charlene Smith", "reviewText": "Not really sure that this made any difference, indeed my plants underperformed after adding this. However, I'm not sure that I can blame this, it may have been other factors. I won't get it again.", "summary": "Not sure that it has any value at all", "unixReviewTime": 1473638400} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A2DKOTAWCX4B0B", "asin": "B001F5HU16", "reviewerName": "Lisa L", "reviewText": "Sorry wrong size.", "summary": "Oring pentair", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "AMXESYM5WMSAH", "asin": "B0015AUOSC", "style": {"Color:": " Fireman's"}, "reviewerName": "Scott Ford", "reviewText": "This is the best hose nozzle. I had one and it finally gave out after 5 years, and was so glad I found it on Amazon. Plus it was about $10 less than when I bought it 5 years ago. Love my Amazon!!", "summary": "Best Nozzle EVER!", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "A3L937EH87DLJD", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "neonne", "reviewText": "Neither my local nursery, Home Depot, or Ace Hardware had anything similar to hang bird feeders so I bought a few of these to keep as spares. They're perfect and exactly what I'd been looking for.", "summary": "exactly what I wanted", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2012", "reviewerID": "A1Q50RSQ0Q9CTN", "asin": "B001COSAW8", "reviewerName": "kc2pxp", "reviewText": "I was skeptical because of the price of this product but I decided to purchase it anyway. I use this in a hobby called geocaching and it works great.", "summary": "I purchased this for geocaching", "unixReviewTime": 1352851200} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A2RU0CAAM338CA", "asin": "B001AYSRZU", "style": {"Color:": " Brown"}, "reviewerName": "Larry D. Orsak", "reviewText": "Excellent product. Arrived almost immediately.", "summary": "Excellent product. Arrived almost immediately", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A1LNSO8D74S5XA", "asin": "B0015IJMBO", "reviewerName": "Treat others w respect", "reviewText": "Item as described and saved me trips to a local Home Depot! (store constantly running out of inventory...)", "summary": "Nice packaging, quickly arrived, great product", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A2MPBUR7SDMB8N", "asin": "B000WQZCQO", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "james w huckbay", "reviewText": "pump functions well and seldom gets clogged with trash on pool cover", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"overall": 1.0, "verified": false, "reviewTime": "08 12, 2014", "reviewerID": "A1I2XKCE413IK4", "asin": "B000EW6EGI", "reviewerName": "Mary Ann", "reviewText": "Junk", "summary": "One Star", "unixReviewTime": 1407801600} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A3LD7HEKAJABGC", "asin": "B001B2W85Q", "style": {"Size:": " 6 Pound"}, "reviewerName": "Them", "reviewText": "great", "summary": "Four Stars", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "AY3LJ57AOGDUR", "asin": "B0002DKB36", "style": {"Size:": " 10 lb"}, "reviewerName": "Joanna", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A2OC1S4DHT8X39", "asin": "B000YFKITY", "reviewerName": "Jerry Mendoza", "reviewText": "Is pretty and sounds nice", "summary": "Four Stars", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2017", "reviewerID": "ATP43XJ753BVF", "asin": "B000BX4QGK", "style": {"Size:": " 1-Quart", "Package Quantity:": " 1"}, "reviewerName": "PJM", "reviewText": "For the MONEY it can't be Beat !!! It works GREAT without and BURNING !!! I use more than stated on the Label and have SUPER GIRLS with tons of Heavy Large Buds !!! Why pay more for Stuff that cost over twice as much ? This WORKS GREAT, SO JUST BUY IT !!!", "summary": "It works GREAT without and BURNING", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A19EW4GSG0UG18", "asin": "B000X1VRNK", "reviewerName": "Lilacmoondragon", "reviewText": "Works great with my other yard art and best of all if my dogs happen to bump into its stand and the ball tips over, it doesn't break. The coloring is beautiful. I would defiantly buy another one and would recommend it to anyone looking for a gazing ball.", "summary": "Wonderful", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A10CNK04PS6D1S", "asin": "B0015UIOWK", "style": {"Size:": " 5-Pound"}, "reviewerName": "Ron Asplund", "reviewText": "These appear to be similar in size and potency to the granules I was purchasing locally. And cost far less. I am pleased and expect that you will be too. Good buy!", "summary": "Good buy!", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "A1VSJMEGU28SLS", "asin": "B000OM4RLM", "reviewerName": "Evalett", "reviewText": "My buds have not been eaten by deer and it's been a week!", "summary": "So far so good!", "unixReviewTime": 1499299200} +{"overall": 1.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A30FNTI0TM16I7", "asin": "B00004YTJP", "style": {"Size:": " 10-Foot"}, "reviewerName": "Kandilip72", "reviewText": "Thin plastic......tore the first time I put it on ? Really ! It tore around the cord you tighten to keep it on the pool rim I was gentle it's just cheap...", "summary": "Save your money...dont buy !", "unixReviewTime": 1465948800} +{"overall": 3.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A3FUEWPQIS1QK8", "asin": "B0007ZGUI4", "reviewerName": "Happy 12345", "reviewText": "OK", "summary": "Three Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2014", "reviewerID": "A1H68T6VH0KCSC", "asin": "B000WEMG4M", "reviewerName": "Tommy Lopez", "reviewText": "They work great, wish I had gotten them sooner. upgrade over the other style grates. Not sure why all webers don't come with these standard?", "summary": "Still love my Weber", "unixReviewTime": 1395014400} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2014", "reviewerID": "A1E0PC3BK0JF4Z", "asin": "B000BWY3OQ", "style": {"Size:": " 32 Ounce"}, "reviewerName": "CompletelyComputers", "reviewText": "When the garden shows signs of leaves being eaten, or other pest evidence, a shot of this does the job to get rid of them.", "summary": "Does the job", "unixReviewTime": 1395705600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A2HWPM64UZXI31", "asin": "B00004SD7B", "style": {"Size:": " 36-Inch Axe"}, "reviewerName": "Stephen F.", "reviewText": "This thing is a splitting machine.", "summary": "Five Stars", "unixReviewTime": 1410652800} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A2RI33N247IVY7", "asin": "B0001L0DFA", "style": {"Size:": " One Size", "Color:": " Colors may vary"}, "reviewerName": "Dave R.", "reviewText": "Not as powerful as you think/hope", "summary": "Four Stars", "unixReviewTime": 1435104000} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A16FRD7TG0KOEE", "asin": "B000W44GH2", "style": {"Size:": " Small"}, "reviewerName": "Greg", "reviewText": "This cover is very heavy duty which helps keep the wind from blowing it off. I still use a bungee cord to be safe. It is water resistant and stains wash off easily. Highly recommended even if it is slightly oversized for my own furniture.", "summary": "Heavy duty", "unixReviewTime": 1400025600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "AZASTKKIR1S1I", "asin": "B000HJ7AIY", "style": {"Size:": " 2 Traps"}, "reviewerName": "K. Klein", "reviewText": "These are expensive but do the job.", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "AKBYINIUXK5VO", "asin": "B00169QQWK", "reviewerName": "Jenni Kauzlarich", "reviewText": "Excellent buy! THE CHEAPEST around. Even over Walmart!", "summary": "excellent buy", "unixReviewTime": 1431129600} +{"overall": 2.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "AQADLW3OFG35", "asin": "B00004R9VV", "style": {"Size:": " 1-1/2-Acre Coverage"}, "reviewerName": "MichaelK", "reviewText": "Touted as a mosquito control device, it's worthless. Used as a device to kill moths at night, it's great.", "summary": "it's great.", "unixReviewTime": 1410220800} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "ADCPOPRF44T77", "asin": "B0015MLT7U", "reviewerName": "Tony W.", "reviewText": "I have a weed eater that is 16 yrs old and it fits and works great! Just hope it last a long time!", "summary": "trimmer head", "unixReviewTime": 1403136000} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A1T5HQ62IGRGSP", "asin": "B001CFWF5U", "style": {"Size:": " Small"}, "reviewerName": "jayrad562", "reviewText": "Gets the gas where you need it", "summary": "Five Stars", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "ANSTC6US5OE33", "asin": "B000E28UQU", "reviewerName": "Kringlers", "reviewText": "Fantastic! Just as decibd", "summary": "Five Stars", "unixReviewTime": 1434153600} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "05 12, 2007", "reviewerID": "A3FHLN2A34R63D", "asin": "B000A3IMPC", "reviewerName": "Roy G. Bauer", "reviewText": "I like this little thermometer.\n\nI have a couple and have found that the temperature can vary on different sides of the house (brick/in sun or shade).\n\nA light to illuminate the numbers wouldhave been nice but then the thermometer would probably have cost more.", "summary": "I like it", "unixReviewTime": 1178928000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A21PVNO67M405D", "asin": "B000BO993O", "style": {"Size:": " 48 inch"}, "reviewerName": "Alex G", "reviewText": "Does its job", "summary": "Five Stars", "unixReviewTime": 1444003200} +{"overall": 4.0, "verified": false, "reviewTime": "01 4, 2015", "reviewerID": "A2N5ZWTGAMXDWO", "asin": "B0012NVHYC", "style": {"Color:": " Beige"}, "reviewerName": "Kevin J. Mcclure", "reviewText": "Very good umbrella at a lightening deal price!", "summary": "Outdoor umbrella", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2014", "reviewerID": "A2F73J9DKQ73JY", "asin": "B000KKIJW6", "reviewerName": "Stephen the Ex Monk", "reviewText": "Fuel is off, fuel is on. 'nuff said. You do need to purchase some clamps if you don't have any already. I installed it on my older diesel tractor so I can replace the fuel filter without draining the entire tank.", "summary": "Turn the fuel off, turn it back on.", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "A16QCAN4S6FJ9W", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "hjt777", "reviewText": "I bought this item for our RV and also our beach home. It works great on leaves whether on grass or smooth services. It has a lot of power for a small motor but it does the job for which it was intended. Great value item", "summary": "works great", "unixReviewTime": 1359417600} +{"overall": 1.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A1EAXTNAAONVMH", "asin": "B00171EDR2", "style": {"Size:": " Inquiries - by email"}, "reviewerName": "Gar Reyem", "reviewText": "The pole mount is 1\" diameter. That's smaller than most poles.", "summary": "pole mount is 1\" diameter", "unixReviewTime": 1476057600} +{"overall": 2.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "AKQ9N4D2L6SIF", "asin": "B00004TBKL", "style": {"Pattern:": " West of the Rockies"}, "reviewerName": "My Thoughts", "reviewText": "I ordered three different types of wasp/yellow jacket traps. This one wasn't the worst but doesn't work very well. I added my own mix of liquid that worked better than their stuff. I LOVE the Aspectek Wasp Traps.", "summary": "This one wasn't the worst but doesn't work very well", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A3JF33NVLIB2U2", "asin": "B000HCLLNG", "style": {"Size:": " Standard Dining Chair"}, "reviewerName": "David Zwaaf", "reviewText": "The Classic Accessories line of outdoor furniture and equipment covers are very high quality, durable and very attractive. The pricing can't be beat.", "summary": "Great quality and good looks", "unixReviewTime": 1516838400} +{"overall": 1.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A130HRNICMCFG2", "asin": "B000WB13QC", "reviewerName": "Alexander Leibman", "reviewText": "We have a lot of mice, but non of them was stupid enough to be caught by this trap. Too simple.", "summary": "Don't work", "unixReviewTime": 1354233600} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2M99HIZ8MTOK0", "asin": "B000BQW9KC", "reviewerName": "Mark G.", "reviewText": "As advertised", "summary": "Four Stars", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A2W6UBYDPI60ER", "asin": "B000BZYBYU", "reviewerName": "J. Shackleford", "reviewText": "Great product, great ebay'r, no shipping problems!", "summary": "outdoor thermometer", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A3TCY13ZLUD7HU", "asin": "B000WEIJWU", "reviewerName": "Barbara", "reviewText": "fits great , great price", "summary": "perfect", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A1VV9SB3ODA2W0", "asin": "B000V4JOMA", "reviewerName": "Bob Rice", "reviewText": "Very Good Quality and Price", "summary": "Very Good Quality and Price", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2014", "reviewerID": "A21H6MAHPBCSYK", "asin": "B00004RALL", "style": {"Color:": " Black"}, "reviewerName": "Crystal Joy Proman", "reviewText": "I live alone so I just wanted a little one and this fits my needs to a tee. Enough room for 4 hamburgers (med/large size) in case you have company but also great for just 1. I bought the hickory chips to go with it for added flavor. Perfection.", "summary": "Small enough for 1 but big enough for 4", "unixReviewTime": 1404086400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A2MP6YUBYQ0VBS", "asin": "B0019BK8AG", "style": {"Pattern:": " 1 Pack"}, "reviewerName": "Melanie A. Fisher", "reviewText": "Needed for our front porch, too many insects in the summer to enjoy. These worked wonderfully to control the pests.", "summary": "functional", "unixReviewTime": 1382832000} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "AY2AGGCHR8KSN", "asin": "B000HACYNY", "reviewerName": "A Mom", "reviewText": "I bought 3 of them, all were red. The scraper seems to be smooth enough to not scrape unevenly and the handle is awesome. I live in Texas so we don't really get a lot of snow, but the brush cleans off the ice scrapings pretty nicely too. Very good value.", "summary": "Works well", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A3GHEWA8D8CF9G", "asin": "B0007KPA9O", "style": {"Style:": " West Virginia"}, "reviewerName": "K.Campbell", "reviewText": "Very well made with canvas and grommets.. The detail of the state seal was well defined and colors are bright and design correct to state standard.. Very,pleased..", "summary": "Well made.", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A238A7JAP4OUVX", "asin": "B000CDHOJA", "reviewerName": "Bee", "reviewText": "Love this grill. Highly recommend.", "summary": "Five Stars", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A16E9GHMWMSMTD", "asin": "B0017HQOOG", "reviewerName": "Sahak G.", "reviewText": "Good.", "summary": "Good.", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A1ZD5X3E4960AT", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "waynenico", "reviewText": "as expected this air cleaner works great at a good price", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 2.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A1U6I8YQOD4LI3", "asin": "B00004RAMY", "style": {"Size:": " Single Pack Mole Trap"}, "reviewerName": "hugh", "reviewText": "Too hard to use", "summary": "Two Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A2C8D9VKOWI03H", "asin": "B00069ECFY", "style": {"Style:": " With Remote Probe"}, "reviewerName": "Andyman", "reviewText": "Works fine.", "summary": "Works fine.", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A2B4XLG35W28A8", "asin": "B000KCUBG6", "reviewerName": "D. Gardner", "reviewText": "Wasn't the chain I was expecting but it does work fine on the Rancher 55.", "summary": "... the chain I was expecting but it does work fine on the Rancher 55", "unixReviewTime": 1488326400} +{"overall": 2.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A8O8V216L66BJ", "asin": "B000RUJZI6", "style": {"Size:": " 2 - 16 OZ bottles"}, "reviewerName": "Powell", "reviewText": "Maybe it was me, I got nothing.", "summary": "Two Stars", "unixReviewTime": 1470441600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "02 2, 2011", "reviewerID": "A60Q11ZYE2U42", "asin": "B0000AVYXZ", "style": {"Size:": " Qty 1"}, "reviewerName": "C. Mahon", "reviewText": "This trap works like it's supposed to. Arrived quickly. A little hard to set properly but no big deal.", "summary": "Works great", "unixReviewTime": 1296604800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2011", "reviewerID": "A3QDY9I0CNMD2W", "asin": "B0006U66B6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "R. D. Collins", "reviewText": "Easy to install, easy to turn on and off, doesn't leak, built to last. Doesn't restrict the water flow on my half-inch hose. What more could I want from such a product?", "summary": "Works great!", "unixReviewTime": 1303603200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "AIYEE36VPYW4G", "asin": "B0012Y1D5E", "reviewerName": "Scott Aubrey", "reviewText": "Package arrived on time and met all my expectations.", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 2.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "AGTAZ0613Z3A0", "asin": "B000XK3K36", "style": {"Color:": " Clear"}, "reviewerName": "Sandy", "reviewText": "Too big", "summary": "Two Stars", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A2D82EH6LDRFQO", "asin": "B00192JGY4", "reviewerName": "S. Parks", "reviewText": "How much propane is left? This little easy to install gadget will tell you!", "summary": "How much propane is left?", "unixReviewTime": 1439769600} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A1RPQRUGQVGBR1", "asin": "B000PSBAOM", "reviewerName": "JohnnyB", "reviewText": "Easy to use and inexpensive. Has all the tests I need.", "summary": "Easy to use, inexpensive", "unixReviewTime": 1417996800} +{"overall": 1.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A2KCMN46X0649D", "asin": "B000TUZUPQ", "reviewerName": "Emerald D.", "reviewText": "Had a rough time getting these to germinate. Only 2 plants surviveD.", "summary": "One Star", "unixReviewTime": 1442188800} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A30XD25G5BICZ3", "asin": "B0017SSFWO", "reviewerName": "gkleynb", "reviewText": "Good looking, see haw it goes...", "summary": "Four Stars", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2013", "reviewerID": "A1QXCL49JJPO5A", "asin": "B0012CH350", "reviewerName": "TPaine", "reviewText": "This cover fits great on my new Masterbuilt 7 in 1 smokers! Fits it perfect even though it says Weber. It seems very sturdy so far and not a bad price!", "summary": "Kettle Cover", "unixReviewTime": 1371081600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A27S302L17XY24", "asin": "B0014CDT6A", "reviewerName": "Bradford Scales", "reviewText": "Makes the one that came on the flagpole originally look like a tinker toy .", "summary": "Fantastic qhality", "unixReviewTime": 1409097600} +{"overall": 1.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A1MF6TWZ6FUGS5", "asin": "B00004TBJT", "style": {"Color:": " White", "Package Quantity:": " 1"}, "reviewerName": "Dollymop22", "reviewText": "Lasted 6 months, then totally off ! Won't recommend !", "summary": "Wont last !", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A1AZB0WNDJFCVZ", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "sallys", "reviewText": "Useful and reasonable", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A8IQS3CY7IJ5O", "asin": "B00171D28I", "reviewerName": "Lynda V", "reviewText": "good quality, I love them, great price too", "summary": "Five Stars", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A2TO6ER5MRFHR0", "asin": "B000H5SD5C", "style": {"Size:": " 50 Feet"}, "reviewerName": "Ed", "reviewText": "1/2 inch light weight and functional", "summary": "1/2 inch light weight and functional", "unixReviewTime": 1439251200} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2014", "reviewerID": "A1561Y4XL9CSH8", "asin": "B0015AMEHG", "style": {"Color:": " Twilight Blue", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "KM", "reviewText": "Bought this to darken our pond so the grass would stop growing...it did the job. Very glad and would buy again.", "summary": "Did the job", "unixReviewTime": 1389657600} +{"overall": 3.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "ABLTNLVKCVQMK", "asin": "B000FCPDFA", "reviewerName": "Mark", "reviewText": "Expensive, if your budget conscious, might pick up some small gravel from you local stone and landscaping business, or drive down to you local gravel honey hole. Wash, rinse, repeat.", "summary": "Expensive, if your budget conscious, might pick up ...", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A2ZX3T7EKIVXVK", "asin": "B000NCWP44", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Tom G.", "reviewText": "The important thing is the fact that they are rubber, not stamped-out cheap plastic. They'll actually what they are supposed to do, and they'll last a lot longer than the cheap plastic junk.", "summary": "Detailed hose washer review (not really)", "unixReviewTime": 1398643200} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A26GCR8C5M9ZHD", "asin": "B000UOJD0Y", "style": {"Size:": " 18-Inch X 27-Inch", "Color:": " Pepper"}, "reviewerName": "Novice gardener", "reviewText": "Well made.", "summary": "Like it", "unixReviewTime": 1479772800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "ACCR7OYHT2OXE", "asin": "B000WYOOQ0", "reviewerName": "Kafka45", "reviewText": "works great.... had to to some creative body work to get the button mechanism to work... (The Silver A I have is way out of production). but its all good now and I finally don't have to light it manually!", "summary": "Works great ......\"fun\" to install.", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "A2P61A6QLA8VWR", "asin": "B000E1FMGC", "style": {"Size:": " 1-Quart"}, "reviewerName": "B. Tompkins", "reviewText": "It seems just over night the plants grows at least one to two inches like magic.", "summary": "Magic in a bottle", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A1H7S08L6GZXCA", "asin": "B000YKJ6YW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "laq", "reviewText": "aimed this at 11 plants (attached to deck rail) and now i can water for 5min a day and each plant gets more than enough water. this is SO great!", "summary": "this is SO great!", "unixReviewTime": 1433721600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 20, 2013", "reviewerID": "ADICC8Z9FRDHT", "asin": "B001538FEO", "style": {"Size:": " 4 Pack"}, "reviewerName": "T.", "reviewText": "These traps are easy to use and dispose of catches spiders great inside, along walls or boardering rooms! I don't like spiders or insects for that matter so for precautions I use these in non noticable areas.", "summary": "Trap Insects you don't know you have until you try this!", "unixReviewTime": 1369008000} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2017", "reviewerID": "A1S9VR9GOQVRZC", "asin": "B0001Q2W2W", "reviewerName": "DANI", "reviewText": "Returned, it was my fault. I did order the wrong product instead I bought Toro vacuum/ blower.", "summary": "Five Stars", "unixReviewTime": 1488585600} +{"reviewerID": "A3KTCL09D9T5FY", "asin": "B0013JJ79M", "reviewerName": "Great product", "verified": true, "reviewText": "Wears out and cracks in 1.5 years.", "overall": 2.0, "reviewTime": "02 21, 2015", "summary": "Two Stars", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2011", "reviewerID": "A12IK0O7SKYBD", "asin": "B0013KGFQY", "reviewerName": "Horseman", "reviewText": "planted these seeds and had a 100% germination in a few days. these things are growing like wildfire in the garden. don't know what they taste like yet but the plants are strong and hardy.", "summary": "super fast growth 100% germination strong plants", "unixReviewTime": 1308009600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A3A09PNSQK0KMB", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 290 GPH", "Style:": " Fixed Flow"}, "reviewerName": "llisamac", "reviewText": "This pump is just what we were looking for and at a better price point than I had seen elsewhere.", "summary": "Powerful and quiet", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A2Y8GWTCQU6RQ1", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "LOLO", "reviewText": "Strong!", "summary": "Five Stars", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A29D2UV790U50K", "asin": "B00132E6YU", "reviewerName": "gus", "reviewText": "easy to carry around the yard, easy to pump up, easy to spray in a stream or conical pattern. kills what i spray it on. great!", "summary": "easy to carry around the yard", "unixReviewTime": 1435104000} +{"overall": 1.0, "verified": true, "reviewTime": "02 27, 2014", "reviewerID": "A1RQVWAPUBIRDR", "asin": "B0012XOPZK", "style": {"Color:": " beige"}, "reviewerName": "LSW", "reviewText": "They sent me a different product from what was pictured and ordered. Understandably I am very unhappy with the switch.", "summary": "I hate substitutions!", "unixReviewTime": 1393459200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A16A6AVL5U9A8O", "asin": "B000SQ32MY", "reviewerName": "C. Morris", "reviewText": "Absolute must for a first time pool owner!", "summary": "Great Convience!", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A210BAB3BOGMLC", "asin": "B000GXPDD0", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Larry Crabill", "reviewText": "Did the Job, Dead Mouse", "summary": "Five Stars", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A3DXC6X8UAIKKJ", "asin": "B000FJZ1BO", "style": {"Color:": " Gray"}, "reviewerName": "Jade Farmer", "reviewText": "Does the job of protecting the smoker", "summary": "Five Stars", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A3DZ507X27IG4P", "asin": "B0007KP9S6", "style": {"Size:": " 1 Pack"}, "reviewerName": "Robert Methe", "reviewText": "It hold the flag pole with pride in front of my house.", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2013", "reviewerID": "AWRMRVKPJSZ60", "asin": "B00004SD76", "style": {"Style:": " Non-Coated Blades"}, "reviewerName": "ML-L", "reviewText": "Perfect pruners for tiny work. Very very sharp all the way to the tip. Spring loaded for easy use. Would reccomend.", "summary": "Very very sharp all the way to the tip", "unixReviewTime": 1385942400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2013", "reviewerID": "A35T7AVM3A5F4A", "asin": "B000WEPGB2", "reviewerName": "Betsy Finn", "reviewText": "We got this for our grill -- I am glad I got the cover for our specific model. The fit is perfect, the grill has been nicely protected from the elements, and I like the velcro cinch straps on the sides that ensure the cover will not fly off in a windstorm.", "summary": "perfect fit, withstands elements", "unixReviewTime": 1367971200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2013", "reviewerID": "A48NQ7XDV1PLN", "asin": "B000RUJZS6", "style": {"Size:": " 24 oz", "Style:": " Ready-to-Use"}, "reviewerName": "Captain Jack Sparrow", "reviewText": "Bayer does it for my flowers as Bayer does for me when I need an aspirin. It really works. My flowers have never looked this good as they do this season", "summary": "Gentle But Firm", "unixReviewTime": 1374624000} +{"overall": 3.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A1D7JDTO94TK7J", "asin": "B000BX4QW4", "style": {"Size:": " Mini", "Color:": " Black with clear dome"}, "reviewerName": "Tim Stafford", "reviewText": "Prefer Rapid Rooters to these. They're not a user friendly, but I'm sure the dehydration allows them to lad longer I storage beforr using??", "summary": "Prefer Rapid Rooters", "unixReviewTime": 1485820800} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "A16FQ3QA03AVTV", "asin": "B0017678BA", "reviewerName": "Sandra", "reviewText": "I have a small 50 gallon pond and waterfall and this product did not work at all. I followed the directions and nothing, the I tried adding more and no change. Don't waste your money.", "summary": "Stinks", "unixReviewTime": 1363910400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A1HTTZUOOESEVC", "asin": "B000ROGOWW", "reviewerName": "Delshy", "reviewText": "Very nice", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A10C2TWYUMERH1", "asin": "B000HHJGV0", "style": {"Size:": " 6-Inch", "Style:": " 50-Pack"}, "reviewerName": "C. Ostrowski", "reviewText": "These work well when used with a grease pencil. My only complaint is that I found these exact labels at almost half the price at a local nursery. So for this product, Amazon is not cheaper. Will buy locally next time I need more.", "summary": "Great plastic plant labels", "unixReviewTime": 1400716800} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "ACSZTOWU3EIWR", "asin": "B0015AMEHG", "style": {"Color:": " Twilight Blue", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Antonio B. Lane Sr.", "reviewText": "It is just as described and shipping was quick. More than happy to refer others to this seller.", "summary": "Great For Lawn and Safe", "unixReviewTime": 1462838400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A179SUDVL553Z", "asin": "B000LNQUT6", "style": {"Size:": " 8""}, "reviewerName": "Tommy Hill", "reviewText": "Just as described.", "summary": "Five Stars", "unixReviewTime": 1420416000} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "AGMZ3HKUZA8CA", "asin": "B0009Y7RPS", "style": {"Style Name:": " Temperature"}, "reviewerName": "T. Spencer", "reviewText": "Using to measure temperature inside an insulin cooler. This was much cheaper than the one recommended by the cooler maker. Works nicely. Small remote sensor fits easily into insulin container, and so far, accuracy is as good as conventional thermometer.", "summary": "Works well", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A19OUD4O6SSY11", "asin": "B000SQ32MY", "reviewerName": "Terry Johnson", "reviewText": "Works fine with the 3\" tablets we use.", "summary": "Five Stars", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "AAWKYWHVKJMQU", "asin": "B000HJ9C58", "style": {"Package Quantity:": " 1", "Style Name:": " Silver"}, "reviewerName": "Janet", "reviewText": "It's frustrating when you need a flat roasting rack and all you have is a V-shaped rack, so I was happy to find this at a reasonable price. It's easy to adjust and stays in the position you put it in. Very nice.", "summary": "Nice product", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2014", "reviewerID": "A15VFMU0WO8ED2", "asin": "B0015WUQ24", "style": {"Size:": " 4 - 16 OZ bottles"}, "reviewerName": "Paul M. Frasca", "reviewText": "I used these on a few different types of plants and it helps them grow. I should probably use it more often instead of regular water and just kind of go back and forth between water and miracle grow.", "summary": "Works pretty well", "unixReviewTime": 1399248000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AROH3ZPD6SZTI", "asin": "B0000AXDUL", "reviewerName": "Amazon Customer", "reviewText": "Extremely effective! Killed mouse overnight!", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "ALZHEPS3X83BJ", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Adam F", "reviewText": "Not much to say here.....the product fits the application & it works as described. After performing a full tune-up on my old lawnmower, I improved my gas consumption by 200%.", "summary": "It works - and it fits", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A1RWYA52UUOCC0", "asin": "B001E52YJU", "style": {"Size:": " Pack of 1"}, "reviewerName": "Linda M. Paz", "reviewText": "This is wonderful for holding a large plant in the yard. Makes it so easy to move around.", "summary": "Five Stars", "unixReviewTime": 1441929600} +{"overall": 3.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A2KQWN4ZJEPGJQ", "asin": "B000E7MTUI", "style": {"Size:": " Pack of 10"}, "reviewerName": "K. WEBSTER", "reviewText": "To thin, cracks easily, ok if doubled up.", "summary": "To thin", "unixReviewTime": 1467331200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2011", "reviewerID": "AC57A1QMUXK10", "asin": "B000N03EK0", "reviewerName": "Pam Smith", "reviewText": "This is a very nice and pretty little thing to do a very reputable job for one person or a whole family. Kids can do it! I have my seeds and will have some beautiful pea shoots, mung bean, and alfalfa sprouts soon. ( The alfalfa seeds came with the sprouter.)", "summary": "Sprouts, The Easy Way", "unixReviewTime": 1311638400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A34J80G04YTRQ7", "asin": "B000068XMM", "style": {"Color:": " Olive Green"}, "reviewerName": "Jeremy", "reviewText": "Supplier delivered it in a timely fashion and the product works as it should", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "A1WQRORJ30XWYS", "asin": "B0012FW44M", "reviewerName": "Reynaldo", "reviewText": "I love my hedge trimmer. I look forward to getting a cordless one in the future. Otherwise, it has been great for me.", "summary": "Black and Decker products are great", "unixReviewTime": 1360108800} +{"overall": 1.0, "verified": false, "reviewTime": "10 30, 2014", "reviewerID": "A3UQCK2929SE9W", "asin": "B001GKP6AC", "reviewerName": "Mikeb", "reviewText": "Did not grow", "summary": "One Star", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2013", "reviewerID": "A1G3RZGWTCH3HS", "asin": "B000BQSC1W", "style": {"Style:": " Garden Rake"}, "reviewerName": "Debdoll", "reviewText": "The twins love it, and will be able to use it for many years. I Would definitely buy this again.", "summary": "great tool", "unixReviewTime": 1369094400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A2NRHWS0HW4EAW", "asin": "B000WEPFOK", "reviewerName": "daveyboy7", "reviewText": "OEM replacement part for 18-1/2 kettle grill. My old one started to erode away after many years, but the rest of the grill was still OK. Grill ON!", "summary": "Ain't got a THRILL, if you ain't got no GRILL!!!", "unixReviewTime": 1434153600} +{"overall": 3.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A14NR29EF5DM2L", "asin": "B000X7XQA6", "reviewerName": "Amy Jo Stern", "reviewText": "wear out quickly", "summary": "mouse traps", "unixReviewTime": 1410998400} +{"overall": 4.0, "verified": false, "reviewTime": "08 8, 2015", "reviewerID": "A1W6M6BB1FT74Q", "asin": "B001GJ3FIS", "reviewerName": "Leisa in Seattle", "reviewText": "works fine,standard nozzle", "summary": "Four Stars", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A3TBLQLMC66TYO", "asin": "B0000YZJGQ", "style": {"Size:": " Small", "Color:": " White"}, "reviewerName": "CharleneNY", "reviewText": "Perfect for under-sink cabinets. But measure CAREFULLY!", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "ABGWVM11I1FCD", "asin": "B001H1LOGA", "reviewerName": "Janina P.", "reviewText": "Excellent !!", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A1I42U0VNK0NLJ", "asin": "B0015031R8", "style": {"Size:": " 1 pack"}, "reviewerName": "cynthia", "reviewText": "This stuff is the real deal. Works great.", "summary": "Works great.", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A19D180OH0SJ86", "asin": "B000P3KEN0", "reviewerName": "joefahy", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "AX40V8VZ41TGE", "asin": "B000E23ZOC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Randall53", "reviewText": "Great product and a great price. What more can I say.....it's weedeater string!!", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2013", "reviewerID": "AVE54ZZ3NEDGM", "asin": "B0012X1K12", "style": {"Size:": " 1Pack"}, "reviewerName": "sandra wajer", "reviewText": "This product seems to work as good as most of them I found it did not last as long as they said it would. I would buy it again on sale", "summary": "fruit fly", "unixReviewTime": 1378598400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2013", "reviewerID": "A38F9ZC0YVW81Z", "asin": "B0006G51KC", "style": {"Size:": " 6.71W x 6.63D ins."}, "reviewerName": "Stephani", "reviewText": "I have had about 6 feeders-This feeder is the best!-We get 3-4 hummers feeding a once-sturdy and functional-Love it! Thanks", "summary": "THe best hummingbird feeder", "unixReviewTime": 1381622400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A32NEDX6UVV8DE", "asin": "B000JJ9JH2", "reviewerName": "JGS", "reviewText": "This is a very stable and good looking plant stand that works very well. I would highly recommend it to anyone.", "summary": "Well Designed Plant Stand", "unixReviewTime": 1361491200} +{"overall": 1.0, "vote": "17", "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A27DZ3LUZHOPNY", "asin": "B000AYHKUO", "style": {"Size:": " 4 gallon"}, "reviewerName": "Brooke Eagle", "reviewText": "somehow my pump that will \"never leak\" leaks all over my behind. also be careful when you put the unit down when carrying by its integrated handle - if the pump handle shifts it can/will chop your hand completely off.", "summary": "somehow my pump that will \"never leak\" leaks all over ...", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A25AQY92H9HDRJ", "asin": "B000WPABE8", "reviewerName": "Casey", "reviewText": "Arrive unharmed and is very petite and pretty. leaves are dark green and look very healthy. No complaints and I will definitely buy this clean air plant again someday from this seller.", "summary": "Arrive unharmed and is very petite and pretty. leaves are dark green and look very healthy", "unixReviewTime": 1446768000} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A27I92F1ULTN92", "asin": "B001E6E9PG", "style": {"Size:": " Small"}, "reviewerName": "Bob Fox", "reviewText": "Works", "summary": "works", "unixReviewTime": 1522713600} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A2B6E7GL8YC77N", "asin": "B001B6IR6G", "style": {"Color:": " Assorted"}, "reviewerName": "Kathy", "reviewText": "Very small, UT works well for small plants", "summary": "Four Stars", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "AFBYHPT4HZ5IW", "asin": "B0009XCFRE", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "UncaDon", "reviewText": "Perfect size partner for my construction heater. Good for multiple work sessions. I use 30 gallon size of the same brand on my travel trailer.", "summary": "The right size for the job.", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A16CJ128Q2UN62", "asin": "B00002N674", "style": {"Size:": " 75 Feet"}, "reviewerName": "dogbone", "reviewText": "Super nice hose! Very flexible, not stiff even in cold weather. I would say this is the best quality hose I have owned so far and that includes a bunch. Worth every penny, cheap hoses just are not worth the trouble. Just buy it, you'll be glad.", "summary": "Super nice hose", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A2VFVSY7QVAYXH", "asin": "B001FA9SBG", "reviewerName": "JoeB", "reviewText": "Worked great. Excellent price.", "summary": "Five Stars", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A2KOO7QS8YPBS0", "asin": "B001DCBGK2", "style": {"Style:": " 10 Feet"}, "reviewerName": "wbr", "reviewText": "Meets my needs perfectly and at 10 feet, costs slightly less than the 4 foot length at Lowe's. You do the math. This may be obvious, but be sure your propane appliance already has a built-in regulator because that's not included.", "summary": "Twice as long for the same price", "unixReviewTime": 1409788800} +{"overall": 1.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A38Z10A8MKKPOX", "asin": "B001DIQSZO", "style": {"Size:": " 50-Ounce"}, "reviewerName": "JB Stonington", "reviewText": "The pump/sprayer was defective and the item was returned.", "summary": "One Star", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A2E5L0ZK6HIEC8", "asin": "B0011FYQR6", "reviewerName": "Joan G", "reviewText": "Seems to be keeping the bugs off very well.", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2017", "reviewerID": "AJQACQBSHOLZD", "asin": "B00012NFWW", "style": {"Color:": " Bronze"}, "reviewerName": "R2", "reviewText": "Worth every dollar. The sound is beautifully soothing and peaceful.", "summary": "The sound is beautifully soothing and peaceful", "unixReviewTime": 1499558400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2008", "reviewerID": "A2HVSETIC7596Z", "asin": "B00023CWP6", "reviewerName": "Zigfeldman", "reviewText": "Weber product replacement was easy to install and is a bit better than the original.", "summary": "Works as Stated", "unixReviewTime": 1206662400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A8695K6FQU55X", "asin": "B0013E1VTG", "reviewerName": "fitmamma", "reviewText": "Bigger than I thought it would be. Took the birds about a day to figure out how to approach it, as they were used to a simple suet cage which they could attack from any angle. It is beautiful and sturdy. The birds are loving it now.", "summary": "Great feeder", "unixReviewTime": 1466380800} +{"overall": 3.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A3K4QGVVGG2630", "asin": "B0009T64GG", "reviewerName": "WS", "reviewText": "Good delivery time. Item as expected.", "summary": "Three Stars", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A1CC9TXX5VUH8K", "asin": "B00192CNG2", "reviewerName": "SuZiE", "reviewText": "I've used these before, and I reordered because they do the job.", "summary": "Five Stars", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A2B2SKDBZRZUJR", "asin": "B000Q3UE0W", "reviewerName": "Stan Marks", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1465257600} +{"overall": 2.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A3C5BUZADBDXKX", "asin": "B0012YIAZA", "reviewerName": "damguy56", "reviewText": "not one germination out of all those seeds", "summary": "Get the plant", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A31SJK7V9U8PTM", "asin": "B000WYOOQ0", "reviewerName": "Jim B.", "reviewText": "WORKS GREAT", "summary": "Five Stars", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "AEYJTQNHCGIZT", "asin": "B001H1HNPQ", "style": {"Size:": " 1\" x 50'"}, "reviewerName": "Amazon Customer", "reviewText": "This was used to get the birds away from our pool..it worked and even tho they have been around the pool for 3 months now, some aer breaking down der to the heat but they did the job keeping the birds away!!!", "summary": "This was used to get the birds away from our ...", "unixReviewTime": 1439596800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A65KXVQ7MAO2F", "asin": "B000HHMCBQ", "reviewerName": "Dee", "reviewText": "These were ok, but not really as large as I needed. The quality was ok, No posts to put into the ground. I had to purchase separately. They are fine, but Maine Winters are brutal and the wind did get to them. With all of this they did keep the plants from dying.", "summary": "Easy Gardener Plant Protector Bags, Reusable.", "unixReviewTime": 1496448000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A3SFSM830FT04R", "asin": "B0015AUY3W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "GMays", "reviewText": "Solid brass, heavily made and nice smooth finish. Definitively a quality product. Should last for years. I am very pleased with this purchase.", "summary": "Really nice connector.", "unixReviewTime": 1388361600} +{"overall": 4.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A314E4SKUAAOTE", "asin": "B000NZZG3S", "style": {"Size:": " 9-by-19-1/2-Inch"}, "reviewerName": "Andy Robertson", "reviewText": "Simple to use, does what it's supposed to.", "summary": "Four Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A86HVANQGAARP", "asin": "B000WEPDJW", "reviewerName": "Sharon A Grisham", "reviewText": "I used this cleaner and it does a good job in cleaning lawn chairs and concrete items in my yard.", "summary": "pressure washer cleaner", "unixReviewTime": 1382832000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A3E9O1VNJ3U324", "asin": "B000H5QDVI", "style": {"Size:": " 1 Pack"}, "reviewerName": "Ruso Minnifield", "reviewText": "Good price and works great.", "summary": "Five Stars", "unixReviewTime": 1463702400} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A2PXGCHD6ESJ6Q", "asin": "B000068XMM", "style": {"Color:": " Grey"}, "reviewerName": "Retired Dude", "reviewText": "The ThermaCell device works generally as advertised. The two \"issues\" I have had are shorter than the advertised life of the pads and Butane bottle and effectiveness with just a slight breeze.\n\nI have purchased a second one as it does work but not quite as well as advertised.", "summary": "Works But Not As Good As Advertised", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A2H0PVN223X3J6", "asin": "B000WB13QC", "reviewerName": "Jennifer Hinds", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "AKA5OH73S7JQ4", "asin": "B0011UJWGG", "reviewerName": "Dirienzo1232", "reviewText": "Great looking plant and already has new growth after the transplant", "summary": "Five Stars", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A10IABFUNEM3LH", "asin": "B000NSGNOG", "reviewerName": "graythair", "reviewText": "Will purchase this product again!", "summary": "Five Stars", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "APY5C6SAMKKR0", "asin": "B000FK2DOG", "style": {"Color:": " Apple"}, "reviewerName": "from NH", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "AY8ZNDFP5F3I0", "asin": "B000P6BF94", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "D. Ross", "reviewText": "This stuff contains copper, there are numerous brands with the same ingredients and they all work. Watch for the concentration factor and dose, then compare the prices. It works, I have used it for years.", "summary": "This stuff contains copper, there are numerous brands with ...", "unixReviewTime": 1466035200} +{"overall": 4.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A27WL8FLZPS62N", "asin": "B000WEPGB2", "reviewerName": "DonnaO", "reviewText": "Wasn't for my exact model so it is a little bid. Difficult to store during summer BBQ season.", "summary": "Four Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A3DM2YOST7T5HZ", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "mafh9afh", "reviewText": "This is a great flag to display your love of America and remember those who have fought and are fighting now for our freedom. I'm very proud to fly it day and night as our military are on call all those hours.", "summary": "I love this flag. It flies day and night,", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A3HQJFV0U0XWQP", "asin": "B001E8QWPE", "style": {"Color:": " Black"}, "reviewerName": "Bluenight", "reviewText": "Great stand. Dopes exactly what we wanted it to do.", "summary": "Great stand. Dopes exactly what we wanted it to ...", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1CH0WHWBGPVKM", "asin": "B000W9BP30", "reviewerName": "Pam Pam", "reviewText": "I needed a good strong metal table here in New York. I had a glass topped table and it shattered in a fall storm last year.\nIt seats 4 people and 6 if you are only serving cocktails. It is a brownish grey color. I put the legs on by myself (70 year old female).", "summary": "good looking and strong", "unixReviewTime": 1404345600} +{"overall": 2.0, "verified": true, "reviewTime": "12 25, 2016", "reviewerID": "A3V40CD7YWDIUB", "asin": "B000WZ4KO0", "style": {"Size:": " EACH", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Poorly constructed. The ramps get stuck. Does not have the quality of the Victor brand of \"tin cat\"", "summary": "Two Stars", "unixReviewTime": 1482624000} +{"overall": 5.0, "verified": false, "reviewTime": "07 25, 2014", "reviewerID": "AJ771WTMVO2CK", "asin": "B0016ZN668", "reviewerName": "Wanda Weinreis", "reviewText": "Excellent!!!", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A1LE19S6MBFZX", "asin": "B00169QQWK", "reviewerName": "nikkih", "reviewText": "This is such a great deal for 6 filters. They work well and can be sprayed off and reused as long as you don't get an algae spike.", "summary": "This is such a great deal for 6 filters", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A1LD4P6K0ET9RM", "asin": "B000UH9S3I", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Dave11", "reviewText": "Paired this with SkimDoctor 2.0 in February 2017, and still working great!", "summary": "and still working great!", "unixReviewTime": 1504483200} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A1W91LDJPVHUXY", "asin": "B0013XXQ68", "reviewerName": "C. A. Howe", "reviewText": "As long as you verify the application, this will work fine. I'm an OEM guy however.....I opted to get the Kohler filter....the seal felt softer and therefore better sealing on the OEM filter. The Stens also felt about 90% as rigid. Then again, I'm picky.", "summary": "Will Work Fine. OEM is a slight Step above.", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "A157K3CLYQLK5P", "asin": "B000BQSWLW", "style": {"Color:": " Red"}, "reviewerName": "Larry", "reviewText": "This item is so much easier to change the \"strings\" on compared to the original wind up reel I have to take off the machine every few minutes to rewind.", "summary": "Beats the original!!!", "unixReviewTime": 1505952000} +{"reviewerID": "A1Q9IFSUTBS6I2", "asin": "B000VU222S", "reviewerName": "Amazoner no longer a ebayer", "verified": true, "reviewText": "Can't figure how to leave it rung the pin keeps falling out ??? Help", "overall": 4.0, "reviewTime": "10 16, 2016", "summary": "Four Stars", "unixReviewTime": 1476576000} +{"overall": 1.0, "verified": true, "reviewTime": "06 12, 2013", "reviewerID": "A2OVN9Z51NY18W", "asin": "B000WEPFT0", "reviewerName": "grandma", "reviewText": "Didn't fit the bbq that was purchased...not a weber. I returned it today! Sorry...can't really rate it! Make sure you check out product before purchasing!", "summary": "Grandma", "unixReviewTime": 1370995200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A2S26S1CZHY7CW", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Amazon Customer", "reviewText": "Exactly what I expected.", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "AEE1QNB8P9R4L", "asin": "B000T2B468", "reviewerName": "RHB", "reviewText": "I bought they to be on either side of a small pump that was emptying water from my water meter tub by the road, they were perfect", "summary": "Perfect for my needs", "unixReviewTime": 1455235200} +{"reviewerID": "A3F4XLFFKERCMT", "asin": "B000V89QYM", "reviewerName": "finout", "verified": true, "reviewText": "Works but is a pretty expensive solution for keeping hot tub brominated.", "overall": 4.0, "reviewTime": "09 11, 2014", "summary": "Does the job but is expensive.", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "AMF7EFFVW14UX", "asin": "B000A0YHGS", "reviewerName": "Norwegies", "reviewText": "I'm aggressive on addressing the problems before they start. Last year I applied this religiously and got over 550 pounds of tomatoes from 35 plants", "summary": "I'm aggressive on addressing the problems before they start.", "unixReviewTime": 1451520000} +{"overall": 4.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A13M0CF7XO56LX", "asin": "B00004R9VV", "style": {"Size:": " 1-1/2-Acre Coverage"}, "reviewerName": "Carol Drago", "reviewText": "It does kill bugs but I'm not real sure about mosquitoes still trying it out.", "summary": "Good", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A2VMVAIYHEOCUB", "asin": "B000SZV6KU", "style": {"Size:": " 2 pack"}, "reviewerName": "marsis", "reviewText": "We have 8 of these spaced out throughout our garden and use them to keep critters out of the garden, seems to work for deer also. We get one year's use for about half of them, two or more years for the rest.t of them. When they quit, we buy more.", "summary": "We have 8 of these spaced out throughout our garden ...", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A1ALXHE70APXJO", "asin": "B000BZ8K56", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Brian G Salemme", "reviewText": "a", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "AWLN32BT2UC78", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "SW", "reviewText": "My husband loves it and he does not usually have a lot of good things to say about electric yard tools. It is light weight and blows with good power. I would recommend this blower. Also, the price was really reasonable.", "summary": "Good product", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2014", "reviewerID": "A3NNW50HDDNN7S", "asin": "B000H9AE0U", "reviewerName": "rt66runner", "reviewText": "Exceptional Beauty!", "summary": "Exceptional!", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A20RCIF7NJ0F9S", "asin": "B000BVPY3Q", "reviewerName": "Richard Fenton", "reviewText": "easy to install and works great for someone with arthritic hands", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"reviewerID": "AGZX7C6XDWYBE", "asin": "B001FK81PU", "reviewerName": "Rbobb", "verified": true, "reviewText": "Good product genera lly", "overall": 3.0, "reviewTime": "04 12, 2015", "summary": "Good", "unixReviewTime": 1428796800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A372B56OM83HVA", "asin": "B00080ODSW", "reviewerName": "Chris J", "reviewText": "Exactly what I wanted. Fit perfect, easy to install, works great! No more hauling and emptying bags of lawn clippings.", "summary": "Perfect fit!", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A1XODXZPJ1Q96U", "asin": "B00012TL3Y", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Robert A. Mcleod Sr", "reviewText": "INTEX Deluxe Wall Mount Swimming Pool Surface Skimmer has been working fine for two months", "summary": "... Wall Mount Swimming Pool Surface Skimmer has been working fine for two", "unixReviewTime": 1405987200} +{"overall": 1.0, "verified": true, "reviewTime": "06 28, 2013", "reviewerID": "AT84UKS18RQ0R", "asin": "B00004R9VV", "style": {"Size:": " 1-Acre Coverage"}, "reviewerName": "Greg W", "reviewText": "I had this for 3 weeks and it was actually on turned on only a half dozen times and stopped working.", "summary": "junk", "unixReviewTime": 1372377600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A35PJF918PCA1J", "asin": "B000TZ745A", "reviewerName": "DeeLila Murray", "reviewText": "seems to be working just fine", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "A1Y88CFLXCO3W5", "asin": "B001GAQ7MI", "style": {"Style:": " 20 Piece BBQ Tool Set"}, "reviewerName": "C. Lopez", "reviewText": "This had everything I wanted and more. Great product at a great price on Amazon. Quality is good and case is an added bonus. great delivery times. Used this past 4th of July 2017", "summary": "Perfect for smoking/grilling", "unixReviewTime": 1499299200} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A3HI716NDHROEP", "asin": "B0012Y1D5E", "reviewerName": "Sam", "reviewText": "My husband was soooooooooo happy.", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"overall": 2.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A3KSC9INMLNJ78", "asin": "B0013I2MLS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "CR", "reviewText": "Not my favorite unit. The first one we got was dead on arrival. The solenoid mechanism inside just doesn't seem well made.", "summary": "Not my favorite unit. The first one we got was dead ...", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A1WSL04SW1NEFT", "asin": "B000WN5F96", "reviewerName": "Stephen Pruitt", "reviewText": "These worked great", "summary": "Five Stars", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A2X9YYBK4B7JSF", "asin": "B000BO993O", "style": {"Size:": " 48 inch"}, "reviewerName": "Bradley J Saunders", "reviewText": "Good quality, I actually sent it back because I needed a taller one.", "summary": "Good Quality", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A17N5D4LV5PX0G", "asin": "B0012UZYMG", "style": {"Size:": " Bottom Draw Water Pump | 75GPH", "Style:": " Bottom Draw"}, "reviewerName": "Jennifer Huinker", "reviewText": "Great. Thanks,", "summary": "Five Stars", "unixReviewTime": 1506038400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A3W3G0E42CZQNA", "asin": "B0001QIUGO", "reviewerName": "Donald W. May", "reviewText": "Once d seasoned great pan. Super price great delivery", "summary": "Once d seasoned great pan. Super price great", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A1H7K4J69PBV5W", "asin": "B000XTMG8W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "CarmenMarie M.", "reviewText": "The best ever no rust no leaks", "summary": "Five Stars", "unixReviewTime": 1446249600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A2SS1DAL7PJXKU", "asin": "B001FTS32W", "reviewerName": "C. Gan", "reviewText": "This thing gets crazy hot. Like its almost too hot for wok cooking.", "summary": "Its like a jet engine. Seriously", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A3EVWXPZ9SMFWV", "asin": "B0017WOFSI", "reviewerName": "Annie2", "reviewText": "I really like it!", "summary": "Five Stars", "unixReviewTime": 1492732800} +{"overall": 1.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A3FP7B3AJX5NUT", "asin": "B0015ASJYI", "reviewerName": "LM", "reviewText": "Not happy, hand spray works better!", "summary": "One Star", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": false, "reviewTime": "05 23, 2016", "reviewerID": "A6X8JKKI42IWA", "asin": "B000NGR9OG", "style": {"Pattern:": " Pack of 1"}, "reviewerName": "Cyndi M", "reviewText": "Kills em'! Dead! Works just like it's suppose to! Sorry, I really hate wasps....", "summary": "Does it's Job", "unixReviewTime": 1463961600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A2PCQGPD6Y8P8E", "asin": "B000IGGCWG", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "SomeGuy", "reviewText": "Don't bother ordering this item. It was already in a semi-liquid state before I even took it out of the box it shipped in. Just a huge mess.", "summary": "Melted in the box it was shipped in", "unixReviewTime": 1402963200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A35L6VZS6J0DJA", "asin": "B000HCLLMM", "style": {"Size:": " XX-Large"}, "reviewerName": "Joel Critchfield", "reviewText": "Very well made cover that fits like a glove. Covers the grill from top to bottom. Has vent pockets so it doesn't collect moisture.", "summary": "Protect your grill", "unixReviewTime": 1390348800} +{"overall": 4.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A2WT38WO2F9C92", "asin": "B001BOBWCE", "reviewerName": "Nancy", "reviewText": "Bought this and corn cobs.....the two I have hanging on it still have not been touched....but I just may have squirrels that like my peanuts better....:)", "summary": "but I just may have squirrels that like my peanuts better", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "AFM7V36WJ3YWG", "asin": "B001H1HHYS", "style": {"Package Quantity:": " 1"}, "reviewerName": "AlexL", "reviewText": "These work great for me, opening is large enough for all the mice that happen to visit me. Works every time, didn't have one that didn't work yet and I used up about a dozen over a few years. This is my disposable trap of choice.", "summary": "Works for me", "unixReviewTime": 1387497600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/711IcxFDmmL._SY88.jpg"], "overall": 5.0, "verified": false, "reviewTime": "11 17, 2016", "reviewerID": "A2SJEMLGIIBSJM", "asin": "B000FBMFDO", "style": {"Size:": " 1"}, "reviewerName": "Wendy Matthews", "reviewText": "This is by far the best way to rid your yard of gophers. This company should start paying me commission for the number of customers that I have sent them. You need two of them to do the job as almost every mound has an in and out hole.", "summary": "Best trap ever!", "unixReviewTime": 1479340800} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A23RQ5OLYB5L47", "asin": "B000ETMB5Y", "reviewerName": "April M. Petroski", "reviewText": "good for the price", "summary": "Five Stars", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A2BWVQS7ESRRC2", "asin": "B000NCUW1M", "style": {"Item Package Quantity:": " 2", "Package Quantity:": " 2"}, "reviewerName": "Gift Card Recipient", "reviewText": "A few drops one night, the ants showed up and partied HARD and we never saw them again! Doubt you'd ever need more than one bottle. Made of boric acid (ie borax). Wiped 'em out in one day.", "summary": "This is ant crack - they show, party HARD and you never see them again :)", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A20IOLNG0OXCR1", "asin": "B000PSBAS8", "style": {"Size:": " 1-Pack"}, "reviewerName": "STK", "reviewText": "Pricing is great for this product. It works for our spa.", "summary": "Five Stars", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A2M46TW89BIJBM", "asin": "B000WEKMRU", "reviewerName": "TK", "reviewText": "Works great for my old weber grill. It is nice to be able to roll it around again.", "summary": "Great for old Weber grills", "unixReviewTime": 1474502400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "AG2LZS8KN23F0", "asin": "B0014CC31C", "reviewerName": "hc", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1473811200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A2JO0T7UBQKDEG", "asin": "B0007ZGUJI", "style": {"Color:": " Steel"}, "reviewerName": "KSJ", "reviewText": "Works very nicely, perfect size. When its full its not so heavy that you don't want to move it", "summary": "Five Stars", "unixReviewTime": 1501113600} +{"reviewerID": "A3VZH2PP30PU2G", "asin": "B000KL12RE", "reviewerName": "Celene", "verified": true, "reviewText": "Love it.", "overall": 5.0, "reviewTime": "07 18, 2015", "summary": "Great hose.", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "A1ZI5HO1F6C3MS", "asin": "B000OMH93U", "style": {"Size:": " 1-Pack"}, "reviewerName": "Real Jeep", "reviewText": "It's not a Hayward filter but I can't tell one bit of difference right now. Maybe in a few years it may not hold up well but for that price I'll just get a new one.", "summary": "Just like OEM", "unixReviewTime": 1355788800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A149YNJYQJKHXY", "asin": "B00023RYS6", "style": {"Size:": " Model 2"}, "reviewerName": "W. J. Hornby", "reviewText": "Felco Pruners are the best pruners, in my humble opinion. They last long and when parts do wear out there are spare parts readily available. This set is a replacement for the ones I bought in 1975 when I first attended Delaware Valley College of Science and Agriculture.", "summary": "Felco Pruners are the best pruners, in my humble opinion", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A15ZWYGQJ2NKNS", "asin": "B0012QI1YI", "style": {"Style:": " 6-Zone"}, "reviewerName": "David B.", "reviewText": "Easy to use and set up. Easy to figure out the programming without using the directions.", "summary": "Easy Sprinkler Control", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "AXO2PHKOOL30G", "asin": "B000WEIHPY", "reviewerName": "BERNICE TRAVIS", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A1L382QNPG7FQQ", "asin": "B001H1LTME", "reviewerName": "C. Clark", "reviewText": "Simple, inexpensive, attractive, and works well. Takes 2 AAA batteries. Perfect for an RV. You cannot beat the price. Ordered another immediately.", "summary": "Great Buy", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A35R61QK14IPT7", "asin": "B000BZ8K56", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "map follower", "reviewText": "Works as directed", "summary": "Five Stars", "unixReviewTime": 1496448000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A1WYRFUZ5OZLC7", "asin": "B000KH2LDM", "reviewerName": "Rev. Justin Ulrich", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "A7L9C09N9A29M", "asin": "B000QV08AK", "style": {"Color:": " Original Green"}, "reviewerName": "Barbara Faulk", "reviewText": "This tool is great", "summary": "Five Stars", "unixReviewTime": 1505779200} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A1NSXSHNKRTZY2", "asin": "B000WEOQC2", "reviewerName": "Bill E", "reviewText": "replaced the 16 year old one with this one... works perfect.. very happy.. very easy to switch out...", "summary": "Works as good as the original", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "AIIMZDRJ8LM9I", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Stainless steel", "Style:": " Top Controller/Window"}, "reviewerName": "IDGAF!!!!", "reviewText": "I've used this three times so far and It works well. I'm still getting used to it.", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": false, "reviewTime": "12 9, 2016", "reviewerID": "A3H7R5FE9E4WXZ", "asin": "B00062KQ42", "style": {"Size:": " 4.5-Pound"}, "reviewerName": "David C.", "reviewText": "Good", "summary": "Good", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A3KIL6KBM0PCPI", "asin": "B000UJVC3U", "style": {"Size:": " 3' x 250'"}, "reviewerName": "Amazon Customer", "reviewText": "Love this stuff", "summary": "Five Stars", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A3K0X6N100ITJO", "asin": "B000PKFJIS", "reviewerName": "Olga Tumanova", "reviewText": "Light and sharp. Not happy at the price but the product is good.", "summary": "Light and sharp.", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A1X3R6D6O7ST15", "asin": "B00116QQ5K", "reviewerName": "Mark L. Barie", "reviewText": "Sturdy and well built...love it!", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A13FWMI9BPMLI4", "asin": "B000WEMFSO", "reviewerName": "Sierra", "reviewText": "I like the long handle on this brush. You can still apply enough pressure without it bending. The brush itself works great. I've only used it 10 times, but so far it's been durable.", "summary": "love the long handle", "unixReviewTime": 1371600000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2014", "reviewerID": "A2MSJDZDWDQIMS", "asin": "B0019V101M", "style": {"Color:": " Natural", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "JP", "reviewText": "These were very nice. I used these to identify food at a shower. I just took a 4\" address label and wrapped around the skewer to make a \"flag\". The twist on the end gives it a very finished, nice look. I liked the longer size too.", "summary": "Very nice looking.", "unixReviewTime": 1411776000} +{"overall": 3.0, "verified": true, "reviewTime": "04 30, 2011", "reviewerID": "A2ST5M8E6Y8VSC", "asin": "B000A1A914", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "TXAggieLady", "reviewText": "we have had these in for 2 summers ( we take them in during the winter) and they work fine except they clog. so we have to use vinvegar on the nozzles to decalcify them twice each summer season.", "summary": "clogs", "unixReviewTime": 1304121600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "AGHQVM05YLXDN", "asin": "B00005MF8V", "style": {"Color:": " Black"}, "reviewerName": "Mechelle Marie", "reviewText": "This is going strong in the cold pacific north west winter! I love grilling and like to keep my grill out year round. This cover makes it easy to grill when there is a break in the wet weather. It has kept the grill clean and rust free so far!", "summary": "Fits perfect", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2014", "reviewerID": "A5JF294TIFZAI", "asin": "B000DCN9LW", "style": {"Style:": " 24-Inch Steel Blade Snow"}, "reviewerName": "Frank C Taylor", "reviewText": "This is how all shovels should be made. Sturdy enough for some heavy pushing, but small and light enough for lifting the snow out at the end of the push!", "summary": "Nice, Light, and STURDY!", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2017", "reviewerID": "A2MNOY9JLL5SIK", "asin": "B00116QQ5K", "reviewerName": "Mark Morris", "reviewText": "Just what I needed for my front yard. Makes watering easy as pie.", "summary": "Perfect Solution", "unixReviewTime": 1497139200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "A3780L25J3J74M", "asin": "B000V8BUBE", "style": {"Size:": " 2-1/2-Pound", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "MulyCat", "reviewText": "I us this i my spa to reduce Total Alkalinity. I already used it before so this is second purchase", "summary": "works as advertised", "unixReviewTime": 1359417600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A389ELI5MG0HRU", "asin": "B000IC26XE", "reviewerName": "Dr. N. Ashman", "reviewText": "I've used it many times now and find it to be an a great way to sharpen a chain on the saw itself. Would heartily endorse and suggest it. Great gift for the outdoors man.", "summary": "chain saw file", "unixReviewTime": 1435968000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A1NGKRSUNB320M", "asin": "B001C9D43S", "style": {"Style:": " Watermellon"}, "reviewerName": "Bond", "reviewText": "This one did not sprout but the cucumber did and it's growing like crazy.", "summary": "... not sprout but the cucumber did and it's growing like crazy.", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A94GCTI3VMYKY", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "Alexander Contreras", "reviewText": "great quality and features. super powerful and has worked flawlessly over the last 6 months.", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 4.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2SL6EROJ5S08E", "asin": "B000BZ6MDI", "style": {"Size:": " 7L x 8W ins."}, "reviewerName": "Sandra/SD", "reviewText": "I really like the birdhouse except didn't feel it was made well inside. There is a gap in the bottom at the front which I had to fix. In S.Cal, so I'm waiting for the birds to nest, but so far they haven't. May need to put out a sign with arrows!", "summary": "Sweet!", "unixReviewTime": 1426896000} +{"overall": 3.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A33KBN5XXM3UAM", "asin": "B000P0DK1Q", "style": {"Style:": " Garden Feeder"}, "reviewerName": "GARY N WESKO", "reviewText": "spray system not the best", "summary": "Three Stars", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A63E2MOZOISB7", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Navyordnance", "reviewText": "Wonderfully made Flag, high quality, great value.", "summary": "Super quality flag", "unixReviewTime": 1407715200} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A1MZR7AHM18CXI", "asin": "B00004TBKM", "reviewerName": "Jim E. Morrow", "reviewText": "Lots of various type flies caught in these...", "summary": "Four Stars", "unixReviewTime": 1464825600} +{"reviewerID": "A1OB2H416ARLFJ", "asin": "B000LNQY1A", "reviewerName": "Commando Big", "verified": true, "reviewText": "Too big and bulky", "overall": 2.0, "reviewTime": "03 12, 2016", "summary": "Not the right size", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A134EJJVI500BX", "asin": "B000WEMGM4", "reviewerName": "RWood", "reviewText": "Works great for the indirect heat grilling.", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A3OKH9WPT0BG1A", "asin": "B001E8O5QM", "style": {"Size:": " 1 Jumbo"}, "reviewerName": "STL Ken", "reviewText": "I keep 2 of these in my waterfall on top of my filters, my ammonia levels rarely go over 0.001. A MUST for any pond owner.", "summary": "Really helps with ammonia levels, a third of the price of my local pond store", "unixReviewTime": 1402012800} +{"overall": 1.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A1337YBZDXE9Z", "asin": "B000BPAVCG", "style": {"Size:": " Qty 1"}, "reviewerName": "Kat S.", "reviewText": "Failed to catch anything.", "summary": "One Star", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A2RX800KQWMQPD", "asin": "B0001MQHK4", "style": {"Style:": " Step 1"}, "reviewerName": "Lindy58", "reviewText": "Works as advertised.", "summary": "Start the Year off Right With Step #1 for Your Lawn", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A1QIF5JZARLE1H", "asin": "B0002568SQ", "style": {"Size:": " 32-Ounce"}, "reviewerName": "Smith", "reviewText": "Got rid of algae like jello....my pond is clear!", "summary": "Dec recommend!", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": false, "reviewTime": "01 18, 2015", "reviewerID": "A29PJOME3V368H", "asin": "B000279304", "style": {"Size:": " 50 Pack"}, "reviewerName": "SAR", "reviewText": "These are so very convenient and my houseplants are thriving!", "summary": "Easy peasy and really work", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A3HCLF3GRMZ824", "asin": "B000VLXIEI", "style": {"Color:": " White"}, "reviewerName": "GinoRP", "reviewText": "Great replacement for the plastic one that came with my flag which broke within a few months.", "summary": "Strong like bull", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2016", "reviewerID": "A1XN2ORFU4W0SY", "asin": "B0002YVDR8", "reviewerName": "Louis Laborda", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A33XBFQU6CII1M", "asin": "B000068XMM", "style": {"Color:": " Olive Green"}, "reviewerName": "Gayle LaRue", "reviewText": "Works well when not moving around. Suggest using spray on feet and ankles when mobile.", "summary": "Five Stars", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "AOQC1VYVGAN5V", "asin": "B000A16TEA", "style": {"Size:": " 4-pack"}, "reviewerName": "Paul Redbarn", "reviewText": "Great replacement for multi stream Toros better coverage.", "summary": "Couldn't find toro sprinklers anywhere these work great", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2XZWR25VMLGHM", "asin": "B001693Y3Y", "style": {"Package Quantity:": " 1"}, "reviewerName": "amartin", "reviewText": "Just what it should be", "summary": "yes", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "AH5LB02ZEBKSE", "asin": "B0013XW1O6", "reviewerName": "757-200", "reviewText": "Worked great. Fit weeder perfectly. Original replacement air filter for home light weed eater.", "summary": "Weed eater back in service", "unixReviewTime": 1466553600} +{"reviewerID": "A1QEY03KHGXV1F", "asin": "B000VU222S", "reviewerName": "&amp;#34;mpbsempre&amp;#34;", "verified": true, "reviewText": "Piece of junk. Moves no snow.", "overall": 1.0, "reviewTime": "11 10, 2017", "summary": "Don't waste your money.", "unixReviewTime": 1510272000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "AXQ1PC3F7FVZI", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "Fran", "reviewText": "Great product and service...love it!", "summary": "Five Stars", "unixReviewTime": 1511222400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2012", "reviewerID": "A2H8FXK339OE5N", "asin": "B000HHO5NO", "reviewerName": "Alice Martin", "reviewText": "A flimsy hose sold to me by a bad sales man at Lowes had many bad features. One of these was folding at the faucet. This protector made it usable for connecting a soaker hose.", "summary": "problem solved", "unixReviewTime": 1354492800} +{"overall": 5.0, "verified": false, "reviewTime": "10 11, 2014", "reviewerID": "A2QJA0I3312EF5", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "George Robertson", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A3U8FNK73K0HI7", "asin": "B000G2R1W2", "reviewerName": "Medina White", "reviewText": "Good price. Got it fast. Just what I wanted", "summary": "Five Stars", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A2A2PAI7VSM85U", "asin": "B000NCOC6I", "style": {"Size:": " 1-Pack"}, "reviewerName": "BC TM", "reviewText": "A must if you have had lots of calcium buildup in your hot tub. I run mine about 4 times through although the bottle says just once. I works great & gets the inerds of my hot tub clean.", "summary": "A must!", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": false, "reviewTime": "07 26, 2014", "reviewerID": "A7U7IUO8F77O5", "asin": "B000WEMG2O", "reviewerName": "Daniel M. Gonzalez", "reviewText": "Fast delivery fits great.", "summary": "Weber Good.", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A13LGK4HWAU7G9", "asin": "B00062KQ42", "style": {"Size:": " 4.5-Pound"}, "reviewerName": "Pepperjack", "reviewText": "Arrived on time. Great castings at a decent price", "summary": "Great castings at a decent", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A658ASK2JRZB1", "asin": "B000FJX5DU", "style": {"Size:": " 100' Roll"}, "reviewerName": "R. W", "reviewText": "Great Product", "summary": "Great Product", "unixReviewTime": 1411344000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51wQwffJzNL._SY88.jpg"], "overall": 4.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "AG591P6YO0WV2", "asin": "B0014S8B3U", "reviewerName": "Husky45", "reviewText": "Great looking flag pole and flag. Was a used item but in near new condition. Would have give 5 stars but it was missing the ball for the top. I ordered an Eagle instead, looks great!", "summary": "Great looking flag pole", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A7S2T9FBK5FG2", "asin": "B000HHM5T0", "style": {"Size:": " 32-Ounce"}, "reviewerName": "Caballo", "reviewText": "Predators away from my garden. I love it. Pets hate them.", "summary": "I love it. Pets hate them", "unixReviewTime": 1435795200} +{"overall": 4.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A2QM82ODCNX4EF", "asin": "B000BWY6K2", "style": {"Size:": " 24 oz Ready to Use"}, "reviewerName": "Arm Chair Sailor", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "A1L5G45R8915BP", "asin": "B000E1FMGC", "style": {"Size:": " 1-Quart"}, "reviewerName": "big bird", "reviewText": "Love foxfarm.", "summary": "Five Stars", "unixReviewTime": 1500768000} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "APHQFVMOOY6S5", "asin": "B00004SD74", "reviewerName": "Merkel M.", "reviewText": "Works well. Easy to use.", "summary": "Good buy.", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A2P8E7HJ9L25AI", "asin": "B000EVOM5Y", "style": {"Style:": " EC50AC"}, "reviewerName": "Belle Smith", "reviewText": "Works Perfectly", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "AZS23E3IKSF9D", "asin": "B000P7FU3A", "reviewerName": "Stocktongirl", "reviewText": "Really did feel cooler underneath . Wide enough to cover large square table. Easy put together. Doesn't fit my umbrella stand-too large.", "summary": "Finally large enough.", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": false, "reviewTime": "08 23, 2014", "reviewerID": "A31O6O6VK2L1J1", "asin": "B000W9BP30", "reviewerName": "Todd Coury", "reviewText": "Just set it up last weekend so can't give a long term review, but I love the way it looks. Looks very heavy and expensive. It's brown with a silver underlay. Got lots of compliments.", "summary": "Beautiful and affordable!", "unixReviewTime": 1408752000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "AL5GX3Y4LRHK1", "asin": "B0012ZOKUI", "reviewerName": "Mr. Schnoodle", "reviewText": "Nice big bag, petal are a nice color, with a lovely fragrance. I love the smell! I used this to flavor a batch of kombucha. Approximately 1.5 tbls per 32 oz. Nice quality and the brew turned out great.", "summary": "Nice quality and very fragrant - Flavors kombucha well!", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "A3AD6J65XJBP52", "asin": "B001B3Y9XO", "style": {"Color:": " White"}, "reviewerName": "Mirna", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1477267200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "11 29, 2012", "reviewerID": "A11QTTU5DT40NQ", "asin": "B0012YGT9O", "reviewerName": "M. Davis", "reviewText": "This little banana tree seemed to do pretty well for a while, but recently I noticed some pesky little bugs, quite the infestation, and the leaves browned (plant has never been outside) and it hasn't responded well to insecticidal soap. Droopy little fella now.... stupid bugs.", "summary": "Bugs", "unixReviewTime": 1354147200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2014", "reviewerID": "A29ZYD31GBW57X", "asin": "B001AN7RGG", "reviewerName": "R. Heath", "reviewText": "I used these when camping recently and they got damp (not wet) wood to burn when I put 3 cubes together. They are a weird texture and flakey when you open the container and peel the foil off.", "summary": "Great firestarters", "unixReviewTime": 1390003200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 3, 2009", "reviewerID": "A102EC3XGCBZ81", "asin": "B0014CA44A", "reviewerName": "TJ", "reviewText": "this really is a great addition for my silky saw. using the saw blade itself to try to drag down hung up limbs isn't the best way. with this item, you can really get a good hookup and get those limbs on the ground where they belong.", "summary": "great accessory for my silky saw", "unixReviewTime": 1233619200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A27Q0YZAUI62AM", "asin": "B000X9BNG8", "reviewerName": "Mary S", "reviewText": "Does what it's supposed to.", "summary": "Five Stars", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "AV1S632VKK72V", "asin": "B0016ARXNU", "reviewerName": "Emmet Hunt", "reviewText": "Great, works as expected.", "summary": "Five Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A11PVMFAIAFRI1", "asin": "B00004RAMY", "style": {"Size:": " Single Pack Mole Trap"}, "reviewerName": "Nina", "reviewText": "What can I say - I bought this trap and learned how to \"carefully\" set it up and have not seen a single mole tunnel since. I guess they saw the packaging and left town. Keeping this on the ready in case one of the dumber ones comes back.", "summary": "Just owning this device works - haven't used once", "unixReviewTime": 1411862400} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "A25Z8OBQZ6VOD9", "asin": "B000HHLGP4", "reviewerName": "Mike", "reviewText": "Works as adverised. I bought an 8 inch funnel to use as a top...works great. I hang it 3 or 4 inches off the ground...no pine shavings in their food", "summary": "Great feeder", "unixReviewTime": 1355788800} +{"overall": 2.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A1EYUTIZ6K41HJ", "asin": "B00004RA71", "reviewerName": "Pyra Gorgon", "reviewText": "I wanted the fat tip bar but got this skinny tip instead. Maybe next time I'll read product descriptions better. Now this bar is good, but it uses more horsepower from the saw to run around that tight radius so my saw cuts a bit slower.", "summary": "Skinny tip bar", "unixReviewTime": 1457222400} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A7ZSIJVN181UA", "asin": "B000QDEQ7E", "style": {"Size:": " 24 Ounce"}, "reviewerName": "Hog Wash", "reviewText": "Seems to work.", "summary": "Four Stars", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A7G7DFZ84P6XD", "asin": "B0015MLSPI", "reviewerName": "Barbara", "reviewText": "Perfect fit! Great product!", "summary": "Five Stars", "unixReviewTime": 1476403200} +{"overall": 3.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "A2OFUYGGEOYOYL", "asin": "B000LNXTH2", "reviewerName": "Russell A. Bromfield", "reviewText": "The spool is fine , but the trimmer does not feed new lin automatically. You have to open it up and pull the new line through, which is a pain in the neck.", "summary": "This is the second one I bought", "unixReviewTime": 1382227200} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A1D4WDMGC531MP", "asin": "B001614ZCG", "style": {"Size:": " 1 Set"}, "reviewerName": "katiei", "reviewText": "Quite the workout! The screen could have fit more securely. You must hold it where the grip marks are.", "summary": "Works as intended", "unixReviewTime": 1494806400} +{"overall": 3.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A262CYAY43PF52", "asin": "B0002IJXDA", "style": {"Size:": " 8-Pound"}, "reviewerName": "Donatello", "reviewText": "Eh, works ok. I appreciate that this is pet safe but it doesn't do the best job melting ice and snow. I'll look for an alternative after I run out of this.", "summary": "So-so snow and ice melting", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A2O79E4NI6SKK9", "asin": "B000PAO3DK", "reviewerName": "Alexander Giovanelli", "reviewText": "Cool thermometer, looks great on window and also very accurate.", "summary": "Five Stars", "unixReviewTime": 1468108800} +{"reviewerID": "A3NBJTYU7B4JZF", "asin": "B000YJ45S0", "reviewerName": "Carol", "verified": true, "reviewText": "helping my ponds", "overall": 5.0, "reviewTime": "07 8, 2016", "summary": "Five Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A1I1OOD4EFYVUE", "asin": "B0015Z3NSK", "style": {"Style:": " Curved Shaft Trimmers"}, "reviewerName": "Wayne A. Landerholm", "reviewText": "Great, inventive product. No more winding spools with uncooperative trimmer line. Slide in a length and go trimming. Carry a few lengths in your pocket and trim all day. Fit my Ryobi 4 stroke trimmer nicely; good instructions included as well as any needed adapters.", "summary": "Great improvement for your string trimmer", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "AE8MJEIGIC7V5", "asin": "B001CEEJ1E", "reviewerName": "Ben", "reviewText": "We only used this one season, but it did the job and does not show any evidence of burning out. I like it much better than the wide-runged grate we had previously.", "summary": "Nice Quality Fire Grate", "unixReviewTime": 1501286400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "03 23, 2013", "reviewerID": "A7ATGJ0YIAFL5", "asin": "B000WEPFT0", "reviewerName": "Jrg Eggers", "reviewText": "I have this light on my Q200 gas grill and its a great help in the darkness. Instead of holding a lamp, I just open the lid and there is sufficient light on the BBQ to keep on with the food.\n\nRecommend it!", "summary": "Great help", "unixReviewTime": 1363996800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2013", "reviewerID": "AWHWW462V93QW", "asin": "B0002YQP6C", "reviewerName": "Harlan J. Merwin", "reviewText": "This Mr. Heater 5 Foot Propane Appliance Extension Hose Assembly 1/4 Inch is what I needed for a project and it serves me very well!", "summary": "Mr. Heater 5 Foot Propane Appliance Extension Hose Assembly 1/4 Inch...", "unixReviewTime": 1359072000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A3P6BQ5VGVR3F4", "asin": "B000PSFVWE", "reviewerName": "L. King", "reviewText": "Great tool for me who does not have a lot of hand strength. I will always want one in my gardening tools.", "summary": "Easy to use", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "A2T7Q76T0ZTGQM", "asin": "B000HHLJDS", "reviewerName": "SuperShopper", "reviewText": "It wasn't quite what I expected. Maybe a little thicker. But the hanger is heavy chain and I padded the bottom inside with pads you can get on Amazon. It keeps the plant from drying out. Or at least I don't have to water everyday!", "summary": "It wasn't quite what I expected. Maybe a little ...", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A3QX0ERX4D03TF", "asin": "B000VYB04U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "ButterflyGuy", "reviewText": "I bought this in place of the Rainbird 33DK with the thought that it would save me ten dollars. I tried it out and even though it only has one nipple instead of two, it opens and closes my valve without any problem. There are no leaks and it looks like it will last a long time.", "summary": "Good quality and low cost.", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A1G9FXV11C12MG", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Terri C.", "reviewText": "Nice pruning shears. Soft handles.", "summary": "good shears", "unixReviewTime": 1486252800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A2OZVL46AV7C6N", "asin": "B000WEPH98", "reviewerName": "Crudg", "reviewText": "Don't try to fix the old rusted one, just replace it. You will be glad you did.", "summary": "Very satisfied.", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "APGG17OLMI3B9", "asin": "B0013NXQTU", "reviewerName": "Gunner", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1404950400} +{"overall": 1.0, "vote": "17", "verified": true, "reviewTime": "02 2, 2012", "reviewerID": "A4N5U62XX152G", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "aophil", "reviewText": "Flag is made of very thin material. Embroidery on stars was unraveling. A grommet was missing, leaving a gaping hole in the flag. Incredibly poor quality... is this really American made? Where's the pride?", "summary": "Incredibly Disappointed", "unixReviewTime": 1328140800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A4LJ5CVCYEIU6", "asin": "B0001XLSGQ", "style": {"Size:": " 4-Foot"}, "reviewerName": "Umanuke", "reviewText": "Bought this for my indoor herb garden and have no regrets. It provides the lighting that I need to keep my plants healthy.", "summary": "Good for indoor", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A2FLZ4DIXGUQDU", "asin": "B0012VY0Z2", "reviewerName": "FH", "reviewText": "Although this says Briggs & Stratton, I used this kit on my 1995 MTD 8hp snowblower. I replaced all the gas lines from the tank to the shut off valve to the carburetor and still had about 6\" left over.", "summary": "Works for MTD Snowblowers also", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A1VZGDP9AEDGK7", "asin": "B001828QXC", "reviewerName": "gary ridenour", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1431907200} +{"overall": 4.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A3V932VUIHQMTK", "asin": "B000P6D4J8", "reviewerName": "roy suarez", "reviewText": "It helps but one must use more then directed on the label and more often.", "summary": "Four Stars", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A3SKBTCNA0EOM8", "asin": "B000PSUSQI", "style": {"Size:": " 15-Gallon"}, "reviewerName": "L. McDonald", "reviewText": "This sprayer is terrific", "summary": "Five Stars", "unixReviewTime": 1476316800} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A3PHWANWRB9TWN", "asin": "B000WEIHPY", "reviewerName": "Houseman", "reviewText": "After a few uses it looks like old flavor bars. Time will tell as far as durability.", "summary": "Nice when unpacking them", "unixReviewTime": 1431820800} +{"overall": 3.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A2U5SJY5LGIEZR", "asin": "B0001P4PSC", "style": {"Color:": " Apple"}, "reviewerName": "Kevin", "reviewText": "Not.much flavor..stick with mesquite", "summary": "Not. much flavor..", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A29C1PKSGSDWC0", "asin": "B000HCLLMM", "style": {"Size:": " Medium"}, "reviewerName": "kash", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2014", "reviewerID": "AU320XTSA034T", "asin": "B0000SW0UU", "reviewerName": "Pastor Linda", "reviewText": "This Hibachi fits our needs very nicely. With just the two of us to grill for, the size is perfect and it's very sturdy and well-made.", "summary": "Sturdy and nice", "unixReviewTime": 1395360000} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A3ETHET67071YX", "asin": "B000Y17PX0", "reviewerName": "gwe", "reviewText": "These fit ok. I use to replace them when our dog happens to actually catch the tail of the sweep.", "summary": "Good Replacements", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A1DHZNCTO3VN9Q", "asin": "B000WZCSTO", "style": {"Size:": " 0in. x 0in. x 0in."}, "reviewerName": "dave", "reviewText": "small and strong, fits easily in a backpack", "summary": "fits easily in a", "unixReviewTime": 1442793600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A2LLRPAJTCDFYU", "asin": "B000BQY7XO", "style": {"Style:": " Spreader"}, "reviewerName": "Barb", "reviewText": "Complete ease in spreading the seeds and fertilizer.", "summary": "Five Stars", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A18SO23C6YD6KR", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "platanito1223", "reviewText": "Packaged received in original packing slip.", "summary": "Good product!!!", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A34EF8X2PBLKF0", "asin": "B0013HO0E6", "reviewerName": "Patrick", "reviewText": "I have bought this in the past and has always worked Great. I purchased one in the past for my mother and she had no problems with hers and it is several years old. I got this one for myself to mainly monitor the outside temperature.", "summary": "Great indoor outdoor thermometer", "unixReviewTime": 1418256000} +{"overall": 2.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "AWE1ZUBM5IIK7", "asin": "B00169QQWK", "reviewerName": "Esther Grimaldi", "reviewText": "Misadvised by manufacturer and purchased these erroneously", "summary": "Two Stars", "unixReviewTime": 1437868800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A2YB06W2D275N5", "asin": "B0012QLVRM", "style": {"Size:": " 215 mph Blower/Vac"}, "reviewerName": "Z Qin", "reviewText": "I have tried so many all in one blower/vacuum this one is the best. Don't get me wrong, all of them are somewhat heavy but this feel the lightest out of all. It's very powerful plus not that big and it's very convenient", "summary": "After all, this is the one", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A8G05N5ZK32Y6", "asin": "B000BWY6K2", "style": {"Size:": " 24 oz Ready to Use"}, "reviewerName": "Joanne", "reviewText": "I have only used it once and it seemed to work effectively.", "summary": "Great insecticide for my plants.", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A1A4IU0B64QJL1", "asin": "B0012W8EHG", "reviewerName": "Bruce Wilson", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A3LC4X5WXOQLPR", "asin": "B000K8CP7I", "reviewerName": "David", "reviewText": "Great price, great product and fast delivery!", "summary": "Great price, great product and fast delivery!", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2018", "reviewerID": "A3K201M6E3CSJL", "asin": "B00062KQ42", "style": {"Size:": " 30-Pound"}, "reviewerName": "TedW", "reviewText": "Great Product for great price. Will be ordering once again. Added to my mels mix formula and also a handful to all my potted plants. dark black color and fresh.", "summary": "Great product, Great Price.", "unixReviewTime": 1525392000} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A26O92O91R1WSU", "asin": "B0013I72JK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "glenn matula", "reviewText": "does it job", "summary": "Five Stars", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A1ANIUCSKC4Y9Q", "asin": "B000WEPH98", "reviewerName": "tpsiebs", "reviewText": "exactly what I wanted. good price. came quickly. twelve more words required. gee, this is a waste of time. boo", "summary": "weber grill parts", "unixReviewTime": 1378080000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A2GTBEL7DQCHPM", "asin": "B0018U475A", "reviewerName": "ffabric", "reviewText": "Got these yesterday,,,, Boy are they a quality product. A bit more pricey @ $26.00 but sure well designed and lots heavier than the other set I bought (Maxpower). We will see how they work. If I had it to do over I would have bought only the Oregon....", "summary": "Great quality,,, pretty good price.", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A11PVMFAIAFRI1", "asin": "B001B1KGCO", "style": {"Size:": " 3lb"}, "reviewerName": "Nina", "reviewText": "I have used this and the ant population has decreased.", "summary": "Working as advertized", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A17JTX5IFAB35P", "asin": "B0007ZGUY8", "style": {"Pattern:": " Steak"}, "reviewerName": "gonoles194", "reviewText": "Tried this rub and onother I bought on Amazon on a nice piece of aged bone in USDA shell steak. Adds a great flavor without overpowering the meat. Love it.", "summary": "Delicious yet subtle. Perfect for all cuts.", "unixReviewTime": 1438300800} +{"overall": 3.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1B6ES5R0CEZDR", "asin": "B0014CC31C", "reviewerName": "Dan Ayo", "reviewText": "very sharp and convenient to fold, but the shipping took weeks.", "summary": "Three Stars", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": false, "reviewTime": "06 12, 2017", "reviewerID": "A2X1ELTZV6C2QP", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Sensei Rhee", "reviewText": "Good quality. Works.", "summary": "Good quality. Works.", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A1CJP3TMGTAOQ6", "asin": "B000WOG90E", "style": {"Color:": " Red"}, "reviewerName": "Tom S.", "reviewText": "gift", "summary": "Five Stars", "unixReviewTime": 1481846400} +{"overall": 4.0, "verified": true, "reviewTime": "03 24, 2014", "reviewerID": "AK0NCW76JXD59", "asin": "B001ELW98K", "style": {"Size:": " n/a"}, "reviewerName": "Charity Herzig", "reviewText": "This works well and fit well in my skimmer. I love the handle to pull it out with. Great price! The only reason I gave it 4 stars is it could be just a tad bit more rugged.", "summary": "Works as it should!", "unixReviewTime": 1395619200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A24GZOVT2JG7FW", "asin": "B0014C4QMG", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "jan", "reviewText": "Bought one a few years back. Use it often. Silky is the best out there. Stays sharp!! Besides, makes me feel like a Samurai!", "summary": "Love it.", "unixReviewTime": 1452729600} +{"overall": 4.0, "verified": true, "reviewTime": "03 25, 2014", "reviewerID": "ADPIGX55BZTMU", "asin": "B00002N6BS", "reviewerName": "Vinnie Silvagio", "reviewText": "Very light duty, but the price is right. Don't expect it to last forever, don't expect it to bust hard pan. For occasional, light duty work, this one does the job.", "summary": "Very light duty", "unixReviewTime": 1395705600} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "A7XEOR48Y2125", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "DenverHomesMarket", "reviewText": "Great lil pair of snips.. no complaints.", "summary": "Five Stars", "unixReviewTime": 1472428800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A3TSVOD21BAQKG", "asin": "B000BQWP0Q", "style": {"Color:": " Green"}, "reviewerName": "Paul Causey", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "AVFV221MTE3JP", "asin": "B0019D43JG", "reviewerName": "C. Sovin", "reviewText": "Much better replacement for a cheaper plastic outdoor clock. Unlike other reviewers comments, I have no issue with reading the time due to lack of contracting colors on the numerals.", "summary": "Great Outdor Clock", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A2G63XK1BCNJP0", "asin": "B0013I2MSG", "style": {"Color:": " Granite"}, "reviewerName": "DarkStoneCastle", "reviewText": "Looks just like a real rock to me! Nice size. Not too big. Not too small. Even though it's all one grayish color, it has a lot of texture and angles to it that adds to the realism.", "summary": "Better than expected", "unixReviewTime": 1437696000} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2011", "reviewerID": "A2KNLP5WVNGGT0", "asin": "B000LNRVXK", "style": {"Size:": " 5 in x 40'"}, "reviewerName": "Lavonne Gunn", "reviewText": "This worked well for my purpose. I used it to sperate my lawn from a rock border.\nIt keep the rocks in place & the lawn out.", "summary": "worked fine", "unixReviewTime": 1323561600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A31QDQ4595L847", "asin": "B000E2EZ82", "reviewerName": "Hawaiian", "reviewText": "good product works well and last long", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2012", "reviewerID": "A1IKNPNO675V7O", "asin": "B0018TWGS6", "reviewerName": "D. Bissett", "reviewText": "I replaced the bagging blade on a new Snapper mower with this right away and am pleased with it. It does a good job of mulching and bagging, and seems to stay sharp.", "summary": "Doing a good job", "unixReviewTime": 1350604800} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A3A4HEP9YV8NAM", "asin": "B00004YTJP", "style": {"Size:": " 8-Foot"}, "reviewerName": "Teresa", "reviewText": "Good product for the price! Just a suggestion...maybe some kind of flexible bar to hold the center up out of the water would make this product even better.", "summary": "Worked okay", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A1J64Q8XTUUIIY", "asin": "B0010QD5QO", "style": {"Color:": " Black"}, "reviewerName": "topbook", "reviewText": "Works great, keeps squirrels off and best of all it adjusted to my birdfeeder pole and stays put. Wonderful.", "summary": "does the trick", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A3MVG3VLFMSX52", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Chris", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"overall": 1.0, "verified": true, "reviewTime": "07 4, 2012", "reviewerID": "A2S7A8YTDTDS0B", "asin": "B0015Z5QKS", "reviewerName": "T. June", "reviewText": "These are the flimsiest skewers I have ever bought...they are thin and bend if you put anything on them. Total junk and impossible to grill with. Do not buy.", "summary": "Absolute JUNK", "unixReviewTime": 1341360000} +{"overall": 3.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A20J9QK9MSR3HS", "asin": "B000WQL38U", "style": {"Color:": " White"}, "reviewerName": "Milton", "reviewText": "The product rim wasn't right so had to take the tire and tube off the rim and use my old rim.", "summary": "The product rim wasn't right so had to take the ...", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A2K9AW5XIH625I", "asin": "B000B5KPG8", "style": {"Size:": " Medium"}, "reviewerName": "Salosenior", "reviewText": "I love my seat cover. I was thinking I needed a new seat - not anymore.", "summary": "Looks great feels good.", "unixReviewTime": 1417305600} +{"overall": 3.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "ACO6A64IGXI5U", "asin": "B00004RAGL", "reviewerName": "Leo R. Therrien", "reviewText": "You get what you pay for. It's made very cheap, but does the job. Just don't use it with high pressure water or leave it in the sun. Simple hose for\na very simple job.", "summary": "You get what you pay for. It's made very ...", "unixReviewTime": 1500768000} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A3190U8EWPP2R1", "asin": "B0014CFU5I", "style": {"Size:": " 1 PK", "Color:": " Reversed"}, "reviewerName": "Jeff A. Spirock", "reviewText": "I put this on my work uniform", "summary": "Four Stars", "unixReviewTime": 1406419200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A3GUMUEP18J9R6", "asin": "B000291GBQ", "style": {"Size:": " 18″ x 18″ x 13″. Weight: 13.8lbs."}, "reviewerName": "Reviewer", "reviewText": "Works", "summary": "Five Stars", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A1X48NF53YC8K9", "asin": "B000CZ4J6Y", "style": {"Size:": " 1 pack", "Color:": " Red"}, "reviewerName": "Pen Name", "reviewText": "fair price & quick delivery. functions well. strong enough to pull tangled apples from trees that need pruning.", "summary": "Five Stars", "unixReviewTime": 1442707200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A1ITHVXMEJ1FV4", "asin": "B0014C7YA2", "reviewerName": "Eliot Kaplan", "reviewText": "A great saw, incredibly sharp, well balanced, and highly effective at tree and brush work. Not so easy to sharpen I'm told though, due to the blade pattern, so take care how you use it.", "summary": "Like a samurai blade..", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A1DP688L2QYHW0", "asin": "B000WCDX7I", "style": {"Size:": " None", "Color:": " Black"}, "reviewerName": "Simp.", "reviewText": "Very well built item and great service", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A2EEESM34KGG0T", "asin": "B000A3IMP2", "style": {"Size:": " 12.5-inch"}, "reviewerName": "Melanie R.", "reviewText": "Great invention for us older people!", "summary": "Five Stars", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2013", "reviewerID": "A2DEK12F6ORRKC", "asin": "B000FK03I4", "style": {"Size:": " 7 in."}, "reviewerName": "Bretsky", "reviewText": "This item clipped right on my cage. The rabbits use it and cannot chew it apart like the cheap plastic ones.", "summary": "GREAT RABBIT FEEDER . . . I BOUGHT 2 OF THEM", "unixReviewTime": 1387238400} +{"overall": 1.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A172V02KSQSNER", "asin": "B00004RA0N", "style": {"Size:": " 1 Net"}, "reviewerName": "Rick Nunez", "reviewText": "We took it down after we found dead squirrels and other little animals ...", "summary": "Captures small animals", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A286I7GNLR6520", "asin": "B0015ASX12", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Ssettje", "reviewText": "Great quality", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 3.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A3QCEKJQ7NEUGQ", "asin": "B000GGESVA", "style": {"Color:": " Beige"}, "reviewerName": "kevin marvelle", "reviewText": "base is shown in picture but no base comes with the umbrella.. quality is reasonable given price of product", "summary": "base is shown in picture but no base comes with ...", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "AWNG370PZUZ4X", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "J. Edward Quin", "reviewText": "Great deal, perfect fit for my Weber.", "summary": "Five Stars", "unixReviewTime": 1472515200} diff --git a/keith-galli_nlp/data/test/test_Pet_Supplies.json b/keith-galli_nlp/data/test/test_Pet_Supplies.json new file mode 100644 index 0000000..f1472bb --- /dev/null +++ b/keith-galli_nlp/data/test/test_Pet_Supplies.json @@ -0,0 +1,500 @@ +{"overall": 4.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A39LARK5KJMP14", "asin": "B000255OUO", "reviewerName": "Robcobb", "reviewText": "WORKS just fine!", "summary": "Four Stars", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "A3JCAQD6QFMV", "asin": "B000274674", "style": {"Size:": " Small (9 in x 9 in)"}, "reviewerName": "Strgwoman", "reviewText": "\"best toy ever\" Australian Shepherd", "summary": "Five Stars", "unixReviewTime": 1456963200} +{"reviewerID": "A1FLUEAZO1VV64", "asin": "B0002I0GV8", "reviewerName": "Samara Cristina Losi", "verified": true, "reviewText": "My dogs love it. Super recommend", "overall": 5.0, "reviewTime": "02 3, 2015", "summary": "Five Stars", "unixReviewTime": 1422921600} +{"overall": 3.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "AR2GITLBEZCV9", "asin": "B0002DH0QM", "style": {"Size:": " 20 Pound", "Color:": " black"}, "reviewerName": "TS", "reviewText": "It's a pretty dirt-brown color but the particles are a lot finer than expected. Gets stuck in my siphon and my frogs keep confusing it for food.", "summary": "It's a pretty dirt-brown color but the particles are a lot finer ...", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "AMDUAH3XUY97G", "asin": "B000255MXI", "style": {"Size:": " 1-Pack", "Style:": " Vacation (1-Count)"}, "reviewerName": "customer in shock!", "reviewText": "great for traveling when leaving your fish home for a week", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 2.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A14DA29SM9WIDX", "asin": "B0002ARR2W", "style": {"Size:": " Pack of 1"}, "reviewerName": "Mary K", "reviewText": "I have papillions and it certainly doesn't work with them.", "summary": "Two Stars", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "AF0YBCKP8Y8LW", "asin": "B000255PFI", "style": {"Size:": " 250ml"}, "reviewerName": "Billy", "reviewText": "This is the best chemical for new water and water changes. I love prime", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"overall": 3.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A3GRUTOJXXE8FF", "asin": "B0002ASSVQ", "reviewerName": "Amazon Customer", "reviewText": "Smells nice, maybe a little too aromatic. the smell is gone and she smells like dog by the end of the day. It does make her hair very soft and silky, almost too much!", "summary": "Smells nice, maybe a little too aromatic", "unixReviewTime": 1445299200} +{"reviewerID": "A2Q8YZCRPL98LM", "asin": "B0002AQ9E4", "reviewerName": "Abook", "verified": true, "reviewText": "Nice lid. Fit my 10 gallon tank nice. The rim and screen are plastic, not medal. It has clips to hold it if needed.", "overall": 5.0, "reviewTime": "01 14, 2017", "summary": "Fit good!", "unixReviewTime": 1484352000} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A1X54BO93X2QPC", "asin": "B00061UQ6G", "style": {"Size:": " 25 Watt"}, "reviewerName": "Florida Dude", "reviewText": "My betta is loving the warm water. :) very content with this product. I would recommend it to anyone who has a small tropical tank.", "summary": "Great", "unixReviewTime": 1364601600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A12SYAYDII2DEY", "asin": "B0002J1F76", "reviewerName": "M. Umberger", "reviewText": "Seems to keep the critters off.", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2018", "reviewerID": "AUC891L9DD78R", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "JU", "reviewText": "Quick delivery, as described, it has been several months and the product has lasted, very strong and my dog cannot tear it apart", "summary": "Quick delivery, as described, it has been several ...", "unixReviewTime": 1516406400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "AAW2ACDRK3DFB", "asin": "B0002AS9M4", "style": {"Pattern:": " Guinea Pig"}, "reviewerName": "Julie", "reviewText": "I really like these. Only 1 guinea pig (of 5) has learned to tip them on purpose, and she does it every day. I'm the one that keeps breaking them, lol. Like the sign says: \"Slippery when wet\". And doesn't bounce real well, either. ;o)", "summary": "I really like these. Only 1 guinea pig (of 5) has ...", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "AWUTTFHG6P3XH", "asin": "B0002DHY4K", "style": {"Size:": " Up to 40-Gallons"}, "reviewerName": "Michael Harmon", "reviewText": "Perfect for my 30 gallon aquarium. Delivery was fast and the price was much better compared to local pet stores. I would buy again!", "summary": "Great filter for the price.", "unixReviewTime": 1467417600} +{"overall": 4.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A37Z20US1JUCJK", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "rafael Rodriguez", "reviewText": "Aa", "summary": "Four Stars", "unixReviewTime": 1456704000} +{"overall": 1.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A1263R4WB5L2N2", "asin": "B0002APZOO", "reviewerName": "Heather R. Hughes", "reviewText": "These are usually great products but mine shipped without the door that goes on the lid. Weird. They are also prone to cracks so this might be one item better found in stores.", "summary": "These are usually great products but mine shipped without the door that goes ...", "unixReviewTime": 1411430400} +{"reviewerID": "A1RN125JBA0C4V", "asin": "B0002DK9RE", "reviewerName": "Pam McAssey", "verified": true, "reviewText": "Amazon is the only place I can get this birdseed for my parakeets. I use this one because it is free from artificial colors.", "overall": 5.0, "reviewTime": "12 17, 2015", "summary": "Amazon is the only place I can get this birdseed ...", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2013", "reviewerID": "A3FUGCKC2GY1G2", "asin": "B0002DHNJQ", "reviewerName": "Dawn CA", "reviewText": "Purchased a door that came with magnets but they were so heavy. Picked these up and they are much lighter and work better than the originals. Would definitely recommend this product!", "summary": "Working great!", "unixReviewTime": 1365984000} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A2OSFGIT9LQ8Q1", "asin": "B000633Y4A", "style": {"Size:": " Pack of 1", "Flavor Name:": " Peanut Butter"}, "reviewerName": "Deborah Van", "reviewText": "Dogs are really enjoying, it is holding up well.", "summary": "Five Stars", "unixReviewTime": 1406851200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "AZIR92AJ9R6Q", "asin": "B00025Z6HU", "style": {"Size:": " 17.6"}, "reviewerName": "Kenneth Wong", "reviewText": "I mean, it's fish food. I really can't tell you how it tastes, but my pond Koi and Goldfish eat it up. They seem happy and healthy. Cheaper than I can find at local stores. Recommended for outdoor fish owners.", "summary": "Good Product", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2010", "reviewerID": "A9APIO7TSH5A8", "asin": "B0002ARU1K", "style": {"Size:": " Medium Tooth"}, "reviewerName": "Thom", "reviewText": "Easy to understand discription, smooth transaction, delivered quickly, quality product, would recommend this seller to all.", "summary": "smooth transaction", "unixReviewTime": 1276128000} +{"overall": 1.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1ENOPKA3AZRMK", "asin": "B0002DJXT4", "style": {"Size:": " Medium"}, "reviewerName": "Amazon Customer", "reviewText": "my dogs had it in pieces in seconds.", "summary": "not for aggressive chewers.", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2013", "reviewerID": "A1H4FQBPS5MC32", "asin": "B000633YI6", "style": {"Size:": " 30-Pound", "Flavor Name:": " Chicken, Chicken Meal, Duck Meal Formula"}, "reviewerName": "Kate", "reviewText": "Feeding quality food to pets is money in the bank when it comes to keeping them healthy. Well worth the price and not unreasonably expensive at all when purchased through Amazon.", "summary": "No by-products.", "unixReviewTime": 1360368000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "AZ40Y7Z5MMUIN", "asin": "B0002NYAZG", "style": {"Package Quantity:": " 2"}, "reviewerName": "cburgkid", "reviewText": "Works, works, works, on kid stains, pet stains and yes grand momma stains like coffee!", "summary": "I keep one upstairs and one downstairs, it really works!", "unixReviewTime": 1504569600} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A36C7BU5MB2Z2Q", "asin": "B0002DHW10", "style": {"Style:": " 36-Inch (LS)"}, "reviewerName": "G. Pollock", "reviewText": "The tray fits great, but they are plastic and therefore they do crack over time.", "summary": "good fit", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A5OSFKWEKVEZ1", "asin": "B0002DHNU0", "reviewerName": "Wife", "reviewText": "Makes my black dog's coat shine.", "summary": "Best product for black coat I've ever used", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": false, "reviewTime": "07 25, 2017", "reviewerID": "A1FBH8U9KYD6RO", "asin": "B0002FP1W0", "style": {"Size:": " Original"}, "reviewerName": "John Crosson", "reviewText": "Just like the original. Wait, what, it is the original.", "summary": "Chew it you nasty bird, chew it real good. Look at me when your chewing on it. LOOK AT ME!", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A1YB3F2P1FXOGE", "asin": "B0002AQO80", "style": {"Size:": " 5 lb", "Package Type:": " Standard Packaging"}, "reviewerName": "susan52670", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 3.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3SY1CTOJ23EA8", "asin": "B0002DJXGW", "style": {"Size:": " Small"}, "reviewerName": "Mackenzie S.", "reviewText": "Much smaller than described", "summary": "Three Stars", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A2828NQULHNRBL", "asin": "B0002DHQPM", "reviewerName": "hank@cyu.me", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A1VK9OQV4TAK7T", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "Nicole", "reviewText": "I love these. Dogs love it. You don't have to pick up ball with your hand and I can throw far.", "summary": "Great!", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A5Y2DVN8TXLSI", "asin": "B0002567XW", "style": {"Size:": " 0.5 lb"}, "reviewerName": "Miz mona", "reviewText": "Great job!", "summary": "Five Stars", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A14TJXR0EKTFZO", "asin": "B0002DHXX2", "style": {"Size:": " 36-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Dawnsd", "reviewText": "Been using it for almost 2 years now...easy to wash..Just vacuum thoroughly first", "summary": "easy to wash", "unixReviewTime": 1502841600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "A14IFKALTZIRSM", "asin": "B000256CG4", "style": {"Size:": " 4 count"}, "reviewerName": "Kawidood", "reviewText": "This is nothing more than 4 plastic rings, but my kittens love them! My older cats couldn't care less, but then 2 month olds love the way they scuttle across the floor and they can chase them.", "summary": "Good for kittens", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A2XEFU1HTE1HQ6", "asin": "B000084EEC", "style": {"Size:": " 5 lbs", "Style:": " Regular"}, "reviewerName": "cathy chavez", "reviewText": "Shiny coats,great product", "summary": "great", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A161VP8MIXON0C", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Sophia Bos", "reviewText": "Works great and gives consistently accurate results. Thumbs up.", "summary": "Accurate and easy to do.", "unixReviewTime": 1467590400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A1NHE3T2ECTMCO", "asin": "B0002ASRYY", "style": {"Size:": " 28-Ounce", "Style:": " powder"}, "reviewerName": "BellavitaRN", "reviewText": "We have tried various types of milk replacer and this is the only one that is easy on little puppy tummies.", "summary": "Best milk replacer", "unixReviewTime": 1429488000} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "AMUL0RI6GIXUA", "asin": "B0002TJAXC", "style": {"Size:": " 15.5 lb", "Style:": " Adult 7+ Dry | Chicken"}, "reviewerName": "Amazon Customer", "reviewText": "My cats really like this food.", "summary": "Hairball Control works fairly well.", "unixReviewTime": 1518220800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/719azvWe6uL._SY88.jpg"], "overall": 1.0, "vote": "5", "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A38Z5MIF1ZBBAL", "asin": "B000256DVS", "style": {"Size:": " 8.5\", Large"}, "reviewerName": "Brittany Pleszewski", "reviewText": "Horrible. Poorly made so that the latches don't clasp into the cages' bars. The size difference between the large and jumbo are ridiculous. 2 rats can frolic in the jumbo wheel, not even 1 of my small females can run on these tiny \"large wheels\"", "summary": "TINY!!!", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A3I8B2NGD5VYZ0", "asin": "B0002ARYWU", "style": {"Size:": " 8 inches", "Color:": " Red"}, "reviewerName": "ziggy", "reviewText": "My dogs absolutely love this and they play tugging all day!", "summary": "Five Stars", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2013", "reviewerID": "A28VWSFMD2NSMO", "asin": "B000255NCI", "style": {"Style:": " Saltwater"}, "reviewerName": "Linda Hankins", "reviewText": "I love my kit, very fast on delivery of my Kit. I got both the Saltwater & Reef Master Kits, they work great for testing my water. Makes testing water very easy.\nThanks", "summary": "Test Kit", "unixReviewTime": 1358553600} +{"overall": 2.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A237YH6QS13KCI", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Puppy"}, "reviewerName": "John M.", "reviewText": "Tried this, Blue Buffalo and ended up with Taste of the Wild.\nMy Ausie pups (6 months old) would not eat Wellness Complete unless I starved them. Could be an individual puppy thing", "summary": "Eh Not So Much", "unixReviewTime": 1468022400} +{"overall": 3.0, "verified": true, "reviewTime": "12 31, 2011", "reviewerID": "ATSGG3BEC0YEF", "asin": "B0002H3V5W", "reviewerName": "KitKat", "reviewText": "bought for a friend as a joke. would not recommend this as a dog toy but it would be cute for a kid who likes donkeys", "summary": "very cute but the sound box didn't work", "unixReviewTime": 1325289600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A5RQXISG7UZAQ", "asin": "B000255OIG", "style": {"Size:": " 21 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "Paula", "reviewText": "Smells bad, but my doggies will do anything for these treats. They have learned several new tricks.", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": false, "reviewTime": "12 2, 2016", "reviewerID": "A2KC01UH5KW5AM", "asin": "B0002TJAXC", "style": {"Size:": " 3.5 lb", "Style:": " Adult Dry | Chicken"}, "reviewerName": "Modeler", "reviewText": "Have used it before. Cat likes it fine.", "summary": "Good product.", "unixReviewTime": 1480636800} +{"overall": 2.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A323D50TMJK3JW", "asin": "B0002DK6W2", "style": {"Size:": " Large 18 Inch"}, "reviewerName": "Carolin S.", "reviewText": "My 55 lb Labradoodle Puppy had the stuffing out of this thing on day 1.", "summary": "No match for my puppy", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A1VDXE2UOLGW0P", "asin": "B0002H3T2W", "style": {"Size:": " 96 Ounce (Blue)"}, "reviewerName": "Marilyn Lee", "reviewText": "Our cats, all four, Mimsy, Ollivander, Asher, and Fu Man Chu, love to use the Thermal Dish when the weather outside is frightful. Keeps water from freezing in 3 degree weather with NO problem. Time to buy one for the ducks and one for the speciality chickens.", "summary": "Not to Hot, Just Right!", "unixReviewTime": 1423526400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A2V20X10AI5JV7", "asin": "B0000AH3QT", "style": {"Size:": " 8 lb. Bag"}, "reviewerName": "J. Lazurek Jr.", "reviewText": "When I say I hated it I mean our Sheltie hated it. Seems like all she will eat is Blue Buffalo.", "summary": "Not to my Shelties likeing.", "unixReviewTime": 1420675200} +{"overall": 1.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A1C9O82CF7C321", "asin": "B00008DFGY", "reviewerName": "M.R", "reviewText": "Did absolutely nothing to keep fleas away.", "summary": "One Star", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "AC8M1JZIZCROP", "asin": "B0002AB9FS", "style": {"Size:": " 4 ounce_Dog", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Amazon Customer", "reviewText": "our dogs love it on their food & helps their coats", "summary": "dogs love it", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A220TJVBJBHXSF", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "BL1967", "reviewText": "Got this for my German Shepherd & she loves it!", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2017", "reviewerID": "A15PAO8BQ3PNTO", "asin": "B0002APO6I", "style": {"Size:": " 3-Pound"}, "reviewerName": "Nancy A flowers", "reviewText": "As expected", "summary": "Five Stars", "unixReviewTime": 1494460800} +{"overall": 1.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A9J2G00E1XTYB", "asin": "B0002J1F76", "reviewerName": "Lead Farmer", "reviewText": "I may have applied it incorrectly, but I would be surprised if it killed one flea. My cats hated having it applied.", "summary": "My cats hated having it applied", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "AHQOAR5JW9UMQ", "asin": "B000256DS6", "style": {"Size:": " 60 lt"}, "reviewerName": "Louise", "reviewText": "Best bedding (litter box material) for bunnies! Plus I can compost it! The bunny loves it, and sleeps on it some (gross), but that is what bunnies do.", "summary": "Best bedding (litter box material) for bunnies", "unixReviewTime": 1404000000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2018", "reviewerID": "AUARUZMMY7N4S", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Peanut Butter Flavored Bone"}, "reviewerName": "CD buyer", "reviewText": "My 50lb Pitbull terrier can pretty much tear through anything but nylabones products always hold their value and last for quite a while, it's a good value for the price and will keep buying their stuff.", "summary": "Nylabone never disappoints :)", "unixReviewTime": 1515369600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A2AWAAHKFX9O1Z", "asin": "B000255PJE", "style": {"Size:": " 250 MILLILITER"}, "reviewerName": "sam", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2016", "reviewerID": "A17NTWVYP7KD42", "asin": "B00025YTZA", "style": {"Size:": " 100 ct (box)"}, "reviewerName": "SherryK", "reviewText": "We have a Min-Pin and usually can't make it through the night. She has used these ever since we rescued her, and like that they don't leak through.", "summary": "and like that they don't leak through", "unixReviewTime": 1479427200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A320NYVVIZSZGY", "asin": "B0002AQSE0", "reviewerName": "Colleen Marie", "reviewText": "This turned out to be good litter and smells pleasant without being too strong in perfume odor. The cats....they like it so all is good in kitty litter land.\nThank you!", "summary": "Excellent cat litter and the cats.....they like it!", "unixReviewTime": 1378425600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A12RP3ODN06WC", "asin": "B0002DK60E", "style": {"Size:": " Large"}, "reviewerName": "Doodlebug1955", "reviewText": "Well made and sturdy;..... however..... best for small cats or kittens; not for large cats(I have a 20 lb cat) so I would need the larger, jumbo size. This one came as a two tone tan color (pretty). I am content with the design and high dome.", "summary": "Nice", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A3HVJQ9L0TKZP", "asin": "B0002FP472", "style": {"Size:": " Large 21\""}, "reviewerName": "Suzanne", "reviewText": "GREAT", "summary": "Five Stars", "unixReviewTime": 1446768000} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "AROSZP17UDMW5", "asin": "B0002565RA", "style": {"Size:": " 3-Pack"}, "reviewerName": "sdenmark", "reviewText": "Well, they are not the same quality as they used to be... I've been using a Magnum filter for prob. 20 years to clean and purify my marine tank. Amazon is the cheapest place to get them.", "summary": "I recommend it.", "unixReviewTime": 1385769600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "AYSINY3B4HX19", "asin": "B000255NXC", "style": {"Size:": " 25 Feet"}, "reviewerName": "PRADEEPTA KUMAR JENA", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2017", "reviewerID": "A1FGEDCQSKSA06", "asin": "B000255OIG", "style": {"Size:": " 12 oz", "Flavor Name:": " Beef Liver"}, "reviewerName": "TNT", "reviewText": "dogs love it, but it stinks.", "summary": "Five Stars", "unixReviewTime": 1508025600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A6NX10QBWEBIP", "asin": "B0002DK9OM", "style": {"Size:": " 8 inches", "Color:": " Blue"}, "reviewerName": "J. Kreider", "reviewText": "One of the best dog toes ever for the dogs that love to fetch and can chew through anything. My Cattledogs LOVE this!", "summary": "One of the best dog toes ever for the dogs that love to ...", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A12GA6IH29ZM9N", "asin": "B0002DJCF4", "style": {"Color:": " Cascade 300 - Replacement"}, "reviewerName": "just frank", "reviewText": "needed new filter elements wish they came in a little larger package.", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"overall": 1.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "A2E7P9DYDHHW4O", "asin": "B0002AR0II", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Melissa", "reviewText": "My 20 lbs dog chewed pieces off within 3 minutes of giving it to her.", "summary": "Disappointing!", "unixReviewTime": 1497052800} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "A1HOWV9MZNL1EK", "asin": "B0002ASCQC", "style": {"Size:": " large - 2-cup capacity"}, "reviewerName": "Dlion888", "reviewText": "Cheaply made but serve my purpose.", "summary": "You get what you paid for", "unixReviewTime": 1460851200} +{"overall": 3.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "AKANSX8FAXC6O", "asin": "B000084DXS", "style": {"Size:": " 13 oz, 12 Pack", "Style:": " Entre | Chicken"}, "reviewerName": "Cheryl", "reviewText": "full of gmo's and who knows what else,", "summary": "Three Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "AHWSRKCGX0K9R", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "PM Wolf", "reviewText": "No more flipping over old and destroyed cardboard. I tried making them and its no good. Every cat I know of loves these. Its better than the couch!", "summary": "This or the couch!", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A2UR098KU9YEQO", "asin": "B0000632T8", "style": {"Size:": " Extra Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Phoebe Hopper", "reviewText": "Lulu's a small rat terrier mix. She needs a tiny toy and this is perfect! We keep a stack of them!", "summary": "Doesn't every good girl deserve a bedtime bear to snuggle with?", "unixReviewTime": 1364428800} +{"overall": 4.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A25X2V8I9I7L4O", "asin": "B0000AH3RP", "style": {"Size:": " 7 lb. Bag"}, "reviewerName": "Nancy", "reviewText": "Cats finished this fast but the only downside is that it makes their poop smell worse.", "summary": "Smelly Poop", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A3KW9SUED378IP", "asin": "B0000AH3RR", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "K. Hoesen", "reviewText": "My cat loves this food.", "summary": "Five Stars", "unixReviewTime": 1478908800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "ARDCLWWIQUN0J", "asin": "B0002TJAZU", "style": {"Size:": " 5.5 oz, 24 Pack", "Flavor Name:": " Chicken", "Style:": " Adult 7+ Entre"}, "reviewerName": "Liz", "reviewText": "The wonder of having four cats that like the same food can be a total surprise! Thank goodness I've found a food they all like!!", "summary": "four cats give paws up", "unixReviewTime": 1400025600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A10BA05UK0B81", "asin": "B00025640S", "style": {"Size:": " 3.7-Ounce, 375 ml"}, "reviewerName": "TPH", "reviewText": "The item arrived at my house with the top yellow lid missing. Thankfully I still had the yellow lid from the prior Tetra 29254 ReptoMin Floating Food Sticks. No worries. My frog thinks the food is delicious.", "summary": "Product arrived at my house with the lid missing.", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A1BYBV7TTNDUCJ", "asin": "B000256ELM", "style": {"Size:": " 11\" x 5\""}, "reviewerName": "Moe F", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": false, "reviewTime": "07 26, 2014", "reviewerID": "A3FSWT60MFE363", "asin": "B0002DH20Q", "reviewerName": "Shop-Til-You-Drop", "reviewText": "My dog has many skin allergies and this shampoo calms the itching. I prefer to treat allergies without meds and this shampoo has been a Godsend.", "summary": "Wonderful shampoo", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "ANMDWW3FQTN1R", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Jodi P", "reviewText": "Purchased several of these for my already purchased toy. Will by several more. Great quality", "summary": "Great", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2QRYZKTG2YYJM", "asin": "B0002ASDIY", "reviewerName": "DANIA F.", "reviewText": "Perfect for our 5 gallon betta tank!", "summary": "Five Stars", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A1V996OPM5W1T1", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "CHRIS SEXTON", "reviewText": "indestructable, and if you put a bone in there of some sort or a PB covered chew thing of any type, the smell alone will have them occupied for hours!", "summary": "awesome", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A1LC8GIYJKPSUL", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "S. Megan Wildes", "reviewText": "A little bigger than I expected but my Aussie loves it!", "summary": "Five Stars", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "AWABDO16CTNZY", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "Esther J.", "reviewText": "good! I love it!", "summary": "Five Stars", "unixReviewTime": 1469145600} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A13RXC3JPMNFEU", "asin": "B00062B84O", "style": {"Style:": " Scratch Up"}, "reviewerName": "DJ", "reviewText": "Love the idea of this, but it is just a little too wide to close the door easily. If it were even an inch or so less wide, especially the top part where the cat head goes around the door, it would be perfect. Hope they change it.", "summary": "SmartyKat Scratch Up Cat Scratcher", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "A3JFD669PCT6VP", "asin": "B0002AS4RO", "style": {"Size:": " 2 Pack"}, "reviewerName": "laura", "reviewText": "I like it. Works really good for what i need.", "summary": "Five Stars", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2013", "reviewerID": "AAQ120ZEHMYB1", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "Nancy", "reviewText": "My dog just loves this ball. Just the right size. I can even stuff little treats inside for her to roll around and get out.", "summary": "Great toy", "unixReviewTime": 1379116800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "A3TLLU8637177F", "asin": "B000084EJO", "reviewerName": "Amazon Customer", "reviewText": "The cats like them. A little pricey", "summary": "Five Stars", "unixReviewTime": 1520380800} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2017", "reviewerID": "A2QG9MLZPWY1LC", "asin": "B0002GVG6E", "style": {"Size:": " 1\"W; 12-20\" Neck", "Color:": " Green"}, "reviewerName": "Mildred Thorn", "reviewText": "This was a gift for my brindle granddog, Otto. He looks extremely handsome in the green. ", "summary": "Great gift!", "unixReviewTime": 1483660800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A39DFKT8PI7B22", "asin": "B0002ARGLE", "style": {"Size:": " 12-Ounce"}, "reviewerName": "JulieAnnafromME", "reviewText": "This is my preferred flea and tick brand shampoo. The only thing I've ever seem successfully eradicate the buggies! I have neighbors south infestations and use this in addition to frontline treatments to safeguard fleas from visiting.", "summary": "this is the good stuff", "unixReviewTime": 1451952000} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2013", "reviewerID": "A1IPPTBLW9PP3L", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "R%kie", "reviewText": "good quality sturdy and the divider is lovely, now our puppy can stand up in her confined space for house training, we borrowed a coop for a smaller dog and didn't work as well as this. great price!", "summary": "puppy loves it", "unixReviewTime": 1383264000} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A348B3HEX5064R", "asin": "B000255NCI", "style": {"Style:": " Saltwater"}, "reviewerName": "Christopher Dahl", "reviewText": "Works great for testing saltwater tank for tracking the cycle. Easy to use and understand.", "summary": "Perfect test kit for saltwater tank.", "unixReviewTime": 1471132800} +{"reviewerID": "ALDA7ZMWI0YB9", "asin": "B00063434K", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Wonderful ingredients and my dogs love it! They are very healthy!", "overall": 5.0, "reviewTime": "09 16, 2015", "summary": "Five Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A17PS2T6FKKOFW", "asin": "B00006IX59", "style": {"Size:": " SPORT 18M", "Color:": " ASSORTED"}, "reviewerName": "Kathleen Casper", "reviewText": "great price dog loves it especially with the rubber balls I buy separately", "summary": "dog loves it", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A10NDA1SMIY0E", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Ben@VT", "reviewText": "Much better than guillotine type nail clippers.", "summary": "Works well", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A10GEQAHHZQGC8", "asin": "B000062WUT", "reviewerName": "Kindle Customer", "reviewText": "My Shih Tzu loves lambchop her original one was left at a relatives so I ordered her another she loves it a lot of squeaking going on lol", "summary": "My Shih Tzu loves lambchop her original one was left ...", "unixReviewTime": 1437523200} +{"overall": 4.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A1476PHDPKJW43", "asin": "B0002NYAZG", "style": {"Package Quantity:": " 2"}, "reviewerName": "joanne wood", "reviewText": "does the job, but walmart sells it for a fraction of the price.", "summary": "Four Stars", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A223ITW9DT0K0T", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "Susan'sn home charity", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2013", "reviewerID": "A1VSY9MAHP6T5B", "asin": "B00061MWJ0", "reviewerName": "Draining Sink", "reviewText": "Like all the other reviews said, takes out all the undercoat in my Jindo dog.\n\nA little tip though, I had to go \"against the grain\" to get fur out of certain parts of her body. When I figured that out, I pulled out much much more.", "summary": "Works as advertised", "unixReviewTime": 1363737600} +{"overall": 3.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A2MWGSFUFOQAG2", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " Gray Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "nikki nguyen", "reviewText": "My dog chews on this more than she sleeps on it. I have no idea why. It is very soft and I do love that there's an exact size for every crate size.", "summary": "Great sizing", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2017", "reviewerID": "A2O7M5LHTLD4FS", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "Rae Anne", "reviewText": "Use it at every water change and when doing fish in cycles on a new tank.", "summary": "Love it", "unixReviewTime": 1497830400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A1VB1SV2NYC7HD", "asin": "B000634JP8", "reviewerName": "HJR", "reviewText": "My cat loves this product !", "summary": "Must have for kitty cat lovers", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A1VWW4RZ9NWXUW", "asin": "B0002ASN5W", "style": {"Size:": " Regular"}, "reviewerName": "Amazon Customer", "reviewText": "My dog loves this!", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A2IVF2MVEVER0I", "asin": "B00028ZMBC", "style": {"Size:": " 3 Count", "Package Type:": " Standard Packaging", "Style:": " Variety"}, "reviewerName": "cubgirl", "reviewText": "dogs loved them", "summary": "bow wow", "unixReviewTime": 1419033600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A2M8A83NWTB9TB", "asin": "B000256976", "reviewerName": "Ruby", "reviewText": "Good price and fast shipping. Seems to work in my reef tanks.", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2013", "reviewerID": "ANTUZNTBXLUSL", "asin": "B000634MXW", "style": {"Size:": " Medium", "Color:": " Black/Cream"}, "reviewerName": "LEP627", "reviewText": "I'm so glad I got this. I can take the dog with me for short errands. Which he loves. And I love to be able to take him places with me.", "summary": "The dog loves this", "unixReviewTime": 1369699200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2013", "reviewerID": "A25RRY1LQFAWUJ", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " A - Red"}, "reviewerName": "Jonathan Rodriguez", "reviewText": "not much to say they do what they need to and they clean the tank good and also they don't leak through", "summary": "great", "unixReviewTime": 1375488000} +{"overall": 3.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A3DB3HB6RDK0H6", "asin": "B0002APRT2", "reviewerName": "Noella", "reviewText": "Could use more suction power", "summary": "Three Stars", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A1D1Q1VAAWVX4L", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Mathstdnt", "reviewText": "Puppy loves this out of the freezer stuffed with peanut butter!", "summary": "Puppy loves this", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A1Q09IBAA98TVV", "asin": "B0002DHXX2", "style": {"Size:": " 42-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "ann nowak", "reviewText": "Dog lives it", "summary": "Five Stars", "unixReviewTime": 1473811200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A28X9A5V40Z9WJ", "asin": "B0002APMU6", "reviewerName": "Verdell Edmondson", "reviewText": "So natural looking. It makes my aquarium stand out. My fish seem to like it.", "summary": "Natural look", "unixReviewTime": 1495411200} +{"reviewerID": "A3AOPZT3V4DO6V", "asin": "B0002AQE5S", "reviewerName": "TMCarlson", "verified": true, "reviewText": "It definitely drips. But I had a hard time getting the exact drip flow that I wanted. It was either to fast or slow.", "overall": 3.0, "reviewTime": "04 6, 2014", "summary": "It does what it is supposed to.", "unixReviewTime": 1396742400} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A3Q0TWWSLEYO9Y", "asin": "B00061UWA6", "style": {"Size:": " 29Cm"}, "reviewerName": "Dolly", "reviewText": "This is more for a parrot and not for my canary's, they sit on it rather than chew it.", "summary": "Not for small birds!", "unixReviewTime": 1469923200} +{"overall": 1.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "AMGVFPGQIX1QD", "asin": "B0002ZS20I", "reviewerName": "Mary J Weslow", "reviewText": "Cat wouldn't go near it, had to give it away!", "summary": "Not for most cats!", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A3QXDYRILV689J", "asin": "B000255OIG", "reviewerName": "maryred", "reviewText": "pets love this treat", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A2LRW9QAZSCBRJ", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 12-Pack"}, "reviewerName": "Drk5ide", "reviewText": "Filters on the cheap great stuff.", "summary": "Filters on the cheap great stuff.", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A1DCRKUHIG2JTZ", "asin": "B0002DIRXC", "reviewerName": "Travis", "reviewText": "Fits my 9 pound kitty perfectly. Quality carrier for a great price! The \"lambs fur\" bottom is a nice touch and it compacts nicely", "summary": "Quality carrier for a great price! The \"lambs fur\" bottom is a nice ...", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A2BRPN7YHOUYN3", "asin": "B000256908", "reviewerName": "Marc Hall", "reviewText": "Works great. Good price", "summary": "Good purchase", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A8AHU8NCH1P9X", "asin": "B0002AQXD6", "reviewerName": "James", "reviewText": "Great carrier", "summary": "Five Stars", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A197HUFEIYONLM", "asin": "B000255N3C", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Terri B. Klingman", "reviewText": "This is a great product. I use it when I do my weekly filter cleaning in my Discus tank", "summary": "This is a great product. I use it when I do my ...", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2017", "reviewerID": "A34Z3SRMIT1MT7", "asin": "B00025Z6YI", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "The Carolin's", "reviewText": "I have used this fish food for sometime now and been happy with it...nothing much to say here about it but even though it clearly says 7.06oz i thought it was much smaller from the pictures though that was my mistake not the seller.", "summary": "Basic but its all that is needed.", "unixReviewTime": 1514160000} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A2R8IYFSHPL6TN", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "GigglingGothGirl", "reviewText": "Cat loved it and it still works now since I got it about 6 months ago, I will probably get it again when this one meets it's end", "summary": "Cat loved it and it still works now since I got ...", "unixReviewTime": 1463875200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "04 4, 2014", "reviewerID": "A2D4YFP5DBW74N", "asin": "B00027CL5S", "style": {"Flavor Name:": " Freeze Dried Chicken Breast"}, "reviewerName": "Steve in CA", "reviewText": "This product has preservatives, thickeners and salt, not just pure chicken breast like their beef, or like Purebites chicken treats.", "summary": "Cat likes it, but has other ingredients.", "unixReviewTime": 1396569600} +{"overall": 4.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A1A2BE274L3FIR", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Turkey"}, "reviewerName": "J. A. Emery", "reviewText": "Little monster loves it.", "summary": "Four Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A431K9H2SY3HL", "asin": "B0002J1FN0", "reviewerName": "Will", "reviewText": "The best", "summary": "The best", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "APS3ORCAA0QJ7", "asin": "B0002ARYWU", "style": {"Size:": " 8 inches", "Color:": " Purple"}, "reviewerName": "L Hodgdon", "reviewText": "I take these balls to the animal shelter and the dogs love them. Tough balls and even if the dogs chew holes in them they still get a lot of use for quite a while. Great toy for the play yards at the shelter. Worth the money because they last so long.", "summary": "... these balls to the animal shelter and the dogs love them. Tough balls and even if the dogs ...", "unixReviewTime": 1407715200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "AP5HNQRPR9ZY1", "asin": "B00025K0Y4", "style": {"Size:": " 14-Ounce"}, "reviewerName": "Brian L.", "reviewText": "The fish love this, I suggest do not leave in this container where the lid comes off easy. I had it setting on shelf and the kids rough housing knocked it off, the lid popped open and krill everywhere.", "summary": "The fish love this, I suggest do not leave in this ...", "unixReviewTime": 1490486400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "AZ1QL1MT94LEP", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "noelle p.", "reviewText": "I think I enjoy this ball more than my dog.", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2017", "reviewerID": "A7RVVSU8SJVLV", "asin": "B0002AQ5ZC", "reviewerName": "Raptorhaven", "reviewText": "Completely covers the large cage of our evil cockatoo. Putting her to sleep and giving me peace.", "summary": "Good coverage of very large cages", "unixReviewTime": 1514505600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A37R3CS6HDV8TB", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Nikki", "reviewText": "My dog loves it. He plays with it all the time. Just tons of fun for hours", "summary": "Dog loving it", "unixReviewTime": 1430265600} +{"overall": 4.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A2FFWQY0HZJ8NL", "asin": "B0002J1FOE", "reviewerName": "MLR", "reviewText": "Good deal & arrival time to get it delivered.", "summary": "Four Stars", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A145LGKI4UDNTP", "asin": "B0002ASM94", "style": {"Size:": " Regular/Small"}, "reviewerName": "Maria Porter", "reviewText": "dogs love it", "summary": "Five Stars", "unixReviewTime": 1409961600} +{"overall": 2.0, "verified": true, "reviewTime": "04 16, 2012", "reviewerID": "A1Y5U9P0BMMQCO", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Vickie", "reviewText": "My dog loved it! But it was destroyed in less than 24 hours. My dog does destroy most toys though. Wish it would of lasted, he had fun with it.", "summary": "Was fun while it lasted...", "unixReviewTime": 1334534400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2018", "reviewerID": "A2BCZ2EPXTWO3H", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "C", "reviewText": "The dog thinks this tastes good enough to brush with. Perfect!", "summary": "Brusha Brusha", "unixReviewTime": 1522281600} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A21P8EO7CJL1HB", "asin": "B000241NRI", "style": {"Format:": " Misc."}, "reviewerName": "pj", "reviewText": "The timer mechanism became more inconsistent after a month or so. Changed the battery several times but still didn't work. I've emailed the company about their warranty but got no response I will not purchase products from this company again.", "summary": "The timer mechanism became more inconsistent after a month or ...", "unixReviewTime": 1487980800} +{"overall": 2.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A36Y7T0JE19EE5", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "E-Lizzie", "reviewText": "Unlike my other kongs this has a rather strong rubber odor. I am hoping it will go away over time.", "summary": "Unlike my other kongs this has a rather strong rubber ...", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A25QE02T0YOA7Z", "asin": "B000256DYK", "style": {"Size:": " Giant", "Package Type:": " Standard Packaging"}, "reviewerName": "Jennifer Blair", "reviewText": "It works great for my chinchilla! It is the perfect size and fits in his cage perfectly. Couldn't ask for a better product.", "summary": "chinchilla 11 inch giant run around excercise wheel", "unixReviewTime": 1384387200} +{"reviewerID": "AHS19TPMBJMN3", "asin": "B0002ARULA", "reviewerName": "wndswptlady", "verified": true, "reviewText": "They work as expected and feel good in my hand. I was able to cut toenails with minimal effort.", "overall": 5.0, "reviewTime": "06 15, 2017", "summary": "Five Stars", "unixReviewTime": 1497484800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2012", "reviewerID": "A1PLNQLDTVW8IJ", "asin": "B000255NCI", "style": {"Style:": " Reef"}, "reviewerName": "Einstein 786", "reviewText": "In all, a good product. It is not a comprehensive product, but as is advertised and is invaluable for reefs. Very satisfied.", "summary": "good kit", "unixReviewTime": 1343260800} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "A3VQGFXD4W8DLQ", "asin": "B00028ZLTK", "reviewerName": "Karen Bunting", "reviewText": "Super", "summary": "Five Stars", "unixReviewTime": 1522195200} +{"overall": 2.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A39R2S4VO7QLK0", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Squirrel"}, "reviewerName": "Tevina", "reviewText": "Lasted less than 2 minutes in the jaws of my malinois. Can't say I appreciated the price tag for how long it lasted.", "summary": "Lasted less than 2 minutes in the jaws of my ...", "unixReviewTime": 1433203200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81ABtnxuAlL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71hNvLNwx5L._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71fDJwltmAL._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A2SW92RL656S4J", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "Kimberly", "reviewText": "French bulldog loves this plush toy more than his other plush toys.", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"reviewerID": "A1191TULCNLLD2", "asin": "B000084F5E", "reviewerName": "Russell B.", "verified": true, "reviewText": "Kitties aren't as crazy about it some other brands, but they still eat it.", "overall": 3.0, "reviewTime": "02 6, 2017", "summary": "Three Stars", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A2H5EE74A8X2M6", "asin": "B0002DHOE0", "style": {"Size:": " 5.5 Inch"}, "reviewerName": "Amazon Customer", "reviewText": "Love these!!!!", "summary": "Great heat source.", "unixReviewTime": 1505347200} +{"overall": 2.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A1KSZQ0WL6S5NO", "asin": "B00008DFDJ", "reviewerName": "debie", "reviewText": "It doesn't stick to the dog food and just accumulates at the bottom of the bowl. If my dog ate her food all at once I suppose I could wet the food so the power would stick to the food but, she nibbled throughout the day.", "summary": "Disappointed", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2017", "reviewerID": "A2KCYOX7Z5QUUI", "asin": "B0002AT464", "reviewerName": "Robert Kemp", "reviewText": "Works fine. Can leave it out in the weather with no problem.", "summary": "Works fine. Can leave it out in the weather with ...", "unixReviewTime": 1487548800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2012", "reviewerID": "A16ELSUX0GHRRV", "asin": "B0002C7FFE", "reviewerName": "Amazon Customer", "reviewText": "Received product on time and as described. Works great for fleas and ticks and doesn't wash off when pet gets wet.", "summary": "Great product", "unixReviewTime": 1330300800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A4A7TEIEN3FRT", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Gary M. Knepler", "reviewText": "Excellent value", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A2S4J631ZUGSOX", "asin": "B0002AQKIO", "reviewerName": "R. White", "reviewText": "Keeps my tanks smelling fresh.", "summary": "Five Stars", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "AIHP1ON2IW20K", "asin": "B0002C7FFE", "reviewerName": "Ian Bell", "reviewText": "This is the best deal I could find on Advantix for my Springer Spaniel. The only thing I don't like is that Bayer thinks that a 21 lb dog should be considered large. I don't even think a 55 lb dog is large, but I don't write the packaging descriptions.", "summary": "Works well for my dog, even though a 45 lb dog isn't what I would consider large", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2015", "reviewerID": "ACCO7KFDTPXK", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " Just Vegg'n", "Package Type:": " Standard Packaging"}, "reviewerName": "katlina", "reviewText": "My pit/black lab mix loves these and always begs when we open the closet we store them in.", "summary": "Dog loves them", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1ZYHX9VGO3FB6", "asin": "B00008DFOG", "style": {"Size:": " Not Applicable", "Flavor Name:": " Lamb and Rice"}, "reviewerName": "Stone", "reviewText": "The dog loves it. Nuff said.", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "11 11, 2017", "reviewerID": "A2M6ZPZ83ZNUZB", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "MD", "reviewText": "Nice quality...", "summary": "Four Stars", "unixReviewTime": 1510358400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A30DHZ69X3U5YX", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "ed", "reviewText": "My little shi tzu simply loves these", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A3V5ENOGUEEGPA", "asin": "B00061MRO0", "reviewerName": "Sue", "reviewText": "Awesome product!! Works great!!", "summary": "Five Stars", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A2EQZ33C4E1FPV", "asin": "B0002ARQ14", "reviewerName": "Emily Smith", "reviewText": "my ferret loved this! unlike in the picture, mine was a plush soccer ball about 4 inches in diameter, and was a squeaky toy instead of a \"bell\" toy. however i liked this more than i probably would have liked the other so everything was great", "summary": "different than the picture", "unixReviewTime": 1452038400} +{"overall": 1.0, "verified": false, "reviewTime": "06 11, 2014", "reviewerID": "A2KT2P26RZSB6R", "asin": "B0002A5ZGC", "style": {"Size:": " 10 inches", "Color:": " Clear"}, "reviewerName": "Alex", "reviewText": "Never, I repeat, NEVER use this for guinea pigs, cause they can harm their back. This is not for guinea pigs!", "summary": "not for guinea pigs", "unixReviewTime": 1402444800} +{"overall": 1.0, "verified": true, "reviewTime": "04 1, 2018", "reviewerID": "A22G6C8K0V10BQ", "asin": "B0002DJLE6", "reviewerName": "Devon Garvey", "reviewText": "I bought three of these and one Penn Plax Cascade 400, and all four of them stopped working completely or slowed down to a mere trickle for absolutely no reason within a few weeks. I've switched to sponge filters and I'll never go back.", "summary": "Don't last more than a few weeks", "unixReviewTime": 1522540800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2013", "reviewerID": "A17EMZFFHUG3JX", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Cody W.", "reviewText": "whats your problem you don't have to use hardly any and your going to be useing it every water change or any off balance in your water for the most part it fixes it mostly for dropping nitrates tho", "summary": "if your not useing this product yet", "unixReviewTime": 1381881600} +{"overall": 4.0, "verified": true, "reviewTime": "11 26, 2012", "reviewerID": "A1Y6JVDTQXMNOI", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Adrilee4", "reviewText": "When your cat needs attention and is antsy to play, this is perfect to keep them going for a few minutes until they are ready to rest", "summary": "keeps them active", "unixReviewTime": 1353888000} +{"overall": 3.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "A2YM2UIPZF4M9Y", "asin": "B0002CSKLM", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Kevin Horecka", "reviewText": "This toy is very soft and nice, but it comes apart quite easily. Good for dogs that treat their toys gently.", "summary": "Only for gentle treatment", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "A1KXESMB9K7504", "asin": "B0002DHW10", "style": {"Style:": " 42-Inch"}, "reviewerName": "Yee Yang", "reviewText": "Exactly as advertised for.", "summary": "Five Stars", "unixReviewTime": 1518912000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A2BEF66XO9QTGB", "asin": "B0002DHOE0", "style": {"Size:": " 5.5 Inch"}, "reviewerName": "E.T.", "reviewText": "Great exactly like the description. Use it with any type of bulb.", "summary": "Artificial sunlight for your pets. or plants.....", "unixReviewTime": 1408838400} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "AJREVB4V0T7MI", "asin": "B00028ZLUY", "style": {"Size:": " Small and Medium Dogs, 500 count", "Style:": " Gel Cap"}, "reviewerName": "G.", "reviewText": "I think it works, but I'm not 100% sure because I'm giving my pup other vitamins, too. The vet thinks it's the most effective out of the other vitamins I give my pup.", "summary": "I think it works, but I'm not 100% sure ...", "unixReviewTime": 1418601600} +{"overall": 2.0, "verified": false, "reviewTime": "08 22, 2016", "reviewerID": "AHKJHLYVF21S0", "asin": "B0002DIO4E", "style": {"Size:": " 17 fl.oz.", "Style:": " Advanced Plaque and Tartar"}, "reviewerName": "Apache Paul", "reviewText": "Did not work well for our dogs", "summary": "Did not work well for our dogs", "unixReviewTime": 1471824000} +{"reviewerID": "A2L08SLA6F3S8T", "asin": "B0002BTDAK", "reviewerName": "Patricia Jarrett-Whitaker", "verified": true, "reviewText": "My dog seems to like it a lot. He sleeps on it night and day. I would buy another one and recommend it to friends.", "overall": 4.0, "reviewTime": "06 16, 2013", "summary": "Good product", "unixReviewTime": 1371340800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A2YXB9KJQ2S561", "asin": "B0002DGM7K", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Aly", "reviewText": "Puppy loves to chew on this toy. I got Medium, which is large for my puppy (14.5 weeks, 25lbs) however she enjoys large toys and this was no exception. She'll carry them around and chew on the different keys.", "summary": "Puppy loves to chew on this toy. I got ...", "unixReviewTime": 1464480000} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "A363IE4Y2ENHYV", "asin": "B0002DHXX2", "style": {"Size:": " 36-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Susan Nodurft", "reviewText": "Nice pad, fit 25\" x 36\" Midwest crate perfectly.", "summary": "Nice pad, good fit for Midwest crate", "unixReviewTime": 1422921600} +{"overall": 2.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A1XADFFTPAIZU3", "asin": "B0002563O0", "style": {"Size:": " Medium", "Style:": " 32\""}, "reviewerName": "sd", "reviewText": "My bird bit the ends off ti quick.", "summary": "Two Stars", "unixReviewTime": 1435536000} +{"overall": 1.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A15RCGIG3JTAEX", "asin": "B0002565FM", "style": {"Size:": " 18 oz"}, "reviewerName": "Carlos Alexis Turcios", "reviewText": "My budgie chicks did not seem to like this formula at all.", "summary": "At least my chicks had responsible parents", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2014", "reviewerID": "A255C4TR74610B", "asin": "B000255OIG", "style": {"Size:": " 11.5 OZ.", "Flavor Name:": " Chicken Liver"}, "reviewerName": "Kirbys mom", "reviewText": "My dog has loved these treats from day 1. They were recommended to us for training treats and my dog will do anything for them.", "summary": "My dog gets excited about these treats.", "unixReviewTime": 1389657600} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "AYLU8B6JN4QW2", "asin": "B0002DHOJA", "reviewerName": "Marilyn Lazarus", "reviewText": "The dogs love the bounce and love to chew on them. It is heavier than a tennis ball so I would roll it rather than toss it.", "summary": "Very durable", "unixReviewTime": 1386892800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A3QMVC3SB8CMWQ", "asin": "B0002ARHI6", "style": {"Size:": " l", "Color:": " Black"}, "reviewerName": "Sunni", "reviewText": "Just as described. Very pleased with purchase. :)", "summary": "Happy dog walker :)", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "AH2K5J42LO4VE", "asin": "B00025694Y", "reviewerName": "Jen1170", "reviewText": "LOVE Seachem!! Our tap water is incredibly acidic and this brings it up to neutral very quickly! Highly recommended!", "summary": "Five Stars", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2012", "reviewerID": "A18YMFLLC6YKLX", "asin": "B000255NKA", "style": {"Size:": " 160-Gallon"}, "reviewerName": "Adam C", "reviewText": "Great price and I've been using this product for 2 years now and haven't had an issue with it yet.", "summary": "Great product no issues", "unixReviewTime": 1336953600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A365CD38FFXOG0", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Richard Dismuke", "reviewText": "Good stuff, Just used some yesterday when I refilled my tank.\n\n Thank You\n Richard", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "ACK48CYPGLWOA", "asin": "B000256566", "reviewerName": "Howard", "reviewText": "As always AquaClear is a great product for the last 40 years! My favorite product to get the job done!", "summary": "Perfect", "unixReviewTime": 1356825600} +{"overall": 4.0, "vote": "6", "verified": true, "reviewTime": "10 17, 2007", "reviewerID": "AMJJZBOAV8HCC", "asin": "B000633S78", "style": {"Size:": " 8 OZ"}, "reviewerName": "00", "reviewText": "New product for our house. So far two out of three are in love (gobble gobble). The third just hasn't decided yet. Heard this is good for urinary tract disorders. Hope so, one of the two gobblers has had a slight problem in that area.", "summary": "Cat sip? Cat gobble!", "unixReviewTime": 1192579200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "AV2AFJPJL2DA4", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Mess", "reviewText": "He loves it!", "summary": "Five Stars", "unixReviewTime": 1515628800} +{"reviewerID": "A2XLUG9G8S4MXG", "asin": "B0002RJMA0", "reviewerName": "Alexandre Ferrari", "verified": false, "reviewText": "Ok", "overall": 4.0, "reviewTime": "04 17, 2017", "summary": "Four Stars", "unixReviewTime": 1492387200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A3O2DRWQGGF4NK", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Misha", "reviewText": "By no fault of the product, my boy simply is not a chewer.\n\nMy pooch, while only nurses his KONG it keeps him distracted well enough, especially if his treats are frozen inside, which make for a great summertime treat.", "summary": "which make for a great summertime treat", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A1U62Y0L30DKPH", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Potato & Duck"}, "reviewerName": "jeffrey broadway", "reviewText": "It's all good", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 1.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A3K9C0ZBLARWEE", "asin": "B000084F45", "style": {"Size:": " Small Biscuits, 20-Ounce Bag", "Flavor Name:": " Char-Tar", "Package Type:": " Standard Packaging"}, "reviewerName": "CINDY FERGUSON", "reviewText": "Sorry, all of my dogs said \"no thank you\"", "summary": "One Star", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2HP2GNSON8QEF", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Shae Lehr", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A1505WWHRT5T1S", "asin": "B0002AQMZU", "style": {"Style:": " Toothpaste"}, "reviewerName": "JC", "reviewText": "My dogs love it.", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A2BDGNJ9DI1S6A", "asin": "B0002DHP3U", "style": {"Size:": " 8-Ounce"}, "reviewerName": "Lisa", "reviewText": "Turtle died before this was delivered used as crab food...they like it", "summary": "they like", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A3GZBZ86NNA0PS", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Chicken"}, "reviewerName": "Hope", "reviewText": "My 70 pound English bulldog loves this. He usually wears out his bones in a month or two and we have had this one for a year.", "summary": "My 70 pound English bulldog loves this. He usually ...", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A2MI16YCDVQF9F", "asin": "B0002AT3TC", "style": {"Size:": " 4.75\" x 5.37\" x 24.5\"", "Style:": " Grass"}, "reviewerName": "SuzieBgood", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A2L7JA3NFEU82R", "asin": "B0002AS2Q2", "style": {"Size:": " Pack of 1"}, "reviewerName": "Gabby Hayes", "reviewText": "My puppies love these toys. I like the idea that there is no stuffing to pick up if they do chew a hole in the toys. They crinkling sound makes them play with it even more.", "summary": "Great for Puppies!", "unixReviewTime": 1454457600} +{"overall": 1.0, "verified": true, "reviewTime": "10 21, 2013", "reviewerID": "A2XFYJVQF6MGXV", "asin": "B00061MPN8", "reviewerName": "Joansie", "reviewText": "The clamps need hands of steel to open\nThe hose is almost impossible to aim\nwhat a waste of money\nPerhaps the worst thing I have ever purchased from Amazon", "summary": "very dissapointed", "unixReviewTime": 1382313600} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A25NM3FTWFJ8PZ", "asin": "B0002DJ9OS", "style": {"Size:": " Cascade 700"}, "reviewerName": "Kevin Jennings", "reviewText": "Awesome filter. No issues with it and keeps the tank water crystal clear. Very easy setup as well", "summary": "Five Stars", "unixReviewTime": 1473292800} +{"overall": 2.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "A2VYJXU6P9AZI2", "asin": "B0002FP1WA", "style": {"Size:": " Fiesta"}, "reviewerName": "de", "reviewText": "Too soft for the AG. Huge mess and gone in 1 afternoon.", "summary": "Two Stars", "unixReviewTime": 1505088000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A2VV5VZ60L9GBY", "asin": "B0002DGIGU", "style": {"Size:": " 9.5 lb"}, "reviewerName": "Jenifer Mick", "reviewText": "My rabbits like it. Its hard to find alfalfa free food in stores.", "summary": "Good price", "unixReviewTime": 1448064000} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A26JMOTDNUNBDC", "asin": "B000255NAK", "style": {"Style:": " Phosphate"}, "reviewerName": "B. Hepp", "reviewText": "Glad to find this kit and be able to test this parameter. Kit works great. I found that if I leave the water & agent in the tube after testing, it seems to stain the tube, as the solution can be relatively thick and gooey.", "summary": "Just What I Needed", "unixReviewTime": 1431907200} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2013", "reviewerID": "A1XNRNAQ81VSLN", "asin": "B0002563UY", "style": {"Size:": " 9-Ounce", "Package Type:": " Standard Packaging"}, "reviewerName": "Bostonian", "reviewText": "This helped to keep my fish tank not smelly. However, the bag is not well made. It is very easy to be broken or torn. That is what I don't like. I hope the seller or producer will be soon aware of that. Otherwise, I would rate this product five stars.", "summary": "Helped to keep my fish tank not smelly.", "unixReviewTime": 1388275200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "ANNINLZH5569J", "asin": "B0002TJAZU", "style": {"Size:": " 5.5 oz, 24 Pack", "Flavor Name:": " Tuna", "Style:": " Adult 7+ Chunks & Gravy"}, "reviewerName": "Johnson", "reviewText": "This product is good for cats, but it will gum up your engine if you shove it into your gas tank of your automobile.", "summary": "Good for cats, not for cars.", "unixReviewTime": 1449878400} +{"overall": 1.0, "verified": true, "reviewTime": "01 7, 2018", "reviewerID": "AGDRMA8VGGHMQ", "asin": "B00028J0CE", "style": {"Size:": " Fits Most 24 Inch Crates-up to 30lbs", "Color:": " Black"}, "reviewerName": "Moira", "reviewText": "When they say mat they meanit.its only a thin flimsy mat and cannot be put in dryer.dissatisfied.", "summary": "One Star", "unixReviewTime": 1515283200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A29WZX3QYHJE4U", "asin": "B000084F4N", "style": {"Size:": " 16 lb. Bag", "Flavor Name:": " Chicken & Rice"}, "reviewerName": "Ali B.", "reviewText": "Our cat loves this food!", "summary": "Five Stars", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2018", "reviewerID": "A1YV3I0KWONP8", "asin": "B000256ES0", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Kelly", "reviewText": "My fish had fungus", "summary": "my fish got a fungus when I move them to a bigger tank. In this took care of it within a week.", "unixReviewTime": 1518566400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A2X2EZ9VHSDSWT", "asin": "B0002DIO4E", "style": {"Size:": " 17 fl.oz.", "Style:": " Advanced Plaque and Tartar"}, "reviewerName": "Stephanie", "reviewText": "Great product. My goldendoodles breath does not smell and she has pretty white teeth. She cannot taste the product in the water. I have been using this product everyday for months now and I love it.", "summary": "Great product. My goldendoodles breath does not smell and ...", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "AGLCR6VCIOETM", "asin": "B0002APVAC", "reviewerName": "Anthony Swain", "reviewText": "The plates are much more rigid than expected. Also many options for tube placement, either air tubes or with power filter.", "summary": "The plates are much more rigid than expected. Also ...", "unixReviewTime": 1454284800} +{"overall": 3.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A1NTX8XHXGQ834", "asin": "B0002ARTZW", "reviewerName": "Ron Block", "reviewText": "Dog loves it but didn't last too long", "summary": "Three Stars", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A3HB9AJ2HYGUVZ", "asin": "B000084ERR", "style": {"Size:": " 12.5-Ounce Can (Pack of 12)", "Flavor Name:": " Turkey & Sweet Potato", "Package Type:": " Standard Packaging"}, "reviewerName": "Janice", "reviewText": "I bought this at 1st my dogs ate it, mixed with dry but then switched to another wellness can food", "summary": "wellness makes the best", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2013", "reviewerID": "A1CUK19E4J1NN3", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "Missy", "reviewText": "It takes just a few seconds to put together these filters and they cost SO MUCH less than the pre-assembled filters. If anyone is put off by the \"assembly required\" notices... fear not. These are extremely easy to use and save you quite a bit of money.", "summary": "Cheap - in the good way!", "unixReviewTime": 1374278400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A2381NTTNMJHJJ", "asin": "B00028HN3M", "reviewerName": "Bonnie F. Flax", "reviewText": "Always use with my dry dog food. My 3 Maltese love it.", "summary": "Adds veggies & taste", "unixReviewTime": 1409443200} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "A2FCGDCV199Q7S", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "FishGeek", "reviewText": "For small tanks 75 gal and under don't bother with it if your tank is bigger ThoseFishGeeks . Com. Thanks", "summary": "small tank", "unixReviewTime": 1399766400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A3ALHHD7GZN3CL", "asin": "B0002DJ0AQ", "style": {"Size:": " 2.25 Ounces"}, "reviewerName": "bekah", "reviewText": "this worked good for my box turtles !", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "ATXYSL84GASM7", "asin": "B0002DK9OM", "style": {"Size:": " 4-1/2-Inch", "Color:": " Purple"}, "reviewerName": "Shelly Johnson", "reviewText": "Well loved dog toy", "summary": "Five Stars", "unixReviewTime": 1505088000} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A1KH0984X4W9MF", "asin": "B0002DK26C", "style": {"Size:": " Small"}, "reviewerName": "Kindle Customer", "reviewText": "My pup is still getting used to it. But he is learning how to use the toy. Sometimes all he cares about is chewing the toy and would care ledd about the treat that fall :)", "summary": "My pup is still getting used to it. But ...", "unixReviewTime": 1462147200} +{"overall": 2.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A1J0LTCBIYVOCZ", "asin": "B000084EEF", "reviewerName": "Amazon Customer", "reviewText": "My cat loved the ball so much he figured out how to remove it and now I can't find it. Comes out way too easily. He has no interest in the cardboard so now it just lies there being ignored. Only had it for about 2 weeks.", "summary": "My cat loved the ball so much he figured out how to ...", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A15XHOMR3OAMBN", "asin": "B000084DWM", "style": {"Size:": " 7 lb", "Style:": " Optimal Care Dry | Chicken"}, "reviewerName": "Kitty", "reviewText": "GREAT seller, GREAT product.", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "AYMNT24MTK09R", "asin": "B0002AQK4S", "style": {"Size:": " 50-Gallon", "Package Type:": " Standard Packaging"}, "reviewerName": "jordan moore", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A1IT7O6LCFBPG2", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Beef"}, "reviewerName": "Jennifer B", "reviewText": "My dog says yum!", "summary": "\"Yum\" says my dog!", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A3CZO8XKIKUWGQ", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Debbie", "reviewText": "Very soft and squeaks well. My dog likes the toy.", "summary": "Nice dog toy", "unixReviewTime": 1462838400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2018", "reviewerID": "A2Q3ZT6BQLY1G2", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "K. Zander", "reviewText": "My dogs love this toothpaste! They don't mind getting their teeth brushed every night. They line up and wait their turn! I would recommend it. I use it along with Proden PlacqueOff for dogs. It works!", "summary": "Petrodex Enzymatic Toothpaste for Dogs - Poultry Flavor", "unixReviewTime": 1516060800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A38GUQK6Z90XJD", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Sperrier", "reviewText": "Dingo the dog loved it, but he is gone now and I miss him. Good bed at a good price.", "summary": "Sleep Well, Dingo", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A1DFUYYZP830M8", "asin": "B000633TU4", "reviewerName": "wayneschicken", "reviewText": "My dog can't get enough of these...we limit him to one per day since they are so big :)", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A3P2BZLC4S6UHL", "asin": "B0002ASCD0", "reviewerName": "Lisa", "reviewText": "Perfect size, easy to clean. I'd order another one! Priced right and shipped quickly.", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "AB5VYVWDUDK31", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Rebecca Cumbee", "reviewText": "My puppy loves these.", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A2JJO1J4J7037C", "asin": "B0002YFC3Y", "style": {"Size:": " 50gm"}, "reviewerName": "Alexandria625", "reviewText": "This product is amazing. Cat was having his own little pee party in my home for months. Antibiotics from vet would work for a couple of days and the pee party would start again. I have been giving him this for 3 weeks and no problems!", "summary": "No more pee parties!!!!!", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A2K6H5YRDK8ZP1", "asin": "B000255UYE", "reviewerName": "Dennis J", "reviewText": "Great Product, excellent price", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A2MYVDJ05XGSCE", "asin": "B000256EAI", "style": {"Size:": " 100 Watt/2 Pack"}, "reviewerName": "Angela", "reviewText": "Great price, the bulbs I have received have been reliable for months.\nMy bearded dragon is happy so I'm happy.", "summary": "Great price, the bulbs I have received have been ...", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "A26FU9KJYTJJS5", "asin": "B00009ZJZG", "style": {"Size:": " 24-Ounce", "Package Type:": " Standard Packaging"}, "reviewerName": "Embrace55", "reviewText": "my rabbits love it so much, they were eager to eat it everyday. but i only give a small amount since there are timothy hay.\nrecommended for rabbits!", "summary": "good", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2013", "reviewerID": "A2J1PTEZ0K5T4Q", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "smirk", "reviewText": "PRODUCT WORKS WELL AND AFTER A MONTH YOU CAN SEE ON THE FILTER THE DIRT THAT IT HAS PICKED UP. WILL CONTINUE TO USE THIS GREAT PRODUCT.", "summary": "MARINELAND C FILTER CARTRIDGE", "unixReviewTime": 1358208000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A3R3JX75EO3MEG", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "STACEE", "reviewText": "MY BERNESE MT DOG PUPPY LOVES THESE TOYS!! HE IS SO GOOD AT GETTING THE BABY SQUIRRELS OUT OF THEIR TREE HOUSE LOL IT'S LIKE HAVING 4 TOYS IN ONE. I TOTALLY RECOMMEND THIS TOY", "summary": "HE IS SO GOOD AT GETTING THE BABY SQUIRRELS OUT OF THEIR TREE ...", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A1S0IBEAIBO8R5", "asin": "B0002DGL3K", "style": {"Size:": " 8 Count", "Package Type:": " Standard Packaging", "Style:": " Variety"}, "reviewerName": "michael alvarez", "reviewText": "My dog loves these. Keeps him busy for a little bit. Thanks!", "summary": "Keeps him busy!", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A3CYVC50LORTHY", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Mango Tango"}, "reviewerName": "R. Kleinman", "reviewText": "after trying many dog shampoos, keep coming back to this one. ive been using this for years. smells great and leaves his fur super soft.", "summary": "soft pug", "unixReviewTime": 1441843200} +{"overall": 3.0, "verified": false, "reviewTime": "12 13, 2016", "reviewerID": "A8JWR1O9POJXW", "asin": "B0002ARYWU", "style": {"Size:": " 6 inches", "Color:": " Red"}, "reviewerName": "Bubby", "reviewText": "It lasted for a few weeks, but siberian husky puppy tore though this without a struggle.", "summary": "Three Stars", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A1XE2NS52TTI0", "asin": "B00008DFDJ", "reviewerName": "Sarah C.", "reviewText": "This is a wonderful product. It has really improved the coat on my 2 dogs. The product arrived promply, also.", "summary": "This is a wonderful product. It has really improved the coat on ...", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A2K2Z4ZIVDBJR2", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "mayhem", "reviewText": "Works as described", "summary": "Five Stars", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A1EM9GI0EQ0KX1", "asin": "B0002AQ5DY", "reviewerName": "claudia c. gomez", "reviewText": "grate", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A13RQPHI5INCSV", "asin": "B0002AQSAY", "reviewerName": "Brandy", "reviewText": "This is really good litter. It has a very natural texture and does not have the harsh scent some litters have. I have a stray, whom I've adopted, you was having a difficult time with the scented litters and she took to this right away!", "summary": "good litter!", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A1Z9V2ZFBMI02I", "asin": "B000255PFI", "style": {"Size:": " 250ml"}, "reviewerName": "Alyross", "reviewText": "I would not run a reef without it.", "summary": "Five Stars", "unixReviewTime": 1446508800} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "AAMFELV7TK5BH", "asin": "B0002TR5SO", "reviewerName": "Molly", "reviewText": "works good so far on my dog's hips", "summary": "Four Stars", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2012", "reviewerID": "A2R0MYROYFQIXY", "asin": "B0002YFSDI", "style": {"Size:": " 1/2\" x 6'", "Color:": " Black"}, "reviewerName": "Donna", "reviewText": "love this lead, also got it in orange, really works well with my dogs, love that it is 6 ft and not 4, like the longer length", "summary": "great lead", "unixReviewTime": 1353196800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A2XPAADI8D82S1", "asin": "B0002H3ZLM", "style": {"Size:": " SMALL UP TO 25 LBS.", "Color:": " FAWN"}, "reviewerName": "Mark Dever", "reviewText": "I swear by this effective head collar method of controlling a dog on a leash. Easy, anyone can do this, even a toddler can lead a dog on a walk!", "summary": "Safe, effective, easy", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "AB2RPZKL6S17S", "asin": "B0002AS2R6", "reviewerName": "G &amp; A", "reviewText": "cute", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": false, "reviewTime": "03 2, 2014", "reviewerID": "A1AXK6551801WV", "asin": "B000084EXU", "style": {"Size:": " Wolf/Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Polly", "reviewText": "I have used this product for years. Must be a supervised chew, too much digestion causes upset tummy for little dogs", "summary": "Good for teeth", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A1LQU2U2S0KHV4", "asin": "B0002AQ8YK", "style": {"Size:": " 8 oz.", "Style:": " Baby Powder Grooming Spray"}, "reviewerName": "Joyce Greene", "reviewText": "Love the smell", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A2TK9YS0R14O85", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "CinnamonIcetail", "reviewText": "Seachem Prime is highly recommended by many professional and experienced fishkeepers. It's highly concentrated so the bottle lasts a long time compared to others on the market, and does not cause a pH crash like AmQuel+ can.", "summary": "EXCELLENT", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A1V1O3DZ86JMZE", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "TOBY", "reviewText": "Loony bin.", "summary": "Five Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A2309THFS27NR2", "asin": "B0002ARQVE", "reviewerName": "Amazon Shopper", "reviewText": "Funky, but works!", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "AOATWF3MKEB4B", "asin": "B0002AS5QE", "style": {"Size:": " 3\""}, "reviewerName": "Shannon Hipps", "reviewText": "This is the best little water dish!", "summary": "Five Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "AJPF03SHHJLSN", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Daniel S.", "reviewText": "Highly recommend this product to anyone involved in aquatics. It's one of those things you should always have on hand.", "summary": "Great Product!!!", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A2QIB1BA4M45OI", "asin": "B00025YVRQ", "style": {"Size:": " 6.8 Ounces"}, "reviewerName": "Elizabeth", "reviewText": "Helped my Betta out alot", "summary": "Five Stars", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A2AOZQIF9587WP", "asin": "B0002V2S6Q", "style": {"Size:": " X-Large", "Color:": " Green"}, "reviewerName": "GGM", "reviewText": "Keeps my 13 year old Lab nice and warm in the winter. She doesn't try to get out of it because it works so well.", "summary": "Keeps my 13 year old Lab nice and warm in the winter", "unixReviewTime": 1444953600} +{"reviewerID": "A1B9QXRBE04C8Z", "asin": "B00063434K", "reviewerName": "cchang", "verified": true, "reviewText": "My dog usually eats the dry food, but we use the wet food to give him allergy medication.", "overall": 5.0, "reviewTime": "09 4, 2014", "summary": "Five Stars", "unixReviewTime": 1409788800} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A1SKZYT31006MW", "asin": "B0002ZJV44", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "h8ed", "reviewText": "I like it, and it works for the most part. A pain to put on a hyper dog that refuses to sit still. My 7 month old German Shepard still pulls. It worked on him for the first day. I feel he's just stubborn.", "summary": "I like it, and it works for the most part", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A2JJ31SICDTGU4", "asin": "B0002H3R2E", "style": {"Size:": " 45-Ounce Bag", "Flavor Name:": " Yogurt, Apples & Bananas", "Package Type:": " Standard Packaging"}, "reviewerName": "Shanal", "reviewText": "Dogs love them!", "summary": "Happy dogs", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A38L2ZXN85RZ9E", "asin": "B0002567WS", "style": {"Size:": " 0.78 lb"}, "reviewerName": "Shelby Bayard", "reviewText": "I buy these instead of the ones packaged for Parakeets. Honestly, i've compared the two, and the ingredients are ALL the same. so i saved 2 dollars per tub.", "summary": "I buy these instead of the ones packaged for Parakeets ...", "unixReviewTime": 1433376000} +{"reviewerID": "A1MEW5O3LFNC66", "asin": "B0002I0GV8", "reviewerName": "susie q", "verified": true, "reviewText": "have fed to my dog for years", "overall": 5.0, "reviewTime": "01 20, 2017", "summary": "Great for watching weight on dogs", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A1G1Z5MDIFAQ2M", "asin": "B0002DH2WO", "reviewerName": "Robin Truitt", "reviewText": "A must have if you have mystery snails. Adds calcium to the water.", "summary": "Great for Snails.", "unixReviewTime": 1478304000} +{"overall": 3.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "A2TKQBJMW6AKEL", "asin": "B0001M7BZ4", "style": {"Size:": " 16oz"}, "reviewerName": "VAA", "reviewText": "Doesn't remove the stain for long. Have a new puppy and wasn't impressed especially considering the expensive price. Peroxide and vinegar and dawn dish soap work better.", "summary": "Peroxide and vinegar and dawn dish soap work better.", "unixReviewTime": 1505088000} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2018", "reviewerID": "A2NK0B0LPOLTP7", "asin": "B000633Y4A", "style": {"Size:": " Pack of 1", "Flavor Name:": " Peanut Butter"}, "reviewerName": "Amazon Customer", "reviewText": "All I can say is that my dog really enjoys it, She hid it the first day I gave it to her and some times you can catch her chewing on pieces of it.", "summary": "All I can say is that my dog really enjoys ...", "unixReviewTime": 1517529600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A2CXMAC756YEBH", "asin": "B0002AR3O4", "style": {"Size:": " 75-Watt/120-Volt", "Package Type:": " Standard Packaging"}, "reviewerName": "HECTOR L MONTALVO", "reviewText": "good deal and fast shipping.", "summary": "Five Stars", "unixReviewTime": 1439424000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71zCO72S8EL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71fIV2Ghe1L._SY88.jpg"], "overall": 4.0, "vote": "5", "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A2YP1UG3TAEBI3", "asin": "B0002ASBRM", "reviewerName": "Brastyn07", "reviewText": "I like it, piggie likes it :) I wish it was a little softer on the outside. My pig likes to fold it over and sleep on it instead of in it. Silly piggie!", "summary": "Piggie likes it", "unixReviewTime": 1462233600} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A26Z77JWAYN9TV", "asin": "B0002DJ0B0", "style": {"Size:": " 64 ml/2.25 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "I am not seeing any dramatic change on my lizard skin condition ( shedding problem) now but I can tell its helping him.", "summary": "I am not seeing any dramatic change on my lizard ...", "unixReviewTime": 1476921600} +{"overall": 3.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A1MHTW6DDWF488", "asin": "B0002AQJHG", "style": {"Size:": " 6 inch net", "Package Type:": " Standard Packaging"}, "reviewerName": "super mommy23", "reviewText": "its alright. only problem is my tank is super deep and my hands get wet every time i try to get something from the bottom of my tank.", "summary": "Ok.", "unixReviewTime": 1489795200} +{"overall": 2.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A2BZ8MNR0NNXGG", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "PJ", "reviewText": "These are too hard. They also look and feel too much like an infant toy. I'm afraid they might get confused with the baby's toys and the puppy will want the baby's items or visa versa.", "summary": "For Puppy or Baby?", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A1PO3J0R3V1Q0G", "asin": "B0002CSKLM", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Dr. Jeff", "reviewText": "Love\nIt", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A1C7056XJ9WKKI", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "Carolyn", "reviewText": "I love this it!! It is funny. I just got it yesterday and my puppy is not as impressed by I think he will warm up to it.", "summary": "I love this it", "unixReviewTime": 1493164800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "AIPO01AJ9MEZ6", "asin": "B00061MWJ0", "reviewerName": "karin schroeder", "reviewText": "Awesome product but be careful as it does cut the fur. used properly it is an awesome tool!", "summary": "Five Stars", "unixReviewTime": 1465948800} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "ARZKGTIPW026D", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " A - Red"}, "reviewerName": "hawaiianbird", "reviewText": "Works as it should. It's a fish tank filter. I don't know what else to say about it. Ha ha!", "summary": "Fish filters...what can I say!", "unixReviewTime": 1500595200} +{"overall": 2.0, "verified": true, "reviewTime": "04 14, 2013", "reviewerID": "A22QOOTYCSXMTC", "asin": "B0002X8HB4", "style": {"Size:": " Large"}, "reviewerName": "E. King", "reviewText": "I would not recommend these for bull dogs, they get stuck in the throat and hard to get out. As long as you watch your dog they would last a long time.", "summary": "Good treat but", "unixReviewTime": 1365897600} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2017", "reviewerID": "A1EU1UJGKMPMNV", "asin": "B00062B84O", "style": {"Style:": " Scratch Up"}, "reviewerName": "Krepta_64", "reviewText": "It's fine for what it is but it lost a star because you can't turn over the cardboard piece and reuse the other side as I am able to do with another brand for the same price.", "summary": "It's fine for what it is but it lost a star ...", "unixReviewTime": 1513900800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A1V669CQOUFVC1", "asin": "B000256606", "style": {"Size:": " 24 oz"}, "reviewerName": "Rikki , Virginia", "reviewText": "Guinea pig approved !!", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "A194PGVTR7T4S3", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "Wizard", "reviewText": "These work better than others. Absorb better than the cheaper versions - even the Amazon brand.", "summary": "Five Stars", "unixReviewTime": 1497484800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A3MB5Z4UYP4E1P", "asin": "B0002GVG6E", "style": {"Size:": " 1\"W; 12-20\" Neck", "Color:": " Red"}, "reviewerName": "Stacy Dodson", "reviewText": "Perfect - received as described.", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2017", "reviewerID": "A16JQZ3G4PRX5N", "asin": "B000084EEF", "reviewerName": "kelly marshall", "reviewText": "Cats love it Especially with the catnip in the sctraching part", "summary": "Five Stars", "unixReviewTime": 1487376000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2017", "reviewerID": "AJ3LHOLA05HF9", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Garden Man", "reviewText": "Dogs love the taste and their teeth are stay clean and white. I brush their teeth 4 times a week with this paste and use a gel the other 3 days a week.", "summary": "Dogs love the taste and their teeth are stay clean and ...", "unixReviewTime": 1506470400} +{"overall": 1.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A3EWVIO3LBNSS4", "asin": "B000241NRI", "style": {"Format:": " Misc."}, "reviewerName": "vickie duet", "reviewText": "DID NOT WORK.......... RETURNED will a full refund given back....", "summary": "One Star", "unixReviewTime": 1436745600} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A1S7A35UU6C9KJ", "asin": "B0002AQCXM", "style": {"Size:": " 8.5 in."}, "reviewerName": "Patricia", "reviewText": "Would work well for reptiles but I bought it to brood chicks doesn't keep it warm enough for them.", "summary": "Would work well for reptiles but I bought it to ...", "unixReviewTime": 1498608000} +{"overall": 1.0, "verified": true, "reviewTime": "11 22, 2017", "reviewerID": "AYRG59W8TTLHW", "asin": "B000634336", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "NANCY", "reviewText": "One cat. Soaks thru in one week tops. Get EXTRA LARGE ONLY.\nand WISH AMAZON WOULD TAKE XTRA LARGE off \"ADD ON\" STATUS. AND MAKE IT MORE AVAILABLE", "summary": "Get XTRA LARGE ONLY", "unixReviewTime": 1511308800} +{"overall": 5.0, "verified": false, "reviewTime": "04 13, 2016", "reviewerID": "A194LDTGKYTGPZ", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "merksy65", "reviewText": "it's tubing :D", "summary": ":D", "unixReviewTime": 1460505600} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2010", "reviewerID": "A245M6JE6I5B6O", "asin": "B0002J1FOO", "reviewerName": "C. Taylor", "reviewText": "No different than found in a vet's office. A good buy and came in adequate time.", "summary": "Complete satisfaction", "unixReviewTime": 1265500800} +{"overall": 5.0, "verified": false, "reviewTime": "10 29, 2017", "reviewerID": "AL78Z8QIPOAMU", "asin": "B0002YFSDI", "style": {"Size:": " 3/8\" x 6'", "Color:": " Black"}, "reviewerName": ".", "reviewText": "This is the most beautiful leash I have ever owned and will continue to purchase Mendonta leashes in the future.", "summary": "This is the most beautiful leash I have ever owned and will continue to ...", "unixReviewTime": 1509235200} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2014", "reviewerID": "A1NLC01142KQM6", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "Sal1n1ty", "reviewText": "They love it. last a month.", "summary": "Five Stars", "unixReviewTime": 1412467200} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2017", "reviewerID": "AOKCPG1VJ6NLB", "asin": "B0002ASF50", "style": {"Size:": " 16 oz"}, "reviewerName": "Martin Tran", "reviewText": "Good product", "summary": "Four Stars", "unixReviewTime": 1509494400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A3W4750QG9AFME", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "BobInIndy", "reviewText": "Schnuddle loves this stuff. She gets her teeth brushed every night.\nWhen she sees the toothpaste and tooth brush, she get so excited.\nWe let her lick the tooth brush, so the stuff must taste good.\nBright white teeth.", "summary": "Great product, great price, great delivery", "unixReviewTime": 1393804800} +{"overall": 3.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A2YID0J6MSPL7P", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Hilda Ramirez", "reviewText": "Toy is hard I thought it was a chewing or teething toy.", "summary": "Three Stars", "unixReviewTime": 1436659200} +{"overall": 3.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A1ZLSYVWNPV26L", "asin": "B0001ZWZ8O", "style": {"Style:": " Stay + Play Wireless Fence"}, "reviewerName": "I enjoy things", "reviewText": "This is too aggressive with static correction. 2 seconds of beep then BAM. Even if you walk back a foot it's still shocking you. I do not feel comfortable putting this on my dog.\n\nAnd yes, I always put this kind of thing on me before my pets.", "summary": "Probably not keeping this", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "ASJTTNR2JP3CB", "asin": "B0002AQ8FE", "style": {"Size:": " 12 oz.", "Style:": " Baby Powder Shampoo"}, "reviewerName": "Florida", "reviewText": "This shampoo was easy on my dogs skin, (pit and chihuahua) and the smell lasts at least 3 days!", "summary": "Smells great and lasts", "unixReviewTime": 1517702400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A8BZB4WHFXQ9E", "asin": "B0002AQPKW", "reviewerName": "KvB", "reviewText": "Great shed rake... I highly recommend.", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A8HLFUFU5X4E3", "asin": "B0002568SG", "style": {"Size:": " 8.75 oz"}, "reviewerName": "Mary sovann", "reviewText": "My water tank looks great and clean. Will bye more", "summary": "Will bye more", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2017", "reviewerID": "A3M4OFTO7YWRXP", "asin": "B0002AR15U", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "cc", "reviewText": "Just what my pup needed fast delivery", "summary": "Five Stars", "unixReviewTime": 1514505600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "AGLCR6VCIOETM", "asin": "B0002566TW", "style": {"Size:": " 16 oz"}, "reviewerName": "Anthony Swain", "reviewText": "Plants are doing very well.", "summary": "Five Stars", "unixReviewTime": 1463011200} +{"overall": 1.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A1IGM45TXEFQY1", "asin": "B0002DK6P4", "style": {"Size:": " Large"}, "reviewerName": "Chava", "reviewText": "very flimsy. don't fit well in litter box and my cat rips it, defeating the purpose. I can't use these.", "summary": "very flimsy. don't fit well in litter box and ...", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": false, "reviewTime": "02 18, 2015", "reviewerID": "A2FV63U1HY6UP2", "asin": "B000633TU4", "reviewerName": "JOHN URACO", "reviewText": "Great price. Great product. Completely satisfied", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A3NYK0WAQCMUU", "asin": "B000255PBC", "style": {"Size:": " 16-Ounce Bottle", "Package Type:": " Standard Packaging"}, "reviewerName": "Mark M.", "reviewText": "coral love it", "summary": "nice", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A3FJQ0SDBBSRVT", "asin": "B0002DK9OM", "style": {"Size:": " 8 inches", "Color:": " Red"}, "reviewerName": "Jenniffer Barnes", "reviewText": "Any jolly ball product is great for those with strong chewin pups who can get through anything. Need open space as mine loves to spin with rope and release into the air. Rope can get stinky so I remove mine after some time.", "summary": "Big chewers", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A21AGHFU5UDRPF", "asin": "B0002J1FOO", "reviewerName": "J Garloff", "reviewText": "great product. works for my dog", "summary": "Five Stars", "unixReviewTime": 1471478400} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "A1M0UUTQ8EUNMJ", "asin": "B0000AH3RP", "style": {"Size:": " 7 lb. Bag"}, "reviewerName": "V. Older", "reviewText": "It's kitten food. The kittens like it. They ate it. They prefer their wet foot and their pablum, but they let me sleep through the night because they have a little something to snack on", "summary": "Kitten Food", "unixReviewTime": 1355184000} +{"overall": 4.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A2453C60YP5C27", "asin": "B0002ARYWU", "style": {"Size:": " 10 inches", "Color:": " Red"}, "reviewerName": "Amazon Customer", "reviewText": "Bought this for my dogs (labs) to play. Takes a day and a half for them to chew the handle off but they still play with it. I thought that they would not be able to chew it up but was I ever wrong. They still play with it.", "summary": "Jolly Pets Red Tug N Toss Jolly Ball 10 \"", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "ANMXWM0KCS7V2", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Navy Wife M", "reviewText": "Great scent and my pekingese skin is uber sensitive but this doesn't bother him at all.", "summary": "I'm sold and will buy it again and again!", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A2MV89JZXCD19S", "asin": "B00061MSIA", "style": {"Color:": " Clear"}, "reviewerName": "Julio V.", "reviewText": "awesome product", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2012", "reviewerID": "ADMK8BO8FU5J0", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 8-Pack"}, "reviewerName": "siumaiguy", "reviewText": "The activated carbon pack is big even though we have to put the parts all together ourselves. It is a good price but remember we still have to wash the cartridge every week just rinse it with hot water.", "summary": "Big pack of activated carbon", "unixReviewTime": 1354406400} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2016", "reviewerID": "A3HZUM3MOZCYRG", "asin": "B00025K102", "style": {"Size:": " 1-Ounce"}, "reviewerName": "Willow", "reviewText": "Great price, great quality, great customer service. I ended up not needing this product and wanted to return it, i was reimbursed in full and was told to keep the item.", "summary": "Great product", "unixReviewTime": 1468195200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "AQC57P17OUQU7", "asin": "B00061UQ6G", "style": {"Size:": " 25 Watt"}, "reviewerName": "Joe P.", "reviewText": "This heater is FINE. Fully submersible, temperature control is consistent, dial is precise. 12degree difference between room and water temp - no problem. Highly recommended.", "summary": "Great Heater!", "unixReviewTime": 1355788800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A232Y8I48IWJ5I", "asin": "B00027ZVLY", "reviewerName": "Littlduck15", "reviewText": "Our puppy's favorite toy, she had another one, but it got lost, so this is second we purchased because she likes it so much. Also, Amazon has the best price for this toy.", "summary": "My puppy loves it!", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A94YGJ970E6ZB", "asin": "B0002AR0II", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "SARAH", "reviewText": "The only toy to stand up to my two pitbulls. They have destroyed every other so called \"tough\" toy so I am really happy with this one. I bought two sizes and both are great!", "summary": "Great, very tough.", "unixReviewTime": 1354233600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A22PYPPZIQA0B8", "asin": "B000084EEF", "reviewerName": "Daisy Edwards", "reviewText": "Cat loves this", "summary": "Five Stars", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2012", "reviewerID": "APYFIZLBYY2H", "asin": "B0002DHH42", "reviewerName": "brandeeno", "reviewText": "Been using this on out puppy for a month now. Even if not needed, I use it on her once a week to make sure she sees this as a normal action. Its also nice to know I am not risking cutting her too deep like you would with clippers.", "summary": "Excellent", "unixReviewTime": 1330473600} +{"reviewerID": "AGNNZDK5NZXR7", "asin": "B000255NH8", "reviewerName": "Felipe M. M. Silva", "verified": true, "reviewText": "great product", "overall": 5.0, "reviewTime": "01 31, 2017", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 3.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A20Q8EG9QOI45Z", "asin": "B0002H3RLU", "reviewerName": "carrie butcher", "reviewText": "smells nice, a little greasy looking on hair", "summary": "Three Stars", "unixReviewTime": 1429833600} +{"overall": 1.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A2SJKAB9KGP5NB", "asin": "B0002DIO4E", "reviewerName": "rosa maria", "reviewText": "I receive 2 bottles of 8 oz each one instead of 32oz, I will be returning the product as soon as I come back to USA.", "summary": "I receive 2 bottles of 8 oz each one instead ...", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A8EPKKK1XJUO", "asin": "B0002ASC1M", "style": {"Size:": " Large"}, "reviewerName": "Arlene Slobecheski", "reviewText": "Great product and right size for my pups!", "summary": "Good product", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A1XCWGU6FUK5QK", "asin": "B0002DHOJA", "reviewerName": "J. Goldstein", "reviewText": "My pup chewed through everything else except for Kong stuff. Great ball for fetch and other ball games. He loves it", "summary": "He chewed threw everything else", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "A2JZZWQI2MYMMQ", "asin": "B00006H36X", "style": {"Size:": " 6 applications", "Color:": " up to 9 Lbs"}, "reviewerName": "Stonelore Gems", "reviewText": "Works excellently if used as veterinarian instructs.", "summary": "Use as you are supposed to and I think you'll be 100% satisfied", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A7XOT63NMJJ3B", "asin": "B0002AR18M", "style": {"Size:": " One size", "Color:": " Purple"}, "reviewerName": "Larina C.", "reviewText": "My cats really enjoy this groomer. It removes shed hair adequately, and is easy to clean. I was a bit worried that it might be too rough for my cat's skin, but he likes it and finds it quite calming", "summary": "My cats really enjoy this groomer", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A2VBOW7BLMTC8Q", "asin": "B00025Z6MK", "style": {"Size:": " 32-Ounce"}, "reviewerName": "Tamcan", "reviewText": "Fish love them - even the little fish that I feed flakes to try and eat this things ... they must be good!", "summary": "Fish love them - even the little fish that I feed ...", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A8PSJOVNHSFVJ", "asin": "B0002ZS1MC", "reviewerName": "Trudy Soto", "reviewText": "My two French Bulldog puppies love this toy!", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 2, 2013", "reviewerID": "A2I0RIEZXAFS5O", "asin": "B000633ZU8", "style": {"Size:": " Pack of 1"}, "reviewerName": "M. Flanigan", "reviewText": "My dogs prefer these bones over all others. The bacon smell is strong but that's why they like them and it doesn't over power the room or anything. These are big hit.", "summary": "wonderful chew bones", "unixReviewTime": 1364860800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A33OVTIZBU8X2J", "asin": "B0002ARQV4", "style": {"Size:": " Large"}, "reviewerName": "MJDATL", "reviewText": "Best option for my cats & dogs. Will never use a different style again.", "summary": "Makes quick work of clipping my cat's nails!", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A11RMMNWNPJFFY", "asin": "B0002AR15U", "style": {"Size:": " XX-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "boxedemu", "reviewText": "Has held up very well. We put a variety of treats inside and give it to the dog before we leave the house or when we put her in the crate to keep her busy.", "summary": "Great for keeping dog busy for a long time", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "A107PTRLK2QBIQ", "asin": "B0002FP41I", "reviewerName": "Sidney W. Swingle", "reviewText": "Birds love it. Clean", "summary": "Birds love it", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2017", "reviewerID": "A28JQ1DYRP1MCB", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "W. Mitchell", "reviewText": "My boxer loves it and it doesn't make near as much noise on hard floors as the hard plastic balls.", "summary": "My boxer loves it and it doesn't make near as ...", "unixReviewTime": 1509753600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "ADR9MN632TH4C", "asin": "B0002AR5BA", "style": {"Size:": " Medium"}, "reviewerName": "barbara", "reviewText": "Really natural looking rock. Thanks Amazon.", "summary": "Five Stars", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2016", "reviewerID": "AGLCR6VCIOETM", "asin": "B00025675K", "reviewerName": "Anthony Swain", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A2QXNW47QXLEX4", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "J.Johnson", "reviewText": "Works as designed and gets here quick.", "summary": "Filters", "unixReviewTime": 1439856000} +{"reviewerID": "AUK9BH35CQ4G7", "asin": "B0002ARQY6", "reviewerName": "Ocean", "verified": true, "reviewText": "Our dog likes the higher eating position but for some reason refuses to drink water that high, so have to have the water bowl on the floor which kind of defeats the purpose. Fairly stable table at this point with no weighted sand in it. Nice but not great.", "overall": 3.0, "reviewTime": "06 28, 2008", "summary": "Nice", "unixReviewTime": 1214611200} +{"overall": 3.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A9X1PXQ55XC48", "asin": "B0002AT1DA", "reviewerName": "Grace", "reviewText": "Works but you have to spray it on almost everyday.", "summary": "Three Stars", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A2XYLN3PHFMQ6A", "asin": "B0002MLA5K", "style": {"Size:": " 16 lb", "Style:": " Light Dry"}, "reviewerName": "D. DUKE", "reviewText": "Good price.", "summary": "Five Stars", "unixReviewTime": 1488326400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A3AWPBKHQOAV36", "asin": "B0002AR15U", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Dale Norris", "reviewText": "I donated this to the Maryland SPCA. The dogs there love them and look forward to getting them everyday.", "summary": "Dogs love them!", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A1WM1CO8YDGYGV", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Donald", "reviewText": "This is an essential product in caring for tropical fish. Get it now. I feel All SEACHEM products are top notch.", "summary": "Press BUY NOW if you care about your tropical fish", "unixReviewTime": 1385856000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A38LV3W5D22F8M", "asin": "B0002DHW10", "style": {"Style:": " 42-Inch"}, "reviewerName": "Amazon Customer", "reviewText": "Exactly what I needed. Fit my kennel perfectly!", "summary": "Five Stars", "unixReviewTime": 1455062400} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A2RTYISB14P73R", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "Magothy96", "reviewText": "The cat loves it and it has helped to save my furniture. It's nice and tall and sturdy, giving her a full length scratch. My only complaint is that the pre-drilled holes in the post and the stand did not line up.", "summary": "Cat loves it.", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "A2HAD8X14BVSCR", "asin": "B0002QIJKU", "reviewerName": "Rbeckett", "reviewText": "Link size is proportionate to the chain length and the end rings compliment the rlink size as well. Good workmanship and no flaws. Great deal for about 6 bucks....\n\nWheelchair Bob", "summary": "Nice thick shiny stainless chain", "unixReviewTime": 1388620800} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A2MUC4THGV6QZS", "asin": "B00028ZLTK", "reviewerName": "D. A. Rogers", "reviewText": "My beagles love it and it helps keep them from getting too sore after a run.", "summary": "Four Stars", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2B693TL8PI662", "asin": "B000255N3C", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Aida Lopez", "reviewText": "Fine product", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2017", "reviewerID": "A1AUXWVS4TWHGA", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "jarius brown", "reviewText": "Loved this when I kept fish.", "summary": "Five Stars", "unixReviewTime": 1502323200} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "AK6PJCWRTL3A4", "asin": "B0002QX3Q0", "style": {"Size:": " 16-Ounce"}, "reviewerName": "1_Retired Cop_58", "reviewText": "Our Lab, who is rather finicky especially for a Lab, is not particularly fond of these and they do seem rather insubstantial. Other dogs may love them.", "summary": "Other dogs may love them.", "unixReviewTime": 1424908800} +{"overall": 3.0, "verified": true, "reviewTime": "03 5, 2014", "reviewerID": "A34LF0HKD8GJJB", "asin": "B000634MXM", "style": {"Size:": " Medium", "Color:": " Khaki/Cream Sherpa"}, "reviewerName": "vilma gallo", "reviewText": "too big for my needs in my Fiat back seat.for my Bichon Frisee dog. too difficult to install and cheap material", "summary": "Snoozer seat", "unixReviewTime": 1393977600} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "ARX1C1SKZ6C5I", "asin": "B0002DGZ86", "style": {"Size:": " 1 Pack"}, "reviewerName": "dusty@so cal", "reviewText": "Is nice to have availability of easy to feed white willow bark for dogs. My gal takes this product with no hesitation. And..........it works!!", "summary": "Great product", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A394J9ZEGKWVW3", "asin": "B0002DJONY", "style": {"Size:": " 5 Lb"}, "reviewerName": "Elizabeth A. Chandler", "reviewText": "Very useful", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A3UIPXBSPDBGP6", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "SS9545", "reviewText": "It tends to crush the claw just a little bit on occasion. But it is way better then cheap clippers.", "summary": "Works Well", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A4X4FV31HGPW9", "asin": "B0002AROVQ", "style": {"Size:": " High-Back"}, "reviewerName": "T. Norton", "reviewText": "Theae boxes are very large..however I kept having accidents on the floor with the triangle boxes. These gave eliminated the \"oops it went over the side\" messes", "summary": "Huge but effective", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2018", "reviewerID": "A28XR93SVDJEUB", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "whatIthink", "reviewText": "our new German Shepherd had itchy patches and scabs on his skin, after 3 washes with this, his skin was clearing and he stopped biting at his hide. After 6 washes he was clear. he smells good and we use this regularly now to keep his skin nice.", "summary": "great for dogs with sensitive itchy skin", "unixReviewTime": 1516579200} +{"overall": 2.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A3IZZYFU9ZMUV0", "asin": "B0002E7ILS", "reviewerName": "Jordan", "reviewText": "fish wouldn't eat", "summary": "Two Stars", "unixReviewTime": 1423958400} +{"overall": 4.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A2JRRUATMNF59K", "asin": "B0002DK096", "reviewerName": "incognito", "reviewText": "Good brush...one of the few my cat will let me brush him with which I think is due to the shallow teeth on the blade. It doesn't look like it'll get much but rugs were flying off my cat just minutes after I started brushing him and I was a happy camper as that was the goal!", "summary": "Good brush.", "unixReviewTime": 1418860800} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A3F4TR5QIQCM4L", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Fish"}, "reviewerName": "Paula A. Andreozzi", "reviewText": "my dog loves these treats", "summary": "Four Stars", "unixReviewTime": 1446768000} +{"overall": 3.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A2R52H4HH541XU", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "srichter", "reviewText": "Some of the snacks were broken up to pieces.", "summary": "Three Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2009", "reviewerID": "A1F0G7ODDFH7X1", "asin": "B0002DJXGC", "reviewerName": "B. Radcliff", "reviewText": "perfect toy for my Great Dane, Titan really likes playing with it and has not destroyed it!", "summary": "dane toy", "unixReviewTime": 1234051200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A9XTBCGPBL9NY", "asin": "B0002DJXGW", "style": {"Size:": " Large"}, "reviewerName": "Schari", "reviewText": "Great toy for active dog!", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A3HBZT1B5BI8TI", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Jamie R.", "reviewText": "The turbo charger is one of the greatest cat toys ever and these replacement pads are a frequent purchase because the cats love to work out on the turbo!", "summary": "The turbo charger is one of the greatest cat toys ever and these replacement pads are a ...", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A1XAKXX40M9N0Z", "asin": "B0002DJM40", "reviewerName": "Kelley Fam of 3", "reviewText": "I got this toy for my ferret and it instantly became her baby. She has the pirate ship that she naps in and she will pull her baby in there and sleep with it and then stretch it out and feed it too. It's the favorite toy of the cage.", "summary": "Favorite baby of the cage", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2018", "reviewerID": "A1GDHYLLH2SDRX", "asin": "B0002YFSCE", "style": {"Size:": " 1/2\" X 6'", "Color:": " Pride"}, "reviewerName": "Kate", "reviewText": "Love these leads and the color is beautiful!!! Love the patriotic colors!!!", "summary": "Five Stars", "unixReviewTime": 1516406400} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "AYLU8B6JN4QW2", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "Marilyn Lazarus", "reviewText": "This is given to our dogs in the kennel. Most of them love it. It lasts longer than the bone shaped Nylabone which sharpens into a point when chewed and gets too small", "summary": "Most of them love it. It lasts longer than the bone shaped ...", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A3NJYOQ86YOSAQ", "asin": "B00006IX59", "style": {"Size:": " SPORT 14S", "Color:": " ASSORTED"}, "reviewerName": "Grandma W", "reviewText": "Doggie is a very happy puppy!", "summary": "Five Stars", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2016", "reviewerID": "A20JGS1BUPRIV9", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Jaili Barbee", "reviewText": "It works great", "summary": "Five Stars", "unixReviewTime": 1475971200} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A1ZRUDDWVTK510", "asin": "B0002AQ228", "style": {"Size:": " Large", "Color:": " Black Hammertone"}, "reviewerName": "Rebecca Gray", "reviewText": "No instructions, but was able to figure it out and assemble within 2-3 hours. Cage was good size and rolled pretty well. Sizes have spring-loaded access doors, so I had to wire them shut to keep my bird from escaping.", "summary": "Assembly required without instructions", "unixReviewTime": 1509148800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A24YARXHF3YUAX", "asin": "B0006342AU", "style": {"Size:": " 2 Ounce Canister"}, "reviewerName": "val", "reviewText": "cats really enjoy this stuff", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3ACIGKXAO8DI5", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "puppi patti", "reviewText": "This ball is so entertaining! It's also small enough for my french bulldog puppy to carry around, but not so small as to be a choking hazard. It's great exercise for both of us. I have to keep digging it out from under furniture because she barks at it until I do!", "summary": "It's great exercise for both of us", "unixReviewTime": 1489708800} +{"overall": 1.0, "verified": true, "reviewTime": "01 18, 2014", "reviewerID": "A3JXWZZ4RQENN7", "asin": "B0002AST9W", "reviewerName": "Happy29", "reviewText": "Didn't find that this product worked at all for normal household odors. Would not recommend it to a friend or anyone", "summary": "Didn't work", "unixReviewTime": 1390003200} +{"reviewerID": "A2GCV5ISKF0LRK", "asin": "B0002DJX58", "reviewerName": "Hammy", "verified": true, "reviewText": "These are great for our dog that loves fetch. We just have to keep it stored away from our other dog that loves to chew them up. We've gone through probably 6 or 7 in 4 years, worth it.", "overall": 5.0, "reviewTime": "01 24, 2015", "summary": "These are great for our dog that loves fetch", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "AGDSN9DOTCW0M", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Elizabeth", "reviewText": "These are more flexible than other brands, so easier to put on cans. They dishwash well. The colors are fun and don't seem to fade.", "summary": "Work great! So much better than plastic wrap over cans!", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "A3TOFS8IAKNSDN", "asin": "B0002C7FFE", "reviewerName": "John J.", "reviewText": "Superb product for my pet.", "summary": "Five Stars", "unixReviewTime": 1490054400} +{"overall": 5.0, "vote": "9", "verified": false, "reviewTime": "03 4, 2011", "reviewerID": "A3I6WJB8MJ2ZIN", "asin": "B00008Q2XX", "reviewerName": "Marsha McIntosh", "reviewText": "I make my own dog food for my 3 dogs, and need a good vitamin to supplement their diet. I really like the Vetri-Science vitamin/mineral supplement. I also appreciate ordering it from Absolutelypets thru Amazon. Their service is fast and always arrives in good shape.", "summary": "great product, great service", "unixReviewTime": 1299196800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A2XW8SL8FB601K", "asin": "B00025Z6YI", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "Denise Nelson", "reviewText": "As long as my goldfish eat it and it doesn't clog my filter and it keeps my water clear I'm completely satisfied", "summary": "Love it", "unixReviewTime": 1519084800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A2RIAIB2THVQKL", "asin": "B00061MP9C", "reviewerName": "Tree of Life Counseling", "reviewText": "Best stuff", "summary": "Five Stars", "unixReviewTime": 1452816000} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A32U7PFFE5TV9C", "asin": "B0002DK9OM", "style": {"Size:": " 8 inches", "Color:": " Red"}, "reviewerName": "teresa", "reviewText": "Our dog loves it", "summary": "Four Stars", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "A2ZJ9APYB1492R", "asin": "B000084EEF", "reviewerName": "Amazon Customer", "reviewText": "My cats have played this for a long time.", "summary": "Five Stars", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2014", "reviewerID": "A26R6NW8720TMH", "asin": "B000084ESL", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "amber", "reviewText": "I love the kong products. We have agressive chewers and these are the only thing they have not destroyed. Plus the price is very reasonable considering what local stores sell them for.", "summary": "Dog Loves Them", "unixReviewTime": 1392940800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "AP9VA6JOB3NU5", "asin": "B0002AQRMI", "style": {"Size:": " 12-Ounce", "Style:": " Fresh Floral Scent"}, "reviewerName": "Regular Dad", "reviewText": "Smells great and does not linger around the room. My wife does not like many pet deodorizer smells but this one is just \"clean\". Perfect.", "summary": "Great smell and does not deodorize the entire house.", "unixReviewTime": 1433548800} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A2LHW4PKAGQGOT", "asin": "B0002AQCXM", "style": {"Size:": " 8.5 in."}, "reviewerName": "mann", "reviewText": "I like it but the clamp is not very stable.", "summary": "Four Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2018", "reviewerID": "A3TSSPOWDL2XFQ", "asin": "B00025K102", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "G. Rashid", "reviewText": "My Angel Fish which is more than two or three years old has only had this food and remains of perfect health", "summary": "Great Product, Excellent Value", "unixReviewTime": 1523232000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2013", "reviewerID": "A26YDHNESB0OVD", "asin": "B00025K0Y4", "style": {"Size:": " 14-Ounce"}, "reviewerName": "Meng Chew", "reviewText": "Great fish food with all top quality products you could hardly complained.\nDelivery to door, top-notch service.\nLove it.\nWill recommend to asssociates and friends", "summary": "My fishes say thank you", "unixReviewTime": 1369699200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A32GKYGYJAKG0", "asin": "B0002AQ0BQ", "style": {"Size:": " 30 lb. Bag", "Style:": " Unscented"}, "reviewerName": "#2", "reviewText": "Best litter hands down!", "summary": "Five Stars", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "AWKNA6O3Z1CVS", "asin": "B0002AQU16", "style": {"Size:": " X-Small", "Color:": " Black"}, "reviewerName": "C. P. Hamilton", "reviewText": "The XS fits our 8 -9lb dog great (as long as he doesn't gain weight!), the soft fuzzy liner is comfortable for him. We use it in the car with a seat belt tether and then attach is leash to it when we take him out of the car. Would buy again.", "summary": "Wonder fit and comfortable all over for our dog!!", "unixReviewTime": 1445990400} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "12 12, 2012", "reviewerID": "A3V2C0CDX9MU6K", "asin": "B0006345PM", "reviewerName": "AMZ Rates 1/5 As A Seller", "reviewText": "Powdered cellulose is sawdust folks. There is no worse ingredient in pet food. Corn is second worst, and this has a bunch of that too. This is garbage dog food.", "summary": "CONTAINS SAWDUST", "unixReviewTime": 1355270400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A38OJIVUVLX1V8", "asin": "B000634MXM", "style": {"Size:": " Medium", "Color:": " Khaki/Cream Sherpa"}, "reviewerName": "JTAF", "reviewText": "Well, Doggie Loves it. As soon as Semi Truck goes in gear she get it that seat. Before this seat she just stayed in the sleeper", "summary": "Well, Doggie Loves it. As soon as Semi ...", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A3NEVYIPIUGUQO", "asin": "B000084F3T", "reviewerName": "KikilvsBP1", "reviewText": "This large, inexpensive pan is purrfect for my large cat. He took to this new box right away, and the sturdy, heavy duty plastic looks like it will last a good, long while.", "summary": "Great pan for bigger cats", "unixReviewTime": 1491004800} +{"overall": 4.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A1M3TZ7IEU5568", "asin": "B0002AT3MO", "style": {"Size:": " 22-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Jeff", "reviewText": "Great product and fantastic price, quick delivery would definitely recommend!", "summary": "Four Stars", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A27EA63GZQIBTV", "asin": "B0002565Q6", "reviewerName": "MAC", "reviewText": "Super fine filter catches everything!", "summary": "a must have for H.O.T. Magnum", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A1HICHY6GFG42S", "asin": "B00006IX5A", "style": {"Size:": " Small, 2-Pack"}, "reviewerName": "y", "reviewText": "Nice sturdy balls for my 12 lb. Maltipoo :)", "summary": "Five Stars", "unixReviewTime": 1439337600} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2016", "reviewerID": "ATZDJM8B50VOC", "asin": "B0002DHY4K", "style": {"Size:": " Up to 60-Gallons"}, "reviewerName": "niteliter", "reviewText": "A great filter for the money,and the nice part about this filter is that I can use 1 or 2 filters at a time,MY choice.", "summary": "A great buy for the dollar.", "unixReviewTime": 1478563200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A1EEU4LS61USRA", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Sweet Potato & Venison"}, "reviewerName": "Just my opinion", "reviewText": "Item delivered on time and was as described!", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A2CWL8AJMI5AT6", "asin": "B0002DHO0Y", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Becky", "reviewText": "I haven't figured put what to put in it yet. Seems like squeezable will be messy and the sticks won't fit. Will wait until pup gets bigger and re-think", "summary": "Interesting but don't know what teat to use with it", "unixReviewTime": 1461542400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "07 3, 2013", "reviewerID": "A3PM31GGWL821N", "asin": "B0002DH2YW", "style": {"Size:": " Twin pack"}, "reviewerName": "Guy B. Hughes", "reviewText": "I read where outside birds will use a cuttlebone. Nothing has\nused this since I hung it outside by a tube feeder.", "summary": "outside", "unixReviewTime": 1372809600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A3JKK175ULMXUR", "asin": "B00028OHN6", "reviewerName": "MKP", "reviewText": "Have bought this before. It lasts a long time for me and over 20 rescue cats. I dole it out once a week or so to enjoy the circus. Mine was a tidbit dry this time, so I pit a small wet piece of paper towel in the bag.", "summary": "Great price on large quantity!", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2018", "reviewerID": "A1DEA4XA49NKWZ", "asin": "B0000632T8", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Sharon A. Lowery", "reviewText": "My BOston Terrier loves to chew and tear up toys. This one he has not been able to do so. I love it The product is tough sturdy and arrived real fast way before delivery date and in great condition", "summary": "I love it The product is tough sturdy and arrived real ...", "unixReviewTime": 1520121600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "A3AN2PYFFAVH1J", "asin": "B00025YVHG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Darren Mitchell", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1524873600} +{"overall": 3.0, "verified": true, "reviewTime": "07 11, 2017", "reviewerID": "AYCJ4GBFGFMTF", "asin": "B000255NAK", "style": {"Style:": " Phosphate"}, "reviewerName": "Heidi", "reviewText": "Mine had the same color chart for freshwater as saltwater. Product still worked but I had to google the correct color chart.", "summary": "Not accurate color chart.", "unixReviewTime": 1499731200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2017", "reviewerID": "A1P9IB5RRHLS5V", "asin": "B0002H3RCY", "style": {"Size:": " 90 pads", "Style:": " pads"}, "reviewerName": "MrSmoothy59", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1507852800} +{"overall": 1.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A3AZI2UJEHF046", "asin": "B0002DK2A8", "style": {"Size:": " Regular"}, "reviewerName": "Ashley McClusky", "reviewText": "It's not easy to use the self-scooping portion and litter falls EVERYWHERE! Such a tiny box too. We had to downgrade to a basic one because this one was just overall annoying and disappointing. I wouldn't recommend it. I threw it out with the litter when the new one arrived.", "summary": "It's not easy to use the self-scooping portion and litter falls EVERYWHERE", "unixReviewTime": 1451174400} +{"reviewerID": "AFHZ9TX5T01GR", "asin": "B000084F44", "reviewerName": "woundrn", "verified": true, "reviewText": "My dogs for the last 14 years have loved these. easy for portion control (dogs from 11-50lbs) fits into any treat dispensing toy we've ever come across. My dogs won't eat any other mother Hubbard products.", "overall": 5.0, "reviewTime": "04 9, 2011", "summary": "ALL 5 OF OUR DOGS LOVE THESE", "unixReviewTime": 1302307200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A37NMM4Y50JY3W", "asin": "B0002RSX64", "reviewerName": "Kim", "reviewText": "My first water bottle was made out of plastic. My parrot chewed through that pretty quick. Ended up getting this and it's perfect. I see my douchebag parrot trying to chew this too... BUT HE CANT LOL. This bottle is awesome.", "summary": "LOVE IT", "unixReviewTime": 1455062400} +{"overall": 2.0, "verified": true, "reviewTime": "10 17, 2017", "reviewerID": "A3GPUOQ3Y6MHR1", "asin": "B00062F6HE", "style": {"Size:": " Indoor", "Style:": " Kit"}, "reviewerName": "Daerlun", "reviewText": "I wasn't able to get any of the 4 I ordered to work at the distance advertised. They did work but when set to 4 feet, it worked at 1-2'. Also, the collar on the cat & husky seemed to not phase them & only beep.", "summary": "Works if close to unit & animal has short hair.", "unixReviewTime": 1508198400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "A26YGDSID07QD8", "asin": "B000255UYY", "style": {"Size:": " 4.4-Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "What a great price on these. My cats love this stuff and for the size and price I couldn't pass it up. Helps with hair balls and I even use it if they vomit; seems to settle their stomachs.", "summary": "Great value", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "ADVSVTUY8G9T6", "asin": "B0002C7FFE", "reviewerName": "Bea Nu", "reviewText": "This is a great price and it works on my dog in Central Florida. It is better to use this than to use nothing.", "summary": "Cheap!", "unixReviewTime": 1456617600} +{"reviewerID": "A12YNPN71LIJ75", "asin": "B0002AQJH6", "reviewerName": "M. Bailey", "verified": true, "reviewText": "Works great for corralling skittish fish. Of course, you have to have enough room in the tank, after plants and decor, to accommodate the size.", "overall": 5.0, "reviewTime": "02 14, 2018", "summary": "If you have the tank space, this is great for corralling fish.", "unixReviewTime": 1518566400} +{"overall": 4.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "A2M0OOWQ9XVUXH", "asin": "B000255NXC", "style": {"Size:": " 25 Feet"}, "reviewerName": "BobPage", "reviewText": "works good so far, beats lugging 60gl 20'", "summary": "Four Stars", "unixReviewTime": 1502755200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A2F9XTST8YKBAW", "asin": "B0002AQGT2", "style": {"Size:": " 4.25 oz"}, "reviewerName": "Shasta Hay Grimes", "reviewText": "Life saving product.. a must to have if you raise dogs.", "summary": "Life saver", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A1RKVA6O4VNQCQ", "asin": "B000084ESL", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Dave", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2011", "reviewerID": "A1Y8O2EIHZEQ9A", "asin": "B0002568SG", "reviewerName": "ian", "reviewText": "great price only 2 dollars and does an awesome job but doesnt last too long if you clean weekly it also depends on how big the enclosure is", "summary": "Cheap", "unixReviewTime": 1323820800} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A36P62QKI7EM58", "asin": "B0002ARTYI", "style": {"Color:": " Yellow"}, "reviewerName": "Nikky World", "reviewText": "I bought three Multipet talking plush animals for my puppy and this is the only one that's still working. He loves it but i doubt it will last long.", "summary": "Cute but Won't Last", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "AJXY4KTID8TNB", "asin": "B0002DGM7K", "style": {"Size:": " X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Ann", "reviewText": "A staple puppy toy", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A2XYFSIEEZF13S", "asin": "B0002DIS40", "reviewerName": "Benjamin Tenuta", "reviewText": "We love this! It was highly recommended by expert Yorkie groomers as the best thing to get mats and tangles out!", "summary": "Must have for dogs that get mats!", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2017", "reviewerID": "A3G75OR5BGNWOG", "asin": "B0002QX3Q0", "reviewerName": "Denise O'Conner", "reviewText": "These treats are perfect for training. They are the right size and 3 calories each. My pup LOVES them.", "summary": "Great treats for dog training", "unixReviewTime": 1507593600} +{"reviewerID": "A2O0LZ66RYG47M", "asin": "B0002AS9ME", "reviewerName": "Kayla", "verified": true, "reviewText": "As expected!", "overall": 5.0, "reviewTime": "07 28, 2015", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3JFMDO6MN878F", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Amazon Customer", "reviewText": "My pup's skin would get so dry from any other brand of shampoo- when I started using this, she stopped getting so dry and itchy after getting a bath. Definitely recommend it!", "summary": "Definitely recommend it!", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2018", "reviewerID": "A1JXS2UX0NG4J3", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Kathy G.", "reviewText": "Perfect for the larger 5.5 ounce cans.", "summary": "Five Stars", "unixReviewTime": 1522627200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A12QF0HXRYVEDH", "asin": "B000255QJS", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Nessa", "reviewText": "Being a newbie at live plants in aquarium this has truly helped me. My plants are growing healthy and fast at a good rate. I use this weekly with every water change.", "summary": "My plants are growing healthy and fast at a good rate. I use this weekly with every water ...", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A1KEG0JFOIJ753", "asin": "B00062B84O", "style": {"Style:": " Cat Chaise"}, "reviewerName": "Ellette Vinyard", "reviewText": "Cats love these corrugated scratchers much more than sisal rope or carpet", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "AHLL63AR6KAKV", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Gentry", "reviewText": "The duck was awesome while it lasted. It took a month or so for my dog to realize that she could pull the feet off and take all the stuffing out, which is much longer than some other toys she's had! She still loves playing with the unstuffed body too.", "summary": "Good while it lasted", "unixReviewTime": 1482364800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A3JVWCLYB0WHXL", "asin": "B0002AQBTC", "reviewerName": "jeff dowdy", "reviewText": "Got here quick. My butter ball python loves it", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "AJCUT07ORIFTA", "asin": "B000084ESL", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "writeus", "reviewText": "I bought this toy for my one year old lab/pit. She chewed the end off within 30 minutes. Same with the ball. I now know I can only by the black Kong toys for aggressive chewers-Wish I would have know before I purchase theses toys", "summary": "not stury enough", "unixReviewTime": 1387584000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2010", "reviewerID": "A1P31RZG8FV9BU", "asin": "B00063466U", "reviewerName": "Anon", "reviewText": "I have three dogs, one of them has always loved being cuddled up in blankets or hiding under something. She loves this bed! She knew right away to go under the flap. I think it's a great bed and my 15 pound dachshund fits in there perfectly.", "summary": "Perfect for dogs that like to burrow", "unixReviewTime": 1268352000} +{"overall": 2.0, "verified": true, "reviewTime": "11 12, 2017", "reviewerID": "A3DBBM3KRJN7K1", "asin": "B0002C7FFE", "reviewerName": "MAGA", "reviewText": "irritated corgis back? won't stop trying to scratch back where applicated.", "summary": "dog bothered by it", "unixReviewTime": 1510444800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2018", "reviewerID": "A2HR0NVBP06XR3", "asin": "B0002ARR6S", "style": {"Size:": " 12-inch", "Color:": " Black"}, "reviewerName": "Katiep", "reviewText": "Much easier for my senior dog to eat his food now. This isn't super fancy by any means but it does the job", "summary": "This isn't super fancy by any means but it does the", "unixReviewTime": 1522368000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A2O3OQAVVE4WB9", "asin": "B0002DHO1I", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Cynthia", "reviewText": "Love Kong products as usual. Puppy used as chew toy and it is durable as per other Kong products.\nHighly recommended for strong chewers!\nEntertaining toy!", "summary": "Entertaining toy", "unixReviewTime": 1369612800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "ASXKEPMHGP0PS", "asin": "B00028ZLTK", "reviewerName": "Cat Nic", "reviewText": "dogs like it-don't know if it works or not.", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A31MPR7BCVU8G4", "asin": "B0002AR3MQ", "style": {"Size:": " A19 Bulb / 100-Watt", "Package Type:": " Standard Packaging"}, "reviewerName": "Michelle S. Brovitz", "reviewText": "the snake loves it!", "summary": "the snake loves it!", "unixReviewTime": 1453507200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71MqGYxVpmL._SY88.jpg"], "overall": 5.0, "verified": false, "reviewTime": "12 6, 2016", "reviewerID": "A3BH337AQ49MVF", "asin": "B0002MISZ0", "style": {"Size:": " Small"}, "reviewerName": "CDS", "reviewText": "We have a heavy chewer, and while she's gotten into this one, she hasn't destroyed it. Most importantly, she still gets a ton of enjoyment out of it.\n\nIt took more than a few days for her to get into it. It's been wonderful.", "summary": "Two months strong!", "unixReviewTime": 1480982400} +{"overall": 3.0, "verified": false, "reviewTime": "12 31, 2012", "reviewerID": "A2KRSSEPKI7UMY", "asin": "B00028ZLVS", "style": {"Flavor Name:": " Beef"}, "reviewerName": "Buttons", "reviewText": "This seems like a good idea but so far both my dog and I evidently need practice. Not as simple as it seems..dogs don't appreciate you having your finger in their mouths,(can't say I blame them..think dentist!). I will keep trying...She loves the toothpaste flavor though.", "summary": "Seems like a good idea..", "unixReviewTime": 1356912000} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2013", "reviewerID": "A2ST2CSH1WLKBW", "asin": "B00061MW2W", "reviewerName": "pjb448", "reviewText": "....for both me and my dog! Chaser requires daily medication, and he's VERY good at eliminating the pill and swallowing the treat; not the case with pill pockets! He loves them and downs them without ever realizing they contain what is really a rather big pill.", "summary": "stress reliever", "unixReviewTime": 1372636800} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A2GP8RBCE6KYK2", "asin": "B000084ES8", "style": {"Size:": " 3-Ounce Can (Pack of 24)", "Flavor Name:": " Kitten Chicken Pate", "Package Type:": " Standard Packaging"}, "reviewerName": "Nina", "reviewText": "My kitten loves this food, and I feel good feeding her this grain free formula, knowing that all the ingredients are good for her.", "summary": "Great kitten Food", "unixReviewTime": 1466380800} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2009", "reviewerID": "AZFEAGCZ11GSO", "asin": "B0002FP1W0", "style": {"Size:": " Small"}, "reviewerName": "Cherry Gaisford", "reviewText": "These are a little hard for my parrot to knaw on, but don't have to buy as often either. Good product.", "summary": "kabob", "unixReviewTime": 1240185600} +{"overall": 1.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A317O3SZ7KFA8V", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "Lindsay P.", "reviewText": "When it says mini. It's mini. I thought it was bigger bc of the pic. But I can't give it to my dogs bc they will swallow it. Good for tiny dog.", "summary": "Good for tiny dog", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A2PJZCIJ4VR8RC", "asin": "B000255NKA", "style": {"Size:": " 25-Gallon"}, "reviewerName": "R B", "reviewText": "very good for my hermit crab.", "summary": "Five Stars", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "ANVLIKLEZ1XF1", "asin": "B0002C7FFE", "reviewerName": "Christopher", "reviewText": "Works better than the other products out there in my experience. I have two medium sized terrier indoor outdoor dogs. Great product so glad I am able to order it here on amazon.", "summary": "Works better than the other product out there in my experience", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A2848KW28GX26U", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Ryan Miller", "reviewText": "Works very well. Was exactly what I expected.", "summary": "Works very well. Was exactly what I expected.", "unixReviewTime": 1449273600} +{"overall": 4.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A1RLHROY7TBRJ8", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "susan swafford", "reviewText": "Cats love it!!", "summary": "Four Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": false, "reviewTime": "02 8, 2015", "reviewerID": "A1TKE70WJLLP9U", "asin": "B000634MXW", "style": {"Size:": " Medium", "Color:": " Black/Cream"}, "reviewerName": "C. Mueller", "reviewText": "Seems to work great. Haven't used the straps yet. Dog is very comfortable in it. Will fit two small dogs", "summary": "Comfy car seat", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A2XM8UDOAEMGW8", "asin": "B000634160", "style": {"Size:": " 5 lb", "Style:": " Adult Small Bites | Chicken"}, "reviewerName": "Judith Lynn", "reviewText": "My Yorkies love it!", "summary": "Five Stars", "unixReviewTime": 1433980800} +{"overall": 3.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "AM0CYMGX3I4XC", "asin": "B0002ARKVA", "reviewerName": "Leonardo Bailey JR", "reviewText": "Its OK. I wouldn't purchase again. But it did have a great mango smell to it. And my girlfriend who hates the smell of dog liked my dog after I bathed and sprayed him with this.", "summary": "Its OK...", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A17ZR6EHDB5XK", "asin": "B0002XUJFG", "style": {"Size:": " 50-Count"}, "reviewerName": "J. Guinn", "reviewText": "Love these pads thicker and more absorbent that others I've used.", "summary": "Five Stars", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A24UACIHO28F4G", "asin": "B0002APXLY", "reviewerName": "Valerie Hinderlider", "reviewText": "Great for netting and cleaning those tiny live brine shrimp.", "summary": "Five Stars", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A2F679WNZZIVI3", "asin": "B0002DK91K", "style": {"Size:": " 10-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Sense 101", "reviewText": "I have fed my 4 Koi this food for a few years. They are doing well and eat it up quickly. If I am sure to not over feed , it does not cloud the water.", "summary": "Good staple food", "unixReviewTime": 1444003200} +{"overall": 4.0, "verified": true, "reviewTime": "06 8, 2017", "reviewerID": "A1S63HPDQZOUNO", "asin": "B0002DK60E", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "So far so good; it's set up on day one. Either way, it's a decent price so I'm pleased with that. I always remove the door for the kitty's convenience too..", "summary": "So far so good; it's set up on day one", "unixReviewTime": 1496880000} +{"overall": 1.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A24PUJLUSSKSVB", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "Kristina Keane", "reviewText": "My dog loved it for the one day he got to play with it. Idk if the batteries were old or what but it died a few hours into him playing with it. Ill have to replace the batteries and hope it works again.", "summary": "My dog loved it for the one day he got to play ...", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "ARPFA7J086NE9", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Fish"}, "reviewerName": "Terri", "reviewText": "A favorite of all 3 dogs.", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2012", "reviewerID": "A2H9SQUMD92WU7", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Eli M", "reviewText": "My corgi puppy (a very aggressive chewer) loves this toy. I needed something he could chew on that would not be destroyed in a matter of minutes. This has withstood the test of time. It is still perfectly intact after two weeks of play.", "summary": "My Corgi Loves This", "unixReviewTime": 1344124800} +{"overall": 3.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A39WK0RCJOBFX6", "asin": "B0002X8HB4", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "These are a great concept but they need to be much larger for any dog over 65#s I would say, as they are a serious choking hazard if the dog dislodges them from the ball.", "summary": "Potential Choking Hazard for large dogs", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AZLXTQ7X2PWZ8", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "Cheryl B", "reviewText": "I have two Yorkshire Terriers, they love this ball. I had to buy a second one so they wouldn't fight over it.", "summary": "Yorkies love it!", "unixReviewTime": 1493683200} +{"overall": 1.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A2VO5M38ZNC11C", "asin": "B0002CSKLM", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "I would not give this to any dog it's way too small. More like a cat toy.", "summary": "Not a dog toy", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "AE2VJWFXG88C7", "asin": "B000084F3T", "reviewerName": "Thurzday_Next", "reviewText": "It's the perfect size for two kittens or one cat to use at a time. I will be buying another.", "summary": "Great value and size.", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "ATNDZWKJYBU9Y", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "Jodi Foster", "reviewText": "bunny loves it", "summary": "cute", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A3R9YY8X3RQXXM", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Angel", "reviewText": "I like it", "summary": "Five Stars", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A19ZJ5MNYK6XOY", "asin": "B00025YVWG", "style": {"Size:": " 35 g"}, "reviewerName": "Amanda", "reviewText": "My hamster lives for this stuff!!!!! He makes huge nests out of it and a little bit goes a long way. I'm sure this one package will last us a very long time. Totally worth it for a happy hammy", "summary": "This is so perfect for hamsters", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "ARCVJR73F6HQA", "asin": "B0002DI2BE", "reviewerName": "Sarah Briggs", "reviewText": "Great stuff for keeping the aquarium well balanced", "summary": "Five Stars", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A1F9VOSPVM2M2H", "asin": "B00025Z6YI", "style": {"Size:": " 2.2-Pound"}, "reviewerName": "The Meditation Room", "reviewText": "The flakes are large, there is a huge amount and I fill my smaller container weekly from this bucket. Love it as much as my fish!", "summary": "The Best", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2018", "reviewerID": "A1YU71V29Y273A", "asin": "B0002DJU0G", "style": {"Size:": " 200-Gallon"}, "reviewerName": "Joe American", "reviewText": "Instant ocean is the standard in saltwater mixs.", "summary": "Great salt , very consistant", "unixReviewTime": 1520726400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A1F1NFIKEOQKVK", "asin": "B000255NXC", "style": {"Size:": " 25 Feet"}, "reviewerName": "Anthony", "reviewText": "Works exactly as advertised! Highly recommended!", "summary": "Works exactly as advertised! Highly recommended!", "unixReviewTime": 1480464000} +{"reviewerID": "A18L7A43I409HU", "asin": "B0002AQJH6", "reviewerName": "Hard T. Please", "verified": true, "reviewText": "It's a net, not a rocket ship to go to the moon.", "overall": 3.0, "reviewTime": "07 12, 2014", "summary": "It's a net, not a rocket ship to go to the moon.", "unixReviewTime": 1405123200} +{"overall": 2.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A43VVDPMVT0B5", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Joanie Bernier", "reviewText": "Didn't really work for me and my puppy grabbed it when I wasn't looking, she shred it to pieces in about 2 minutes", "summary": "Didn't really work for me and my puppy grabbed it ...", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A3MUV2BREYTUUQ", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Turkey"}, "reviewerName": "The ED...", "reviewText": "Both my large dogs like this bone's shape the best", "summary": "A+", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A2DCI6IKY95SK", "asin": "B0002YFQ6W", "style": {"Size:": " 16 Ounce"}, "reviewerName": "MarGen", "reviewText": "This is always my go to shampoo, the smell is fabulous and my dog is so clean and fluffy longer than other shampoos!", "summary": "Buddy Wash Original Lavender & Mint 2 in 1 Shampoo", "unixReviewTime": 1360886400} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A23V7O0ZLMM3RH", "asin": "B000255NIC", "style": {"Size:": " 65 oz"}, "reviewerName": "J Burns", "reviewText": "I add this every time I do a water change for my adult common goldfish. They seem really happy. They even started laying eggs and now I have fries.", "summary": "They seem really happy. They even started laying eggs and now I ...", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "AUS3D09MOAI1W", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "randy hernandez", "reviewText": "Perfect replacement", "summary": "Fits like a charm", "unixReviewTime": 1481846400} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A2RKZTRZVJR0W5", "asin": "B00063425K", "style": {"Size:": " 33 lb", "Flavor Name:": " Chicken Meal Rice & Barley", "Style:": " Active Longevity Small Bites"}, "reviewerName": "Amzoony", "reviewText": "A good quality dog food. This one I recommend for small dogs; the kibble is very small.", "summary": "Four Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "AV9G160P1ZVBZ", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Melissa Rawsky", "reviewText": "My shih tzu puppy loves this toy. The chipmunks squeak, and she likes to grab their furry tails. When she gets going, she will bowl over the tree trunk and chase it around the room", "summary": "Great for small dog who likes to play!", "unixReviewTime": 1473292800} +{"overall": 1.0, "verified": true, "reviewTime": "02 14, 2018", "reviewerID": "A2M1PMG4QYNB78", "asin": "B000084DWM", "style": {"Size:": " 7 lb", "Style:": " Optimal Care Dry | Chicken"}, "reviewerName": "steven Metzger", "reviewText": "Foul odor. Doesn't look like the normal science diet food. Made my cats puke and puke and puke. I've been feeding my cat this brand of food for 7 years. This is first time they had this reaction.", "summary": "Foul odor, doesnt look authentic, made cats puke.", "unixReviewTime": 1518566400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A1BURZHIOAQFA9", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Chicken & Oatmeal"}, "reviewerName": "Grama Dee", "reviewText": "The dogs like it and it is rated as a very good dog food. I am replacing my one of ten years that was recalled because of salmonella. They are starting to scratch and I hope it is the heat or something in the lawn that is causing it and not the food.", "summary": "My first sack", "unixReviewTime": 1377993600} +{"overall": 2.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "AJ7DPGGL5MOV2", "asin": "B00028J09W", "reviewerName": "Tammie Mann", "reviewText": "You get what you pay for and it was cheap", "summary": "not worth the bother", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A1UI3Z873Y1Y4M", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Anamar", "reviewText": "Helping my 9 year old Rot. Mix, Rommie with dandruff and shedding.", "summary": "Five Stars", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A1O9ZHYMCP47IN", "asin": "B0002ARTYI", "style": {"Color:": " black"}, "reviewerName": "KM", "reviewText": "My puppy loves this!! Definitely one of his favorites. Its always his go-to toy to play with... it helps keep him entertained.", "summary": "My puppy loves this!! Definitely one of his ...", "unixReviewTime": 1422489600} +{"reviewerID": "A1229NOD420J1Y", "asin": "B00063434K", "reviewerName": "Susan Miranda", "verified": true, "reviewText": "My dogs love Merrick and the price was good. Delivered to home and I don't have to worry if it's in stock at Petco", "overall": 5.0, "reviewTime": "03 7, 2014", "summary": "Dogs love Merrick", "unixReviewTime": 1394150400} +{"overall": 3.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A3N75AAAP9QGTP", "asin": "B0002MABGE", "reviewerName": "Amazon Customer", "reviewText": "Fairly clunky. On the other hand it did do its job to keep my golden out of the back seat of my suv.", "summary": "Fairly clunky. On the other hand it did do ...", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A2I6ACUPW2MTP1", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " Chick'n'Apples", "Package Type:": " Standard Packaging"}, "reviewerName": "frogcoach", "reviewText": "My daughters' 70lb greyhound is a treat junkie, he loves them.", "summary": "good value and he loves the treats", "unixReviewTime": 1453593600} +{"reviewerID": "A1AG6MJWNP7E0H", "asin": "B0002RJMA0", "reviewerName": "Bruce Edwards", "verified": true, "reviewText": "perfect", "overall": 5.0, "reviewTime": "01 2, 2015", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2015", "reviewerID": "A1PDN6X9ZGA87Q", "asin": "B000255QJS", "style": {"Size:": " 250 ML"}, "reviewerName": "Steven H", "reviewText": "Great product if you are into planted aquarium. This could be one of the best products out there.", "summary": "Great product if you are into planted aquarium. This could be one of the best products out there.", "unixReviewTime": 1448668800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A2H87DWVVYBD05", "asin": "B0002565SY", "style": {"Size:": " 3-Pack", "Color:": " Z - Green"}, "reviewerName": "Gig", "reviewText": "these filters are as advertised OEM filters and are a great value compared to brick and mortar store prices.", "summary": "great value.", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A3FL395BEOD5RD", "asin": "B0002A5WOC", "style": {"Size:": " 250 g / 8.8 oz"}, "reviewerName": "B", "reviewText": "I use Safe exclusively in all of my tanks. You just can't beat the value and quality of this stuff.", "summary": "I use Safe exclusively in all of my tanks. ...", "unixReviewTime": 1451865600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A35XUCYWZYQB3O", "asin": "B0002YFSCE", "style": {"Size:": " 3/8\" X 6'", "Color:": " Seafoam"}, "reviewerName": "Shelley S", "reviewText": "Thinner then i thought it would be but still love this leash", "summary": "Five Stars", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2017", "reviewerID": "A37XL4006FCCRE", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "Right Hand", "reviewText": "Really great filters. I'd never used this brand before, but I'm really pleased with them.", "summary": "Great filters", "unixReviewTime": 1498867200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A1EKXFUJR1UFYP", "asin": "B000255NXC", "style": {"Size:": " 50'"}, "reviewerName": "Diabolic", "reviewText": "Amazing will always use it for all my aquariums. Also if you call them I will call them a human being answers.", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A11GBTUGNRGCR8", "asin": "B0002AQI9A", "reviewerName": "Whitey", "reviewText": "Nice hose. Color disguises staining. Worked out well.", "summary": "Hose", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "A2XD1QEJUA9IXI", "asin": "B0002ZAGQ6", "reviewerName": "Nancy L. Schimmel", "reviewText": "Love these -- plan to buy more.", "summary": "Five Stars", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A5QX9NM1TR6YE", "asin": "B000256ELM", "style": {"Size:": " 9.5\" x 5\""}, "reviewerName": "Debra P", "reviewText": "I have 3 baby turtles that hatched about 6 weeks ago. They absolutely love this. The price was great.", "summary": "Excellent Product", "unixReviewTime": 1441238400} +{"overall": 3.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A2Q5AHXHSZVUJE", "asin": "B0002ARQV4", "style": {"Size:": " Large"}, "reviewerName": "alberto almada", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1437004800} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A3E3D3EIZP9F6Q", "asin": "B000062WUT", "style": {"Pattern:": " Mr. Bill"}, "reviewerName": "Lkindell", "reviewText": "Super cute. Dogs are a little afraid of it though.", "summary": "Three Stars", "unixReviewTime": 1489276800} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A2003SUNQR17TH", "asin": "B0002C7FFE", "reviewerName": "Anatalia", "reviewText": "We always used Frontline Plus but were lured away due to Advantix's advertising. We're happy we switched. No more ticks!", "summary": "Better than Frontline", "unixReviewTime": 1371686400} +{"overall": 4.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "ASD28AVU69C9Y", "asin": "B0002A5WRY", "reviewerName": "Kent Cummings", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2017", "reviewerID": "A21DV04P5N9YKG", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "J Sweet", "reviewText": "My dog loves the little squirrels and the house.", "summary": "Five Stars", "unixReviewTime": 1502236800} +{"overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 4, 2007", "reviewerID": "A28ETU4J2PG09N", "asin": "B0002AT5AO", "style": {"Size:": " Large"}, "reviewerName": "Judee", "reviewText": "Just got this a week or two ago and to our surprise they seem to enjoy chasing the big yellow ball around the circle. Good size and fun to watch them play......", "summary": "Crazy circle........", "unixReviewTime": 1175644800} +{"overall": 5.0, "verified": false, "reviewTime": "06 3, 2011", "reviewerID": "A2Q6EAO1SH7EPG", "asin": "B00061MRUY", "reviewerName": "Mark", "reviewText": "I have been ordering Missing Link from AMAZON for almost a year for our 2 dogs. A few weeks ago I was at our vet and she said, \"have your ever tried Missing Link\". Our vet is great, but this time I was just a bit ahead of her!", "summary": "A great supplement", "unixReviewTime": 1307059200} +{"overall": 3.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A3BPNFANJHVZSS", "asin": "B0002AQDKO", "reviewerName": "English_Abigail", "reviewText": "don't stay on for now. 4/10", "summary": "Three Stars", "unixReviewTime": 1477353600} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2011", "reviewerID": "A2IBO65GJLGZ8E", "asin": "B000634M8W", "reviewerName": "Jen Jen", "reviewText": "My pup loves this no matter what I need or want her to eat. Pills from vets office..cut a chuck of this stuff and push pill in it and BAM meds done! or shredded it up over foods/pills you want or need them to eat! GREAT Stuff here!!", "summary": "Pup Loves It!", "unixReviewTime": 1308873600} +{"overall": 3.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A29VRTDVQ4VNLP", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Turkey"}, "reviewerName": "Happy Traveler", "reviewText": "My large golden retriever just didn't take to this. It is super heavy, even for a 90 lb dog. Cute idea, but didn't wow him.", "summary": "Too heavy", "unixReviewTime": 1448150400} +{"overall": 3.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A1NFI5FCMQJ344", "asin": "B000084EVX", "reviewerName": "P. Meyer", "reviewText": "My Cat won't use this litter. He is extremely picky so please don't judge my comments for your choice. My Cat I adopted was a stray who lived outdoors & indoor life he is NOT happy with. Still searching for a litter he will use. Plus side Cedar smells wonderful.", "summary": "My Cat I adopted was a stray who lived outdoors & indoor life he is NOT happy with. Still searching for a litter he will ...", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A38VQEAQTDAML", "asin": "B000084DWM", "style": {"Size:": " 7lb", "Style:": " Indoor Dry | Chicken"}, "reviewerName": "Nicole", "reviewText": "My cat likes the taste of it. He prefers it over more expensive ones and less expensive ones. I think he likes it just as much as he likes wet food.", "summary": "My cat likes it", "unixReviewTime": 1506038400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2008", "reviewerID": "A6YTNM9X6XT2N", "asin": "B0002V2S6Q", "style": {"Size:": " XX-Large", "Color:": " Red"}, "reviewerName": "Lori", "reviewText": "My dog LOVES his coat. He's a big dog, but has no undercoat and short hair - so he gets cold easily. The coat is easy to put on, stays put while walking, and provides just enough warmth for him.", "summary": "Love This Coat!", "unixReviewTime": 1229385600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A3MWI6VXA5LEGX", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "sweetie", "reviewText": "My dog loves this toy. She'll play for hours at a time with this. She loves to fetch it back. Sleeps with it by her feet.", "summary": "Wonderful toy", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2013", "reviewerID": "A183GJEUKLPP77", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "Morgan Taylor Mayfaire", "reviewText": "This stuff is awesome. I have a number of large tanks and it's what I use.\nHaving to run out to get some more because I misjudged how much I had left is a real pain. Imagine a tank have empty and I'm about to fill it and .....\nIt's also better priced, so 100% a better deal.", "summary": "Best deal on Prime.", "unixReviewTime": 1367971200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A1T9B9PRNPC48E", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "CW", "reviewText": "Just installed them. One in a marine aquarium and one in a fresh water aquarium. Hopefully will do the job for which they are intended! Super easy to see from a distance so at a glance, you know what the reading is.", "summary": "easy to use!", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2013", "reviewerID": "A1CEY8YWGYVJMW", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "Aaron E Hemmer", "reviewText": "My dog takes several months to chew one of these down, and he chews it every day. I love that it doesn't smell or leave a mess.", "summary": "Long lasting", "unixReviewTime": 1372809600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2017", "reviewerID": "A35B074N5M8DV9", "asin": "B0002AQ0BQ", "style": {"Size:": " 30 lb. Bag", "Style:": " Unscented"}, "reviewerName": "Taylor G.", "reviewText": "I use this for my rabbit cage and it's the best deal I've found. I love that it's natural so I'm not worried about what my bunny is breathing in, and it tends to be very absorbent as well. I also haven't noticed as much of an oder as I did when using other brands.", "summary": "... use this for my rabbit cage and it's the best deal I've found", "unixReviewTime": 1500249600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A1ORKKEZ9E7SHD", "asin": "B0002AQ38G", "reviewerName": "Amazon Customer", "reviewText": "Good Product", "summary": "Good Product", "unixReviewTime": 1450137600} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A1SW5WR63SFS3G", "asin": "B000063JDV", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Diana DeWeese", "reviewText": "I'm going to like this product better now that I have a No-Pull harness to assist me and my over energetic puppy that is LARGE....Can't wait to see some good results in improved health! However, I do worry about its ability to handle the huge dog....", "summary": "Good Stuff", "unixReviewTime": 1377043200} +{"overall": 2.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A38RGSRE6MXF2L", "asin": "B000255NAK", "style": {"Style:": " Copper"}, "reviewerName": "Fredy", "reviewText": "Not accurate can't read way to close color would not buy.", "summary": "Not good", "unixReviewTime": 1501027200} +{"reviewerID": "AW4UD5HPKJTBB", "asin": "B0002AQE5S", "reviewerName": "Boss19", "verified": true, "reviewText": "Hard to control water flow", "overall": 3.0, "reviewTime": "12 22, 2014", "summary": "Zoo med dripper", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A24Y41V4MM6BTY", "asin": "B000634JB2", "style": {"Size:": " Regular"}, "reviewerName": "Brock Balfour", "reviewText": "Chihuahua puppy approved! She loves this toy and plays with it everyday!", "summary": "Chihuahua approved!", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A2GTXQ39IVQW07", "asin": "B0002DK9UG", "style": {"Size:": " 5 lb"}, "reviewerName": "Stefen von Horten II", "reviewText": "Doves like it, but since the hawks around here like doves, I cannot use this anymore........ :(", "summary": "()", "unixReviewTime": 1417737600} +{"overall": 1.0, "verified": true, "reviewTime": "05 9, 2018", "reviewerID": "A328YO5978QOPK", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " RED"}, "reviewerName": "ThatCrazyChick", "reviewText": "Really wanted to use this and love it, but this puzzle master of a pup pulled right out of it with one, well angled, jerk of the head... Just didn't work out for him.", "summary": "Might work for some but...", "unixReviewTime": 1525824000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2017", "reviewerID": "ACVOLNLY56EUR", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Fish"}, "reviewerName": "Amazon Customer", "reviewText": "I have a boxer who has a very sensitive tummy so it is hit and miss with what we can feed her. She LOVES this food, and so does her tummy!!", "summary": "I have a boxer who has a very sensitive tummy ...", "unixReviewTime": 1497830400} +{"overall": 3.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A28B2CCGJ3XQH8", "asin": "B00025Z6SO", "style": {"Size:": " 10.58-Ounce"}, "reviewerName": "Kuehnau", "reviewText": "The fish seem to enjoy this, but it has made my tank hazy as heck. The advertising on the container says it's designed not to do that, I don't agree.", "summary": "It's an okay fish food.", "unixReviewTime": 1442793600} +{"overall": 4.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "AC5HOGKD4IBC5", "asin": "B0002ZJV44", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "ColoradoStudent", "reviewText": "I was surprised to find out that this harness only stays on when a leash is attached-- it becomes VERY chew-able and likely to trip when unleashed. Otherwise, seems very comfortable compared to other harnesses and stopped pulling immediately!", "summary": "Cannot leave on, must take off with leash!", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A19A5AOZ1HISZK", "asin": "B000634160", "style": {"Size:": " 4.5 lb", "Style:": " Adult Small Bites | Lamb"}, "reviewerName": "Rebecca Gardner", "reviewText": "Our dogs love it. Small bits and healthy.", "summary": "Our dogs love it. Small bits and healthy", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "AM5YKFX3O3MAL", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Book Lover and", "reviewText": "This is my cat's new favorite toy. I like that if he's got one part of it I can tease him with another part. He lies on it and plays with it. Granted he loses interest after a few minutes if I'm not teasing him but that's cats for you.", "summary": "This is my cat's new favorite toy. I like that if he's got one ...", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "AQHLFNB8MEDKJ", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Layla", "reviewText": "Great stuff. My biggest tank is 10 gallons so it will last me forever. All my fish and shrimp are wonderfully healthy. My shrimp have no problem despite the iron content in my water.", "summary": "Great stuff. My biggest tank is 10 gallons so ...", "unixReviewTime": 1419206400} +{"overall": 1.0, "verified": false, "reviewTime": "12 8, 2015", "reviewerID": "A2GHM64CRSO6JH", "asin": "B0002J1FOO", "reviewerName": "Sonja M. Elliott", "reviewText": "Evidently the chemical formula for this product has changed over the years. U found this to be unaffective asmAdam's products, another total waste of money. Will never purchase it again.", "summary": "Worthless.", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A3DXPGGT7Y0NLJ", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Amazon Customer", "reviewText": "Great shampoo. Pleasant smell.", "summary": "Five Stars", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A3BBTZOJTPSZZW", "asin": "B0002DJ9OS", "style": {"Size:": " Cascade 1500"}, "reviewerName": "Heather L. Perring", "reviewText": "Never owned this brand of filter. This thing is quiet and works great. Powerful.", "summary": "This thing is quiet and works great. Powerful", "unixReviewTime": 1454025600} diff --git a/keith-galli_nlp/data/training/train_Automotive.json b/keith-galli_nlp/data/training/train_Automotive.json new file mode 100644 index 0000000..3e35b64 --- /dev/null +++ b/keith-galli_nlp/data/training/train_Automotive.json @@ -0,0 +1,2500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A3M834WM8Q8VM7", "asin": "B000AO7LTY", "style": {"Size:": " 285 mm (for bikes 22\" and under)", "Color:": " Brushed aluminum"}, "reviewerName": "J. Scott Klepper", "reviewText": "works good and is adjustable by sawing off extras length. Score marks help with cutting.", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 2.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A3FP23SQ5VN3PC", "asin": "B000CCMLD0", "style": {"Size:": " 4.5 Ounce"}, "reviewerName": "Radar", "reviewText": "We have a misbehaving turn signal on the Jetta and while it was a long shot, it didn't improve the function.", "summary": "We have a misbehaving turn signal on the Jetta and ...", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2017", "reviewerID": "A274X7S0UD4ELH", "asin": "B000C30J1A", "reviewerName": "simong48", "reviewText": "best item", "summary": "Five Stars", "unixReviewTime": 1485216000} +{"overall": 4.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A1G3O719FMWPFT", "asin": "B000BYB2K2", "style": {"Style:": " 24\""}, "reviewerName": "starmichel", "reviewText": "It has good performance from the first installation.\nBut after several months, it worn out, so I had to change as a new one.\nThe only problem is sustainability.", "summary": "Good but not long sustainable", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A3KF19VDLZ4W13", "asin": "B000C7YRNM", "reviewerName": "Thanks", "reviewText": "so far so good", "summary": "Five Stars", "unixReviewTime": 1437696000} +{"reviewerID": "A1JNV7Z5MYSV78", "asin": "B000CO7AV6", "reviewerName": "SDR", "verified": true, "reviewText": "Works fine, and much cheaper than the OEM. Can't comment on whether it is longer life than the originals, because they lasted about 10 years. So if it last longer than that, maybe in 2023 I'll update this review :-)", "overall": 5.0, "reviewTime": "06 6, 2013", "summary": "Ford Expedition 2008 brake / turn lamp", "unixReviewTime": 1370476800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A37I9T0ZHINV5B", "asin": "B000C5SG5E", "reviewerName": "Quentin J. Lewis", "reviewText": "Good price...", "summary": "Saved some cash to keep my car on the road!", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A3TP9SAGQVX6GP", "asin": "B000E8V9RG", "style": {"Size:": " single filter"}, "reviewerName": "S. Lemke", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A1RP63S5D18VRL", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK1040"}, "reviewerName": "Ted T", "reviewText": "OE belt. Perfect fit.", "summary": "Perfect fit.", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A1CYFV9SHRP2HZ", "asin": "B000E28MTA", "style": {"Color:": " Chrome"}, "reviewerName": "G. E. Glaum", "reviewText": "I will never use any other filter on my Sportster XL1200. I use K&N filters on all my vehicles because I have noticed HUGE improvements in performance and filtration properties from other brands. Don't believe me--see for yourself!", "summary": "I will never use any other filter", "unixReviewTime": 1446076800} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2012", "reviewerID": "A4KE46H2BR44C", "asin": "B0002SR7TC", "reviewerName": "quicksilvergt", "reviewText": "If you have a car with a fixed oil filter housing on the top, this makes the oil change trouble and mess free. Worth it's cost in about 1-2 oil changes.", "summary": "Works for most cars...", "unixReviewTime": 1337299200} +{"overall": 2.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "AFZO4P27KYKIA", "asin": "B0000AZ9KS", "reviewerName": "ronald w. toalson", "reviewText": "I agree, it is flimsy as hell. Ratchet works, holds in place but I have a feeling the first can of gas to slide into this is going to break it in half. Should have made this at least 4ft wide and then ratchet out from there.", "summary": "I agree, it is flimsy as hell. Ratchet ...", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A2Z8V4WJCRSVW5", "asin": "B000CQ01G0", "reviewerName": "TriumphBill", "reviewText": "very happy with my purchase.", "summary": "Five Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2018", "reviewerID": "A2ONJGK69HCP8M", "asin": "B0002Z9O8C", "reviewerName": "l!m!t", "reviewText": "Clears 35's on a 12' Jeep Wrangler. Was quite a hassle finding one that actually would clear my spare tire on a Jeep with 35's. This is actually a nice hitch clears perfect also has the anti-rattle bolt setup. I am using it with the Kuat Transfer 2 Bike rack.", "summary": "Clears 35's on JK with aftermarket XRC bumper and Kuat Transfer 2 Bike rack.", "unixReviewTime": 1515801600} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A1BA5UQP3T1YM1", "asin": "B000BVRZ74", "reviewerName": "BJM", "reviewText": "Good quality and price.", "summary": "Four Stars", "unixReviewTime": 1510012800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A39GZ8I8HNH94W", "asin": "B000CMF4J8", "style": {"Size:": " Standard Socket"}, "reviewerName": "Me-n-KC", "reviewText": "Works great for lug nut removal. Easy to store in vehicle with the included storage bag, very handy. Would buy again.", "summary": "Great Tool!", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A32U4DBURV5QOD", "asin": "B000CSNK7U", "reviewerName": "George Rogers", "reviewText": "Looks great", "summary": "Five Stars", "unixReviewTime": 1474156800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "ACYNVW4I9N283", "asin": "B000C5I2YO", "reviewerName": "jeffs259", "reviewText": "This was the perfect replacement for my 2008 Ford F350, Easy to install.", "summary": "Great product.", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A1YK4JVNUBYGOI", "asin": "B000C7VZ0U", "reviewerName": "B Rad", "reviewText": "Perfect fit and works great. No more overheating.", "summary": "Perfect Radiator!", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A2VKH0FDSTMK2A", "asin": "B0002JMV06", "reviewerName": "Paul D Farber", "reviewText": "Original Motorcraft part came in Motorcraft box. Fit in bracket perfectly, no leaks. Replaced origin fuel filter (13 years on, 120k miles).", "summary": "Original Motorcraft part came in Motorcraft box. Fit in ...", "unixReviewTime": 1496448000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "A10FWFEZV70CGZ", "asin": "B0002SR7TC", "reviewerName": "Paul Rusch", "reviewText": "excellent..", "summary": "Five Stars", "unixReviewTime": 1512950400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A11MO6E7XWX4GR", "asin": "B000CRVFYQ", "reviewerName": "Mike M.", "reviewText": "Fit without issue. The only \"con\" is getting the old one out without it falling apart (if it was neglected). However, this is easy if you have some needle nose pliers.\n\nHighly recommend to buy with this:\nToyota 12204-15050, PCV Valve", "summary": "Fit 1995 Toyota Corolla DX, no issues", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2009", "reviewerID": "AHYXAFW55X1NM", "asin": "B00068XCQU", "reviewerName": "Richard B. Old", "reviewText": "Keeps batteries up and ready to go when you need them. I switch between my boat and lawn tractor batteries,No more dead batteries period. used to have to buy new battery some times yearly.great product...........", "summary": "Worth every penny!!!", "unixReviewTime": 1231286400} +{"reviewerID": "A3955CJ1DN9M7B", "asin": "B0000AY69V", "reviewerName": "Chad Rayment", "verified": true, "reviewText": "Drys great", "overall": 5.0, "reviewTime": "05 24, 2017", "summary": "Five Stars", "unixReviewTime": 1495584000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "A19T1AC6FWQP63", "asin": "B000DN7Q3S", "reviewerName": "KDPearson", "reviewText": "Perfect fit. Installs easily. Great price. What more could you ask for?", "summary": "Five Stars", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A36GDVTVF3GAYU", "asin": "B000CB7E10", "style": {"Size:": " Pack of 1"}, "reviewerName": "JK", "reviewText": "Has the appearence of a well made unit. Easily installed on an Audi TT. Has been on the car for a few months without any issues.", "summary": "Well made filter", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "AI6C66BHSPR6W", "asin": "B000BKC2D2", "reviewerName": "badss213", "reviewText": "Holds very well! Great product!", "summary": "Good stuff right there! A+++", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A1QWAE682I0HG4", "asin": "B000CNBI1A", "style": {"Style:": " Single"}, "reviewerName": "Stephen W. Bouton", "reviewText": "This is an excellent product for making your chrome to stand out. I used it on my Harley and it did a great job.", "summary": "Excellent product!", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A18J35RPHQDRHB", "asin": "B000182F1S", "reviewerName": "Cappuccino lover", "reviewText": "Fit just fine on my trailblazer. They look nice.", "summary": "Nice touch", "unixReviewTime": 1464480000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "A3HE04U71XHY76", "asin": "B000E5U3ZI", "reviewerName": "Jeremiah S.", "reviewText": "I have used K&N filters in every car I have had. They are great and save a lot of money. The cost of one K&N filter will be paid back in wait would have been 2 or three filter changes and the performance boost is not back either.", "summary": "Great!!!", "unixReviewTime": 1363219200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A3V6I3PREOD337", "asin": "B000COTWZ8", "reviewerName": "DB", "reviewText": "Works perfectly on my stock wheels for a 2001 Silverado 2500hd", "summary": "Five Stars", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A30K4LP3HBX2ET", "asin": "B000B8JUGQ", "reviewerName": "Daniel E. Inlow", "reviewText": "Replacement part that exceeds OEM specs. Has the larger, more durable pressure mechanism.", "summary": "Replacement Coolant cap", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "AN557UYQESB9S", "asin": "B0009IQZFM", "reviewerName": "Jaime Quintero", "reviewText": "100% its ok and happy", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 4.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "A27H2OTP5PGO6K", "asin": "B000BOAX1G", "style": {"Size:": " other"}, "reviewerName": "GV", "reviewText": "Perfect on the highway. Now I don't have to turn my head away from the road every time I want to switch lanes. Just take your time to align it properly and you will love it..", "summary": "Perfect on the highway", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A3BM4S0Z0X60UH", "asin": "B00029WVHY", "reviewerName": "Mike Farwell", "reviewText": "Used on my monitor at work and works great to see people walk up when I'm using my headphones", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A1YC3R8TOL8D6F", "asin": "B000C0YR1G", "reviewerName": "Argbatt", "reviewText": "Great replacement for OEM. Replaced my noisy wheel on my car. Easy to install, work great! Big brand name company. World recommend!", "summary": "Like OEM!", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A38BGGO1H8PI4H", "asin": "B000CSIP7U", "reviewerName": "Glenn J Groninger", "reviewText": "If your looking for a replacement air filter for a Thermo King Tri-Pac. this is it!", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A21LUI5XBUAP3H", "asin": "B0006IX7V0", "style": {"Size:": " De-Flapper Kit", "Style:": " De-Flapper"}, "reviewerName": "adrian rodriguez", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A3N0SXVR07R57K", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "Brian G", "reviewText": "Smells really nice, and it makes tons of suds. Cleans my dark colored car really well, and leaves a nice shine. After buying this here, however, I did see a larger bottle at the big box membership store for cheaper, though.", "summary": "Excellent soap.", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A22BPHTJAAZNFS", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "Ryan Maloney", "reviewText": "Works exactly as it should, and is just what I needed. Super easy to set up, and weighs almost nothing.", "summary": "Super easy to set up", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A1CXK69N6QRH90", "asin": "B000CQUOPS", "reviewerName": "M. Cribbs", "reviewText": "I finally spent the extra $20 to get a drawbar that I can keep forever. I put a SS ball on it, pinned with a SS lock and I'm all set. The final step will be to coat it in plastidip to discourage theft. I don't care for the shiny look and it's just too tempting to thieves.", "summary": "Good Investment", "unixReviewTime": 1397606400} +{"overall": 1.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1HA25F9BKTQPU", "asin": "B000EA5WLS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "P M O", "reviewText": "no worky.", "summary": "One Star", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "AN3QFOXI43NL6", "asin": "B000C2ZXDA", "reviewerName": "Andrew Benitez", "reviewText": "They're solid wipers. Easy install. Work well.", "summary": "Good buy", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "AIBVH7O5DJRUH", "asin": "B0000AYECO", "reviewerName": "Amanda Postma", "reviewText": "Worked Great!", "summary": "Five Stars", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A4L5R0N8W5U4F", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Maritza", "reviewText": "It's a great product, i recommend", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A8MRUUT5I3Y17", "asin": "B000BV01CK", "style": {"Size:": " 8000 BTU"}, "reviewerName": "Kevin F.", "reviewText": "As advertised", "summary": "Four Stars", "unixReviewTime": 1429228800} +{"overall": 5.0, "vote": "12", "verified": true, "reviewTime": "06 14, 2011", "reviewerID": "A2IBV42PLP7M1K", "asin": "B000CPAVIE", "style": {"Color:": " Gloss Clear"}, "reviewerName": "Wirez", "reviewText": "Great product. Painted calipers using the G2 kit and then applied custom decals and sprayed clear coat on top. Love the results. Super bright glossy calipers", "summary": "Shine", "unixReviewTime": 1308009600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A3R9R3A62CT5SS", "asin": "B0002SQZR2", "style": {"Style:": " Wax"}, "reviewerName": "Hydrants56", "reviewText": "Tried it on a 20 year old car and in no time what a shine!", "summary": "Works Great!", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A1GJ8A6FMYVY2S", "asin": "B00062YA62", "reviewerName": "Hopeful2014", "reviewText": "Fit the oil fill hole perfectly in my Chevy Performance polished aluminum center bolt valve covers.", "summary": "Fits perfectly and looks great!", "unixReviewTime": 1418083200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "AHBVMXY9MFA24", "asin": "B000CIMH1A", "reviewerName": "BQ", "reviewText": "GREAT FOR THE MONEY. I will be installing a in pan shift kit in the near future to do it right but for now I am chirping 1st to 2nd on the #2 setting. Installed on a 2001 Trans-AM, WS6, Ram Air, 5.7 LS1.", "summary": "GREAT FOR THE MONEY", "unixReviewTime": 1399507200} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A3DBS50VAPWKCU", "asin": "B000281X6U", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Matt C.", "reviewText": "I installed this item into my 2006 Jeep TJ X with no problems what so ever! Just make sure you also get your antenna extender and the wiring harness. The plastic here was good quality for what its purpose is, and I am very happy with my purchase.", "summary": "The plastic here was good quality for what its purpose is", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A3U82QDLND4L8T", "asin": "B000C59ZUY", "reviewerName": "Dom 572", "reviewText": "Tight working, but doable. Grease fitting on left side easier to get to than the right side.", "summary": "Five Stars", "unixReviewTime": 1419638400} +{"overall": 1.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "AAZGQXKJVTXFV", "asin": "B0003MLSMY", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Wilson A. B. C.", "reviewText": "junk", "summary": "don't work", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A3NRDF0ONY7C3O", "asin": "B0009JKI7W", "style": {"Size:": " 22-Inches", "Style:": " Pack of 1"}, "reviewerName": "rlbrobst", "reviewText": "These are great and have already lasted over a year!", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A338LLRP0JYHXK", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Rod", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A3DG4JJ13CYKV2", "asin": "B000CSD29Q", "reviewerName": "big bill", "reviewText": "great for 6.0 diesels", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 7, 2013", "reviewerID": "A39XMXZBKNZ0AO", "asin": "B0002CO9MG", "style": {"Color:": " Black"}, "reviewerName": "Falconi", "reviewText": "I mounted these on my 2012 Wrangler JK with the KC Hinge light mount and they were a perfect fit. Lights were bright and the construction seemed really solid.", "summary": "No Complaints", "unixReviewTime": 1375833600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A3P1T6AA8J13I2", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "Chevy Fan", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2017", "reviewerID": "A1AQX3NVKZO5V1", "asin": "B000BQYA7W", "style": {"Size:": " 1"}, "reviewerName": "Be Oh Be", "reviewText": "Best sticker residue cleaner", "summary": "Five Stars", "unixReviewTime": 1496707200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "AUOZYE7MVXUXK", "asin": "B000COBXFU", "reviewerName": "Paul F", "reviewText": "As described.", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A2B3CFD7M50OAK", "asin": "B000COBLG6", "reviewerName": "K. Kevin Mccarthy", "reviewText": "If you need them then these are the ones to get", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A3E0X5QXXOZAGR", "asin": "B0002STSTY", "reviewerName": "Khalid", "reviewText": "good item.", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2014", "reviewerID": "A36YG4CRXUNHP3", "asin": "B000BUU5T0", "style": {"Style:": " With Gate Valve"}, "reviewerName": "Media Buyer", "reviewText": "I had a clog at the gate valve and could not dump my tank. This fixed the problem, allowing me to run water backwards through the valve to disrupt the clog. It does not fill the tank very fast for regular flushing but it worked great for my purpose.", "summary": "Works great!", "unixReviewTime": 1393977600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "A1MDKCH8FX8J6A", "asin": "B000CFS028", "reviewerName": "By aircraft carrier", "reviewText": "Is the best", "summary": "Five Stars", "unixReviewTime": 1478995200} +{"reviewerID": "ASBWXWTIHG6WW", "asin": "B000BR6WA4", "reviewerName": "Sarah Francis", "verified": true, "reviewText": "Dude, this is awesome! Got lots of horsepower out of this. We'll see about gas mileage.", "overall": 5.0, "reviewTime": "03 14, 2016", "summary": "awesome", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "AKVE3DC6NGTSX", "asin": "B0006JLW84", "reviewerName": "Todd Douthit", "reviewText": "This product was exactly what I expected. It installed perfectly in place of the damaged one.", "summary": "Replacement part.", "unixReviewTime": 1428969600} +{"overall": 3.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A1TJDVHT9GJOE0", "asin": "B000C808SE", "reviewerName": "WCoval", "reviewText": "Serving its purpose.", "summary": "Three Stars", "unixReviewTime": 1442102400} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "A20IEYSV9CBTCM", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Bill in VA", "reviewText": "Oddly, the cap cracked the first time I closed it. No...I didn't use pliers to close it.", "summary": "Grease is grease", "unixReviewTime": 1491264000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A12TXHB4X56JER", "asin": "B000CISLSI", "style": {"Style:": " Pair"}, "reviewerName": "mike", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A386MAB2PNYSUF", "asin": "B0009U7Y2I", "reviewerName": "Gerard Skalny", "reviewText": "For the price, a decent car wash product. Like the Meguiar product line.", "summary": "Like the Meguiar product line", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "AMYSF0IT0I7NS", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Justin", "reviewText": "I've read not to use this more than twice within 90000 miles", "summary": "Five Stars", "unixReviewTime": 1450828800} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A1COO4KVLJO03O", "asin": "B0002STSC6", "reviewerName": "GALAL D.", "reviewText": "thnx", "summary": "Four Stars", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A1HCWQ08OZFZ6T", "asin": "B000BYGD2O", "reviewerName": "Shawn C. Gross", "reviewText": "Helped fix yet another issue in my gmc jimmy", "summary": "Great rotor cap", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "AY796HQYDTVGO", "asin": "B0002KKIVO", "reviewerName": "Cricket", "reviewText": "This is an excellent product but I am certainly glad that I purchased additional cans of treatment as the included quantity would not have finished the original treatment.", "summary": "Good Product but order extra sealant", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A14H5PXJWPXUDG", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "JimLinda", "reviewText": "Lot of suds and soapy water and it cleans well.", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A1TG3AXWLCX38N", "asin": "B0000WU0BC", "style": {"Style:": " TLK282"}, "reviewerName": "JustinAZ", "reviewText": "Great product. All high quality test leads for any diagnostic procedure. Good lead length and nice carrying case. A bit pricy but totally worth it.", "summary": "Great product. All high quality test leads for any ...", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2017", "reviewerID": "A10NSEFUFN2V5X", "asin": "1563928493", "style": {"Format:": " Paperback"}, "reviewerName": "richard sacaysr", "reviewText": "Very good information", "summary": "Very good information", "unixReviewTime": 1490832000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A1U4WK45L2EFOQ", "asin": "B000BNZPSI", "reviewerName": "Amazon Customer", "reviewText": "Works great , great price , EZ install , Most GM trucks have a missing bezel any way now you can replace that and prevent your tailgate from being stolen", "summary": "Works as advertised", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "AE5KIR4EW2A7C", "asin": "B000BZG8ZU", "reviewerName": "Bill Neptune", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "AJ9KQ7ZD12QM", "asin": "B0009H51T4", "style": {"Style:": " Extra Guard"}, "reviewerName": "JK Lewis", "reviewText": "Bought this as a replacement part during routine maintenance. Perfect fit with no modifications. Everything was as I expected. Thanks!", "summary": "PERFECT FIT!", "unixReviewTime": 1373500800} +{"reviewerID": "A3Q9ONWIX2S34I", "asin": "B000BPSW7C", "reviewerName": "leo a", "verified": true, "reviewText": "great stuff the bestt polish on the market today", "overall": 5.0, "reviewTime": "06 23, 2017", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "A2OCIDE6KMM4GE", "asin": "B000C8224M", "reviewerName": "Fernando Zepeda", "reviewText": "Received quickly...price was perfect...no complaints from me! had it installed at the same time I installed a radiator, upper and bottom hose...by family friend and he said installation was a breeze.", "summary": "01 infiniti i30", "unixReviewTime": 1372032000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "A3DVH5A4UEEUPB", "asin": "B000BQSIWK", "reviewerName": "Sam C.", "reviewText": "Works well! Clamps are easy to attach and the readouts are easy to follow. Does the job and does not seem to get hot while charging. Brought back a redtop battery that was sitting dead in the car for several months!", "summary": "Great!", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A2N66F30Y3M6IA", "asin": "B000C2GFOG", "reviewerName": "Garo Ostayan", "reviewText": "Good Quality & good price .", "summary": "Five Stars", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3OCMW08N8J0L4", "asin": "B0006JLW7K", "style": {"Color:": " White", "Style:": " Vent Kit"}, "reviewerName": "Christopher B. May", "reviewText": "my water leak is fixed", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A3T9LTPXF3YBP", "asin": "B00062ZDYK", "reviewerName": "Vinny", "reviewText": "What can I say. Fits great and added more power. It will be the last filter you will have to buy. Just wash and re oil.", "summary": "Good replacement.", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A1Y59VESIW3FTX", "asin": "B00029KC2K", "reviewerName": "ADude", "reviewText": "great price, product as ordered, fast shipping\nclean area, apply a 3m adhesion promoter and use heat to help form and cure, works great! I used this to protect area above exhaust after heat shield fell away.", "summary": "great price, product as ordered", "unixReviewTime": 1449187200} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A18GOHT6BVUW0B", "asin": "B0002NYBDM", "reviewerName": "James F. Benson", "reviewText": "This is my second cps detector. I love reliability.", "summary": "I love reliability.", "unixReviewTime": 1421020800} +{"overall": 4.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "ACBI3EFZ3S1K8", "asin": "B0008FUH46", "reviewerName": "Peaceiscoming", "reviewText": "I like this kind of trailer lock but they should make the lock more weatherproof with a replacable rubber hood over the lock. I keep a plastic grocery bag tied over mine to keep water out of the lock. If the lock freezes up, it will be difficult getting it off for sure.", "summary": "I like this kind of trailer lock but they should make the lock more weatherproof with a replacable rubber hood over the lock.", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A3ASVJMYD4TZCK", "asin": "B000C7VYB0", "reviewerName": "Mike M.", "reviewText": "Bolted right up, great fit and works great. Solved my over heating issues at highway speeds. 1998 Dodge Ram Van B3500 5.9 liter", "summary": "great fit and works great", "unixReviewTime": 1443398400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A3TWJ3X6UDV1RC", "asin": "B0000AXU02", "reviewerName": "duane", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A1BKQ3NJO5RD1K", "asin": "B000CONU2O", "reviewerName": "Lucky", "reviewText": "good buy", "summary": "Five Stars", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2013", "reviewerID": "A1TNJ7WJG2HEQ3", "asin": "B000COC67E", "reviewerName": "Kirt B Allen", "reviewText": "Works great and it is easy to put together. This is just what I needed for my garage. Love it.", "summary": "Works great.", "unixReviewTime": 1376524800} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A2RYOWPODXCPPF", "asin": "B0009H51LC", "style": {"Style:": " Extra Guard"}, "reviewerName": "S. Swain", "reviewText": "Fit my Jeep perfectly. Quick shipment.", "summary": "Five Stars", "unixReviewTime": 1414368000} +{"overall": 4.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A98JEKO46090T", "asin": "B000AP8EVC", "reviewerName": "Brodie", "reviewText": "Fit nicely with no issues. Love K&N", "summary": "Love K&N", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A8FZAZAMPID46", "asin": "B0009IQZFM", "reviewerName": "rockford1", "reviewText": "Works great.", "summary": "Great product.", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A3U4F5ZLDCF7AS", "asin": "B000E2CVI8", "style": {"Color:": " Black"}, "reviewerName": "David", "reviewText": "Just as described!", "summary": "Five Stars", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "AUND5Q452UBNR", "asin": "B000BYGGVC", "reviewerName": "Geo", "reviewText": "great product works very well.", "summary": "Five Stars", "unixReviewTime": 1475193600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A918GPSU14WTH", "asin": "B0002SRCK6", "reviewerName": "Diego", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A3COKIUWQJLADQ", "asin": "B0002KPZT4", "style": {"Color:": " Old Ford Blue"}, "reviewerName": "Amazoner", "reviewText": "Was surprised....first time using this naans, works better than the others. Highly recommended. Good matching color.", "summary": "works better than the others", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A1D5GE7LEOUHWY", "asin": "B0002SRCMO", "reviewerName": "Robert L.", "reviewText": "works as it should", "summary": "does the job nicely", "unixReviewTime": 1467072000} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1ZF0RIS0IR1O", "asin": "B000CJ8DC6", "reviewerName": "Marco G.", "reviewText": "What can i say, they are spark plug cables... good quality and worked without any issues. Using them on my 2000 Toyota Tacoma Prerunner. I would purchase again and recommend them to anyone.", "summary": "good quality and worked without any issues", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A3OHWVESBYEUYG", "asin": "B0006IX7WY", "style": {"Size:": " 16 Inches - 28 Inches", "Style:": " Double Refrigerator Bar"}, "reviewerName": "skkirtley", "reviewText": "These are very good for securing items in your rv refrigerator when traveling.", "summary": "Five Stars", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A2WQO7QMA50YL", "asin": "B000EBMKAS", "reviewerName": "Cody", "reviewText": "Everything that fits in your glove box and some will fit in this.", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A1D1NJD4P565WS", "asin": "B000CPJLHG", "style": {"Color:": " Flat Grey"}, "reviewerName": "James Matthew Demoss", "reviewText": "I used this on brake calipers. It did ok, but it does take a bit for it to cure fully before you have to worry about scratching (few weeks) with tools, etc..", "summary": "I used this on brake calipers. It did ok ...", "unixReviewTime": 1457913600} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2018", "reviewerID": "A1WQ3QBMOW8NUC", "asin": "B000BZI4JS", "reviewerName": "Bill H.", "reviewText": "thanks", "summary": "Four Stars", "unixReviewTime": 1518566400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A3E0HBW0OAFM52", "asin": "B0002UEN1A", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Chris H.", "reviewText": "Shipping was extremely fast, product cures quickly and adheres to metal with ease. Great product.", "summary": "Awesome product", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A1S6B5QFWGVL5U", "asin": "B000CIPHUI", "style": {"Size:": " 2-Bank Battery Charger", "Color:": " Black/Green", "Style:": " Multi-Bank Battery Charger"}, "reviewerName": "T. Vaughan", "reviewText": "Works perfectly to keep two bikes' batteries always at their peak. Money well spent. I have a separate single lead Tender that I use on my riding mower all winter, and I love them both.", "summary": "Perfect for occasionally used 12V batteries (motorcycles, riding mower)", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A2WJ3JCKRE0PEA", "asin": "B000CMJHCI", "style": {"Size:": " 1 Pack"}, "reviewerName": "B. Johnson", "reviewText": "good for tie rods and ball joint pulling, just make sure you get under the boot before driving the fork in.", "summary": "good for tie rods and ball joint pulling", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A1ZJ64DVHS9OZZ", "asin": "B000C808SE", "reviewerName": "WorldNews!", "reviewText": "This fit & has worked fine on my 2002 Subaru WRX.", "summary": "Fits great", "unixReviewTime": 1429401600} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A3PGMA7ZBXLGSW", "asin": "B0001CMUV4", "reviewerName": "Jonathan", "reviewText": "Easy install and very sturdy. I used this to reinforce the Rambler Hitch Cargo Carrier for a trip from NC to MA. It was so stable I never heard the carrier shake, rattle, or roll even once. Very easy install procedure, anyone who can turn a wrench can install it.", "summary": "Highly recommended", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A1GHO11ET9WWT5", "asin": "B0002UEN0Q", "reviewerName": "Paul Britton", "reviewText": "works well", "summary": "Five Stars", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A3BM6VL315UW1Y", "asin": "B000CKGAV6", "style": {"Style:": " 9006"}, "reviewerName": "QMCAEDUSCG", "reviewText": "Great for night driving.", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A3J3BIW2JW7IQ5", "asin": "B000C7VYRO", "reviewerName": "DMH", "reviewText": "Trouble-free fit and installation. Would highly recommend this item for those wanting to replace their radiator. An added plus is new clips and attachment hardware are included which is not always the case with other brands.", "summary": "Would highly recommend this item for those wanting to replace their radiator", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A190KO8AHLLQ2I", "asin": "B000BUU5T0", "style": {"Style:": " With Gate Valve"}, "reviewerName": "Ben", "reviewText": "Handy dandy tool for cleaning/flushing your sewer hoses and tanks. Of course, don't use your CLEAN FRESH water hose with it.", "summary": "Very useful", "unixReviewTime": 1437696000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/813YZAQ8AIL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A2XO2GMGK3NSZJ", "asin": "B000CMDPLM", "style": {"Size:": " Blister Pack"}, "reviewerName": "EJen", "reviewText": "This is a quality spring compressor. I have used it about 10 times over the past 4 years. It compresses springs very quickly if you have a impact gun. I have never dealt unsafe while using this tool. This tool is holding up well, looks as good as it did when I bought it.", "summary": "Good quality, safe spring compressor.", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "ACQN1DF339J58", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Abc", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "AEJ0HJBD0GFQC", "asin": "B000CM0WU4", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "Carl E Sholtes", "reviewText": "great product, fast delivery, thank you", "summary": "Five Stars", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "AL0DDDFX5IU1I", "asin": "B0002M9RH8", "reviewerName": "Vito Friscia", "reviewText": "great driving set", "summary": "Five Stars", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A10UCHNJQUPBI8", "asin": "B00004RB1U", "reviewerName": "RDP", "reviewText": "Great OEM replacment at a great price!", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2013", "reviewerID": "A1Q8T3ZLBK4SP2", "asin": "B0009XEJDW", "style": {"Color:": " Cub Cad Yellow"}, "reviewerName": "Pete B", "reviewText": "I had to replace the spindles on my tractor and since the deck was off i decided to sand and paint the rough spots. The paint was a shade off, but i`m satisified with it. If Barret Jackson calls and wants to auction it, I`ll do a color match!!", "summary": "cub cadet", "unixReviewTime": 1382400000} +{"reviewerID": "A1QG2NTH8BYFI4", "asin": "B0002MAFR4", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Perfect description of product; fast shipping product met all expectations!", "overall": 5.0, "reviewTime": "08 15, 2014", "summary": "Five Stars", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "AXB7A5RISXNX0", "asin": "B000CO76EW", "reviewerName": "Amazon Customer", "reviewText": "Work great and does what I needed.", "summary": "Five Stars", "unixReviewTime": 1508803200} +{"overall": 5.0, "vote": "13", "verified": false, "reviewTime": "12 7, 2010", "reviewerID": "AYYL70PS4A0OH", "asin": "B000BXOGNI", "style": {"Size:": " 11 Ounce"}, "reviewerName": "James", "reviewText": "Used it to clean a scratchy volume control on my car's stereo. Two quick sprays and it no longer scratches. Works great!", "summary": "Works great!", "unixReviewTime": 1291680000} +{"overall": 4.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "ADR88UKW2MZ2O", "asin": "B000CD8HH8", "style": {"Size:": " 26\"", "Style:": " 900261B"}, "reviewerName": "Amazon Customer", "reviewText": "As good as OEM.", "summary": "An excellent alternative to OEM.", "unixReviewTime": 1437609600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "A11UCK10RGJHGL", "asin": "B0006SH4NC", "reviewerName": "Chuck", "reviewText": "Excellent product and great value vs. buying individual, small bottles of similar products. Makes the garage smell like a south Pacific resort too.", "summary": "Great product", "unixReviewTime": 1488499200} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2018", "reviewerID": "A2MHDR7XL2VTTQ", "asin": "B000A0CAJE", "style": {"Size:": " 1 Filter"}, "reviewerName": "Rajanayagam-sri Haran", "reviewText": "very good", "summary": "Four Stars", "unixReviewTime": 1515715200} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "A14F2C5JIF1PVC", "asin": "B0009JKI7W", "style": {"Size:": " 16-Inches", "Style:": " Pack of 1"}, "reviewerName": "Rick A. Matschke", "reviewText": "Works fine, I use it on my rear glass and it's fine!", "summary": "Four Stars", "unixReviewTime": 1524614400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A2916W9R61JATL", "asin": "B000EAIERW", "reviewerName": "jim allison", "reviewText": "very cool", "summary": "Five Stars", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A2OKTV6UCQF3QA", "asin": "B00004RB1U", "reviewerName": "G. Watty", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A1XFHW6671K66S", "asin": "B0000UUX34", "style": {"Style:": " Replacement Air Filter"}, "reviewerName": "Jose Antonio", "reviewText": "good product and good purshase process.", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A1H4DX3O1QKG4E", "asin": "B0007LVJ2A", "reviewerName": "Michael", "reviewText": "Good product and delivery.", "summary": "Five Stars", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2013", "reviewerID": "AXJTG5TXSMOTW", "asin": "B000C9DDIA", "reviewerName": "Jerree", "reviewText": "Replaced cracked unit with ACDelco part. Its a little hard to get too. Remove complete Air-Filter assembly first and drain or pump-out some coolant to ease installation. No more intermittent anti-freeze coolant leaks now from my 1996 Suburban.", "summary": "works great.", "unixReviewTime": 1375488000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A25CKH867LXNJ4", "asin": "B00029WYEE", "style": {"Size:": " 32 Ounce"}, "reviewerName": "David K", "reviewText": "Very good air filter cleaner and a very good bargain, especially with Prime shipping", "summary": "Five Stars", "unixReviewTime": 1410134400} +{"overall": 4.0, "verified": true, "reviewTime": "04 10, 2017", "reviewerID": "A2J5CQFCB11VKJ", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "3rdGen", "reviewText": "It works as well as can be expected. It creates a fair amount of suds and it rinses off easily.", "summary": "It works pretty well.", "unixReviewTime": 1491782400} +{"overall": 3.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A18J0VRQIIE5RD", "asin": "B0007TC9LW", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "I guess these are ok but I could not get them to work for me. Maybe I have no patience or lack the dexterity needed.", "summary": "I guess these are ok but I could not get ...", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A13LRIL8P0TYK0", "asin": "B00029JC94", "reviewerName": "Rick T.", "reviewText": "The diaphragm in the carb kit for a Holley 4 barrel had a leak. This one worked just fine. Go with OEM.", "summary": "Go with OEM on this one.", "unixReviewTime": 1354233600} +{"overall": 1.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A3NGDKW2CL1882", "asin": "B0000AXNMO", "style": {"Style:": " Pack of 1"}, "reviewerName": "Abdul-bari Khan", "reviewText": "Used this product on glass and only saw water affect more than before. The windscreen is now not cleaned by wipers and I see residue that I was not seeing before. I was initially excited to apply this before rains but I got disappointed by using the product.", "summary": "I was initially excited to apply this before rains but I got disappointed by using the product", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A1IBY7WCE79K3X", "asin": "B000CB6D0S", "reviewerName": "Optimus Prime", "reviewText": "Product fit perfectly", "summary": "Excellent fit", "unixReviewTime": 1416614400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A2J8SA2ADMLYQH", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "Delver Rootnose", "reviewText": "works, I no longer have spill drips on the driveway because the vehicle manufacturers put stuff where it is difficult to reach...", "summary": "Works fine.", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A3J00915LK5SLG", "asin": "B000BYD78W", "reviewerName": "German Jose Lanz Abreu", "reviewText": "EXCELLENT", "summary": "Five Stars", "unixReviewTime": 1467676800} +{"overall": 3.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A2CS1VKCLH69CY", "asin": "B0002KNZY6", "style": {"Size:": " Spark Plug Gap Gauge"}, "reviewerName": "B-DIDDLES", "reviewText": "Served it's purpose. Nothing spectacular", "summary": "Gap Guage", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A31PRS59IMO19S", "asin": "B000C33LRY", "reviewerName": "krubs", "reviewText": "Works fine", "summary": "Five Stars", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "ADUREEO3PF9SS", "asin": "B000B7PHQY", "reviewerName": "Theresa S.", "reviewText": "It fit and works", "summary": "Lawn mower is happy", "unixReviewTime": 1473033600} +{"overall": 1.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A20V13I6GH4BBR", "asin": "B000ANOUHQ", "style": {"Size:": " 19.50in. x 17.00in. x 2.00in."}, "reviewerName": "John", "reviewText": "Doesn't get hot, barely gets warm. Can't even tell it's on.", "summary": "not warm", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "APC4Z2YVCT8RA", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "Brian D. Guggenmos", "reviewText": "Great deal.", "summary": "Five Stars", "unixReviewTime": 1410912000} +{"reviewerID": "A2FBFEUQ5DAF0M", "asin": "B000BPSW7C", "reviewerName": "Dieter", "verified": true, "reviewText": "good", "overall": 5.0, "reviewTime": "07 19, 2014", "summary": "Five Stars", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2013", "reviewerID": "A1LXUP5RDALU5D", "asin": "B0002MAJBG", "style": {"Style:": " Dodge"}, "reviewerName": "william klinesteker", "reviewText": "I have only had it a month, but so far so good. The light works great and the cord is plenty long enough.", "summary": "dodge hitch light cr-007D", "unixReviewTime": 1366761600} +{"overall": 3.0, "verified": true, "reviewTime": "08 17, 2012", "reviewerID": "A26KFZRSSV7NKI", "asin": "B00077ZDUS", "reviewerName": "William T. Smith", "reviewText": "I bought this as an adapter for a Curt 2\" rack. I have to say I thought it would fit tighter. I am purchasing a clamp to keep it secure and in place.", "summary": "A bit loose", "unixReviewTime": 1345161600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A2N25BX39BVH5W", "asin": "B0002Z9R52", "reviewerName": "Tan Gent", "reviewText": "My car's passenger side wiper requires 17\" refill but they cost almost twice as much as the longer refills, so I got the 20\" refill and cut it down and it fits perfectly. You just have to cut the rubber and two thin supporting strips of metal to get it the right length.", "summary": "My car's passenger side wiper requires 17\" refill but they ...", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "AIGLTKLQP6HFN", "asin": "B0009IQXXG", "style": {"Size:": " 24 Ounce"}, "reviewerName": "Cynthia Goldstein", "reviewText": "gotta do the wheels when you detail your car. this is great stuff!", "summary": "can't go wrong with Meguiar's line", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1VG221DOBSTE0", "asin": "B000C57W1S", "reviewerName": "Joe L. Smith II", "reviewText": "Easy install. Quality part with grease fitting. 99 F 150 4x4 xl", "summary": "99 F 150", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2013", "reviewerID": "A1KSKBWONVISSH", "asin": "B000CONKFG", "reviewerName": "car guy 230923", "reviewText": "works great, easy to install on a 4 BBL carb, especially with the Lokar Bracket. Very easy to adjust, and just a few bucks more than the plain black one.", "summary": "Great throttle cable", "unixReviewTime": 1367539200} +{"overall": 1.0, "verified": true, "reviewTime": "10 6, 2017", "reviewerID": "A3RGKQ4H4HTAET", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK1830"}, "reviewerName": "Greg Szepanski", "reviewText": "Be careful with Amazon's fit guide for your car since this belt isn't even close to correct! Unfortunately, I missed the return window & have wasted my money!", "summary": "Amazon's Fit Guide Isn't Correct!", "unixReviewTime": 1507248000} +{"overall": 5.0, "verified": false, "reviewTime": "02 26, 2016", "reviewerID": "A2I6T9CS4LDIMP", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "William Mitchell", "reviewText": "This is my go-to vehicle wash product. The sheeting action reduces water spot problems and leaves a brilliant shine/finish.", "summary": "The sheeting action reduces water spot problems and leaves a brilliant shine/finish.", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A1ZRZE3OI2P9O", "asin": "B0002SRCYM", "reviewerName": "Mike N.", "reviewText": "Good product in functionality and quality.", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A2ZYAKTH9J0HMY", "asin": "B0009IBJE4", "reviewerName": "graveyard2", "reviewText": "DOES ITS JOB", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"overall": 3.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A2SGZTPTETK9TA", "asin": "B0002MAILC", "style": {"Style:": " 9007"}, "reviewerName": "DAYTONAFREEMAN", "reviewText": "Lights work better than some. Still not as bright as advertised.", "summary": "Not Bad", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A3OQ30RR8ASUAE", "asin": "B0002JM8P4", "reviewerName": "Jake the Snake", "reviewText": "I really like this product because I can mix a small amount. Good strong patch.", "summary": "Good Product", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A27WVTPRZUV978", "asin": "B000B59XMA", "reviewerName": "Bryce J. Richardson", "reviewText": "Keeps the cold wind out of your face! You also look awesome and could easily rob convenient stores or liquor stores or groceries.", "summary": "Works Great!", "unixReviewTime": 1354665600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2UOSX86FZJ4Y9", "asin": "B0002JMV06", "reviewerName": "richmac", "reviewText": "perfect for what I needed", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A2IJXYZE9GVA7G", "asin": "B000E2AR6G", "reviewerName": "C. Laymon", "reviewText": "Works great! Love the K&N brand. However, I found a 3 pack of different brand filters and they seem to work just as good. Plus, a little cheaper. But I have no problem with this filter, just a little more expensive than the 3 pack.", "summary": "Works great!", "unixReviewTime": 1406073600} +{"overall": 2.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A26HUNVLXFGOWU", "asin": "B00032KC3K", "reviewerName": "Kevin Babcock", "reviewText": "Looks good but poor quality control. The caps fit way to lose. I had to use silicon glue to hold them on.", "summary": "Looks good but poor quality control", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A3ENH2EO4GS203", "asin": "B00063073Q", "reviewerName": "dany", "reviewText": "verry good", "summary": "Five Stars", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "AYEEIANDIFZSP", "asin": "B0008G1NB6", "reviewerName": "Gary A.", "reviewText": "nice item well made", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A289A2T67ZJ1YE", "asin": "B000CQOIT6", "reviewerName": "Vicki", "reviewText": "Great item!", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": false, "reviewTime": "03 10, 2013", "reviewerID": "ACYE8A0ULH8EX", "asin": "B0002CO9L2", "reviewerName": "Techoma", "reviewText": "Again, miles of wire, easy instructions, everything you need for an install. The SlimLites are great as they take up lees room. The tucked behind my grill!", "summary": "KC Quality", "unixReviewTime": 1362873600} +{"overall": 1.0, "verified": true, "reviewTime": "12 25, 2012", "reviewerID": "A3VNJGMTJR7I4B", "asin": "B000CM3H88", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "T-Way", "reviewText": "Installed fine. The mirror glass itself vibrates a lot. First time I used the heated mirror option glass cracked in half. I personally do not recomend buying this spend more money for other products.", "summary": "Problems", "unixReviewTime": 1356393600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2017", "reviewerID": "AFXNL89GTQLJO", "asin": "B0009IQXCM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Dutiel", "reviewText": "Exceptional", "summary": "Five Stars", "unixReviewTime": 1511654400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 24, 2012", "reviewerID": "A21OA8773GTIKD", "asin": "B00029XGNC", "reviewerName": "old dude", "reviewText": "Large 6\" dia each,& heavy, requires 20amp relay, fuse or better and probably mounts. In modern cars they can be very difficult to mount but are better than air horns.", "summary": "Loud", "unixReviewTime": 1337817600} +{"overall": 4.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A2GK6ZJQ4Q56BK", "asin": "B000CQVLBE", "reviewerName": "Brandi S.", "reviewText": "Little rough when trying to stop in the car.", "summary": "Four Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "A3SICOZO3WX17V", "asin": "B0008G1NB6", "reviewerName": "Amazon Customer", "reviewText": "Great rails for a short bed F150 or a F350. I loaded mine with a B&W Patriot. Plenty of hardware for almost any application included.\nCons: The instructions are a waste of paper.", "summary": "Great rails for a short bed F150 or a F350", "unixReviewTime": 1511481600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A33HKS8IOQULEI", "asin": "B000CNN32W", "reviewerName": "Max in Valrico", "reviewText": "Bought this to replace the steel OEM 5 blade flex fan on my 1968 Ranchero. Basically just swapped the OEM fan with this unit and it definitely pulls more air through the radiator. The blue matches the blue used on Fords in the 60's.", "summary": "Nice Fan", "unixReviewTime": 1402272000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2013", "reviewerID": "A38X2R3BOQGQZQ", "asin": "B000CN5NN4", "reviewerName": "B. Croz", "reviewText": "These are great rain blockers to a certain point. I enjoy the way they made my vehicle look once I got them on and that was easy.", "summary": "Great", "unixReviewTime": 1357603200} +{"overall": 4.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "A35EVDXJF5WX0E", "asin": "B0002KKIR8", "style": {"Style:": " Fabric Top Kit"}, "reviewerName": "Joseph M. Middleton", "reviewText": "This spray protector is quite good as it costs the fabric and seems to be durable while allowing the fabric to stay flexible. I haven't noticed as yet any fracking or peeling.\nI sprayed by BMW and vintage MG convertible tops with it. So far, so good'", "summary": "This spray protector is quite good as it costs the fabric and seems to be ...", "unixReviewTime": 1505779200} +{"overall": 4.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A1993N6E61HQUH", "asin": "B000C1LLNC", "reviewerName": "viktor", "reviewText": "I like it. Thanks.", "summary": "Four Stars", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2016", "reviewerID": "A1740CVGO0O9LO", "asin": "B00068OKZ2", "reviewerName": "roaddoggie", "reviewText": "Installed in minutes, no problems.", "summary": "Five Stars", "unixReviewTime": 1478649600} +{"overall": 3.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A3IPNJJSTNA9HQ", "asin": "B0002U1TZ8", "style": {"Size:": " 24 oz."}, "reviewerName": "Chuong P.", "reviewText": "Not impressive.", "summary": "Three Stars", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2017", "reviewerID": "A2H5IQDUPVAXTG", "asin": "B000CF3VVS", "reviewerName": "Mark", "reviewText": "Perfect fit and no issues", "summary": "Five Stars", "unixReviewTime": 1489104000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2018", "reviewerID": "AVQFAWFD5KGHM", "asin": "B0000AY3X0", "style": {"Color:": " Natural", "Style:": " Single"}, "reviewerName": "Jimmy Tillis", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1520640000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A3I4CPTVGOFOL7", "asin": "B000C54068", "reviewerName": "James C.", "reviewText": "I rebuilt my front end on my Excursion using all Moog parts, by shopping on Amazon and buying parts individually I save a good chunk of change. Seems to be good quality parts.", "summary": "by shopping on Amazon and buying parts individually I save a good chunk of change", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2017", "reviewerID": "A12EVCD8L1AQ3B", "asin": "B000C9ISTO", "reviewerName": "Willie I.", "reviewText": "Perfect fit and function on my 2001 Tahoe, 5.3 V-8", "summary": "Five Stars", "unixReviewTime": 1492819200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A3P0YK3JTXYLVY", "asin": "B0009IK5VW", "style": {"Size:": " 13 Inches, (Pack of 1)"}, "reviewerName": "ArtNC", "reviewText": "Excellent wiper---but the best instructions for installing it were found on line.", "summary": "Good wiper but weak instructions", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "AOLR89ZLT77D3", "asin": "B000C9SR90", "reviewerName": "Vince D", "reviewText": "OEM part, fits exactly as it should. I know they work because I neglected mine for too long and received a low fuel pressure code. I change to a new filter and the code hasn't returned. my GMC is a 2000 6.0. I believe GM did away with this filter some years later.", "summary": "OEM fit and finish", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A5BGSCYRQV9AO", "asin": "B000CPI6VI", "reviewerName": "Connorgrahaminc", "reviewText": "Cheap, and gets the job done.", "summary": "Five Stars", "unixReviewTime": 1469750400} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2A0NF49TTKT9F", "asin": "B000CNJMJU", "style": {"Style:": " Ultra Synthetic"}, "reviewerName": "Jerry", "reviewText": "Seems to do a Good job. Easy to get on and off!", "summary": "Four Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A2H7XZ1FNEY362", "asin": "B000E302FQ", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "NerdyGuy", "reviewText": "6 months of use, working great.", "summary": "working great.", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A2V94JRRUEUW1Z", "asin": "B000C3XDB8", "reviewerName": "72 challenger", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"reviewerID": "A1R42GTV7HC3PZ", "asin": "B000CAINRK", "reviewerName": "gerry", "verified": true, "reviewText": "DIDN'T USE IT, GAVE IT AWAY", "overall": 3.0, "reviewTime": "08 6, 2014", "summary": "LOOKS GOOD", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A1K9I9PC6QGGZQ", "asin": "B000BYGGF8", "reviewerName": "henry", "reviewText": "installed with no problems", "summary": "Five Stars", "unixReviewTime": 1416355200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61qkVJ1EwfL._SY88.jpg"], "overall": 5.0, "vote": "7", "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A9VG8W2YJ5F8R", "asin": "B00063XI64", "style": {"Size:": " 1/4 in. x 50 ft.", "Color:": " Black"}, "reviewerName": "BELied", "reviewText": "Used this for my motorcycle helmet and bike helmet and also wrapped some around my handlebars. Reflects nicely so long as you realize to take the top layer of clear 'packaging' tape off after installation.", "summary": "Great reflectivity. Good silver color reflection.", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2017", "reviewerID": "AM8TVA3H8KXJJ", "asin": "B00029WYBM", "style": {"Size:": " 12.25 Ounce"}, "reviewerName": "Verified shopper ", "reviewText": "Extremely satisfied works as instructed.", "summary": "K & N air filter oil", "unixReviewTime": 1509235200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3AHWF9CW9BMII", "asin": "B0007L9J40", "style": {"Size:": " 24 Liter"}, "reviewerName": "Kathleen B.", "reviewText": "Perfect for the lil bathroom area on our Pontoon boat. Arrived when expected.", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2014", "reviewerID": "AWM80LC2DA4WQ", "asin": "B0002Q80YA", "reviewerName": "Jack", "reviewText": "Standard name brand item at a good savings from Amazon!", "summary": "Five Stars", "unixReviewTime": 1398902400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A4RENA43ZEYAN", "asin": "B00029J3ZW", "reviewerName": "Robert", "reviewText": "fixed my car", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "A2DHAVW8MMGHZB", "asin": "B0007VFM7S", "reviewerName": "Mark", "reviewText": "Fit great!", "summary": "Five Stars", "unixReviewTime": 1499817600} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A2GZVMW4Q8UTR6", "asin": "B0002U2V1Y", "style": {"Size:": " California Gold Clay Bar System, Single Unit"}, "reviewerName": "andylaiphoto", "reviewText": "decent kit for the money", "summary": "Four Stars", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2018", "reviewerID": "A38U1K049PJBUO", "asin": "B000CMDPLM", "style": {"Size:": " Blister Pack"}, "reviewerName": "S Burton", "reviewText": "These are the THE spring compressors to buy, especially if you are nervous about doing your springs yourself. I love that they have safety pins to keep from flying off as you compress them. Very happy with the purchase, increased my confidence doing my own coil springs.", "summary": "I love that they have safety pins to keep from flying ...", "unixReviewTime": 1524009600} +{"overall": 4.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "A3SCX6RRJO22IU", "asin": "B0007LDXLA", "reviewerName": "Chris Roggen", "reviewText": "Works as expected. Only draw back is that the metal gets slippery in gloves when it's cold and the end plastic piece fell off after the first use. Neither of which really effect the use.", "summary": "Works as expected. Only draw back is that the ...", "unixReviewTime": 1482451200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A2KJKJJXS7WEKO", "asin": "B000C5YCZ2", "reviewerName": "Inkspot", "reviewText": "I bought this item for my 2000 Lexus RX300 to fix the error code p1135 and it worked just fine. You should also get the Oxygen Sensor offset puller \"Powerbuilt 648691 Oxygen Sensor Offset Puller\" along with it. It makes the job easier.", "summary": "Always go with Denso for your Toyota/Lexus", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A2ORMO4LNJSYM9", "asin": "B0002MG5M8", "reviewerName": "David Avery", "reviewText": "Fridge works in both gas and electricity now. Installed about a year ago.", "summary": "Works good", "unixReviewTime": 1465084800} +{"overall": 2.0, "verified": true, "reviewTime": "11 29, 2012", "reviewerID": "AA83QXB39NF8B", "asin": "B0002F9YIC", "style": {"Size:": " 16.9 oz.", "Style:": " Single"}, "reviewerName": "Debra Gifford", "reviewText": "For the money, it did very little to clean our sofa. Even though our sofa is not that badly stained, we had expected to see more results than we did and we both worked on the sofa in tandem and notices no difference and absolutely no condition of the leather at all.", "summary": "Lexol 1115 Leather pH Cleaner Spray", "unixReviewTime": 1354147200} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2018", "reviewerID": "A1FS0CNJ0H4D79", "asin": "B0009JKI7W", "style": {"Size:": " 22-Inches", "Style:": " Pack of 1"}, "reviewerName": "C Clardy", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1525651200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2017", "reviewerID": "A3SO2AGQXXL8LC", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "Jeffrey ankiel", "reviewText": "great stuff it helps me put my lawnmower away for the winter ,where I live it get white and snowy", "summary": "great stuff it helps me put my lawnmower away for ...", "unixReviewTime": 1513382400} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A2KQ3THIJNTWZZ", "asin": "B0002KKTFO", "reviewerName": "ML", "reviewText": "Great so far. It does leak slightly which I was surprised about, but I would buy it again, and certainly over the big-box store CCC (Cheap Chinese Cr@p) versions", "summary": "Nice gun, leaks slightly", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2015", "reviewerID": "A20X3PC7ZI6D2W", "asin": "B000CB3ZY0", "reviewerName": "John", "reviewText": "Perfect fit for a 2000 Jetta", "summary": "Five Stars", "unixReviewTime": 1448496000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 7, 2014", "reviewerID": "A2JP0PUBTA1IRJ", "asin": "B000C2S6ES", "reviewerName": "mattmobile", "reviewText": "I purchased this so I could have a backup to my GMB high-flow pump. This is a good looking part and it was a great deal from Amazon!", "summary": "Fantastic deal!", "unixReviewTime": 1402099200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "AAGO1UAR1YYQ0", "asin": "B000C59YYG", "reviewerName": "David Crinklaw", "reviewText": "Fit perfect. Super easy to install.", "summary": "Five Stars", "unixReviewTime": 1428796800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 14, 2012", "reviewerID": "ADCHPS3R5R64D", "asin": "B000BTCWS8", "reviewerName": "Tim", "reviewText": "Well cut and no weeding issues. Installed in minutes and the white contrasts well with the tint on my back glass.", "summary": "It's a sticker", "unixReviewTime": 1347580800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A2CQO2UMNPNTOI", "asin": "B0002Q80GS", "reviewerName": "JohnEd", "reviewText": "Great kit", "summary": "Five Stars", "unixReviewTime": 1511740800} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A2CEJIBZFD8ZUN", "asin": "B000924QO0", "style": {"Size:": " 64 oz."}, "reviewerName": "Amazon customer", "reviewText": "Works great, however even after i clean the panel with IPA and water, when i wipe it, it just smears all over the paint. But it does leave a nice deep gloss and beads water very well. I would give it 5 stars if it didn't smear.", "summary": "good", "unixReviewTime": 1501459200} +{"reviewerID": "A23KEN4HK5CBN3", "asin": "B000CO7AV6", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Perfect replacement on 2010 Toyota Tundra. Go online (you tube) for instructional video. I removed all the connector wires for simplicity.", "overall": 5.0, "reviewTime": "05 4, 2015", "summary": "Great replacement bulb on 2010 Toyota Tundra", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2013", "reviewerID": "A3RULY7HV8KF20", "asin": "B0002SQYC8", "reviewerName": "L. Mckee", "reviewText": "This product is great and I was really not amazed for the name. They are great and cut down on a lot of time spent in trying to detail your vehicle. Thanks Meguiar.......", "summary": "A++!!!", "unixReviewTime": 1362182400} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A23TV6NIMIJ5W7", "asin": "B000BOAZM8", "style": {"Size:": " 3 Ounce"}, "reviewerName": "maxim", "reviewText": "Perfect, very important to use I recommend the product. Maxim", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "A37UL1URU711L2", "asin": "B0000AXU02", "reviewerName": "Greg H", "reviewText": "Cheap insurance, comes with a small packet of dielectric grease. I don't quite understand why others seem to think it won't work on both male and female plugs...? It won't cover the whole plug but covers the pins quite nicely.", "summary": "Good stuff cheap", "unixReviewTime": 1500595200} +{"overall": 3.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "AA1QYMLB5X2T8", "asin": "B000C8T7X6", "reviewerName": "rfraley", "reviewText": "Be very careful tightening. one corner cracked before ever reaching torque. It is not leaking but is of concern. Less is best when torquing plastic.", "summary": "Less is best when torquing plastic", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2018", "reviewerID": "A3KZHLRWTNFPOG", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 8 oz."}, "reviewerName": "THOMAS DEY", "reviewText": "Exactly what I have been using for decades, to keep my snow tires rims from rusting onto the wheel! Superb for that.", "summary": "KEEPS CAR WHEELS FROM RUSTING STUCK ON", "unixReviewTime": 1518998400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2018", "reviewerID": "A1QM5SH7T1VA66", "asin": "B00061SGJ0", "reviewerName": "Amazon Customer", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1523836800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A3PAQWYGO4YLU1", "asin": "B0002JMLQU", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Nick d.", "reviewText": "Did absolutely nothing.\nI even flushed and filled with new fluid and filter.", "summary": "Did absolutely nothing. I even flushed and filled with ...", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A22BR0P9R57H8Z", "asin": "B0000AY6DG", "style": {"Size:": " 3 oz", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "TWA-SJU", "reviewText": "Decent price for this 3 oz. tube of 5200.\n5200 will do what it says it will do.", "summary": "3M 5200 - White - 3 oz tube", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2018", "reviewerID": "A3MR95ATOPHIXN", "asin": "B000BUQOEK", "style": {"Size:": " 15 Pack", "Style:": " Orange"}, "reviewerName": "Lisa Blackburn", "reviewText": "Great product and price!", "summary": "Five Stars", "unixReviewTime": 1520121600} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A35VBRUZ1JHGO9", "asin": "B0009U7Y2I", "reviewerName": "Thomas ORourke", "reviewText": "as described", "summary": "Great for car", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "A1WQCVUCK0R6LX", "asin": "B000BAT9VK", "style": {"Size:": " 1 Quart (32 Ounce), (Pack of 6)"}, "reviewerName": "Aaron Carter", "reviewText": "I have used this for 15 years. Good stuff", "summary": "Good", "unixReviewTime": 1488758400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A1F6CPS5LMDAE7", "asin": "B000CFCUKG", "reviewerName": "PuddinSkins", "reviewText": "Great quality and a perfect fit", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2012", "reviewerID": "A137IPD7H06BVE", "asin": "B00029WXVI", "reviewerName": "Matthew Kuennen", "reviewText": "Replaced my stock pcv hose with this breather. Works just fine, looks great. Use the K&N website to look up different sizes etc.", "summary": "Nice dress up piece for your valve cover", "unixReviewTime": 1328400000} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A1O3RIGE9GLDV8", "asin": "B0002MA4WK", "style": {"Size:": " full size"}, "reviewerName": "Jeff", "reviewText": "Was looking for a cheap solution to loading items in my Tacoma. This does the trick. The ramps are high quality aluminum. Just pick your favorite 2x8 and asemble. Takes about 15 min and you're ready to go!", "summary": "Just pick your favorite 2x8 and asemble", "unixReviewTime": 1474502400} +{"overall": 4.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A10SJ1NNSQ1CB", "asin": "B000637TE6", "style": {"Size:": " 1-Liter"}, "reviewerName": "Idaho resident", "reviewText": "Lexol makes an excellent leather cleaner that effectively gets the dirt and most other leather problems out. Follow the directions and do not over saturate an area. Just let the product work. Following up with Lexol's Leather Conditioner adds life to your leather products.", "summary": "An excellent leather cleaner.", "unixReviewTime": 1465344000} +{"overall": 4.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A35I62NOXT0E0V", "asin": "B000C34KT2", "reviewerName": "Fred S.", "reviewText": "Seems to be good quality. Thought I was ordering Goodyear belt. It was advertised as goodyear product. Amazon does this. You don't know till you receive product.", "summary": "Seems to be good quality. Thought I was ordering Goodyear belt", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A1PDFCXL8CU308", "asin": "B000C6KM6Y", "style": {"Size:": " single filter"}, "reviewerName": "Jimbo", "reviewText": "Used on my Hyundai Elantara. Good price, nice quality. It's an oil filter!", "summary": "Good price, nice quality", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "AUGOTUKRM3OJK", "asin": "B000630DJ4", "reviewerName": "Quade Draghi", "reviewText": "Just what my 89 Jeep Cherokee needed.", "summary": "Five Stars", "unixReviewTime": 1464912000} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A1Z78PFFQRYSSJ", "asin": "B0002U1TYY", "style": {"Size:": " 16 oz."}, "reviewerName": "Pablo Sebastian Salguero", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1449619200} +{"overall": 4.0, "verified": false, "reviewTime": "01 30, 2017", "reviewerID": "A15XBULQ0FQYX7", "asin": "B000BUTD9S", "style": {"Size:": " 23 Inch", "Color:": " Brown"}, "reviewerName": "cndngypsy", "reviewText": "Much redder than I like. I used zip ties to install. I lost other ones on road somewhere. Springs are flimsy. Size is good for my Class.", "summary": "Good fit flimsy springs.", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A32GXIFF8K8QBB", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "dennis", "reviewText": "GREAT", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "A191312QR0VEGG", "asin": "B000BUU5YU", "style": {"Size:": " 30 Feet", "Style:": " 50 Amp"}, "reviewerName": "Wes", "reviewText": "Heavy duty", "summary": "Five Stars", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "AH38D8418WTK9", "asin": "B000C9829A", "reviewerName": "sharper edge", "reviewText": "perfect parts", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A28XLQXWCKXOQD", "asin": "B000E2CVI8", "style": {"Color:": " Black"}, "reviewerName": "Susan Lavin", "reviewText": "I like the hex nut on the end of the filter, really helps to remove-tighten it in a hard to get to spot!", "summary": "I like the hex nut on the end of the filter", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A7ELNGMVRPYWO", "asin": "B000C7VY9M", "reviewerName": "Willie Cee", "reviewText": "good radiator. i needed to replace the radiator and didn't want to go bankrupt doing it. this was a good choice and it seems to be holding up well.", "summary": "good value", "unixReviewTime": 1425772800} +{"overall": 4.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A2WWQ9EP487QB9", "asin": "B000CQHUJ6", "reviewerName": "Williamhenry M.", "reviewText": "good match", "summary": "Four Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A15XFY1X45ZDKO", "asin": "B000ARPVQ6", "reviewerName": "Collision", "reviewText": "Genuine FOMOCO", "summary": "Five Stars", "unixReviewTime": 1509148800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1LOPMBTEKYGHF", "asin": "B000CKGAV6", "style": {"Style:": " H7"}, "reviewerName": "sequence", "reviewText": "Just as described", "summary": "Five Stars", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A157Y22M0M83ZI", "asin": "B000DINKPQ", "reviewerName": "Jeff", "reviewText": "LOUD!", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "A1DV22O7BJTZQJ", "asin": "B000C9WJ8K", "reviewerName": "mustang", "reviewText": "Larger than pictured and not constructed as pictured, made cheaper than the picture.", "summary": "Not as pictured, made cheaper than the picture", "unixReviewTime": 1459987200} +{"overall": 2.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A1K76TQUBUAH6E", "asin": "B000C9QX50", "reviewerName": "Joe", "reviewText": "Gasket in picture looks like silicone. The one I got was Cork. I'm pretty sure oem pan gasket is not Cork.", "summary": "Cork gasket.", "unixReviewTime": 1436313600} +{"overall": 2.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "ADH4076U11RFS", "asin": "B000C53S02", "reviewerName": "cchuckie51", "reviewText": "buyer beware I bought these 18 months ago and now need new shocks springs worn out bounce all over the place can't get replacement\nyeah they work fine brand new but 18 months of use and now need to spend more money", "summary": "... over the place can't get replacement yeah they work fine brand new but 18 months of use and now ...", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A39NWYUH8EH73I", "asin": "B0002SRL20", "reviewerName": "William Zbaeren", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A2ALHA2T35A7E3", "asin": "B000B7RCJE", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "John Wells", "reviewText": "fits and engine started up", "summary": "Five Stars", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "AHZ9DYZF8GA14", "asin": "B000BZGKE4", "style": {"Style:": " Oil Filter"}, "reviewerName": "Howard Lew", "reviewText": "Works fine!", "summary": "Five Stars", "unixReviewTime": 1497484800} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A3M19JT1CNPFYR", "asin": "B000BQYH6Q", "reviewerName": "Glenn Lord", "reviewText": "I wouldn't say heavy duty as they are hollow and very liht but for the camper they will work fine.", "summary": "FUNCTIONAL BUT NOT HD", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A15N7HM05SKG67", "asin": "B000COMXCM", "reviewerName": "relsoc", "reviewText": "Nice wheel lock key pouch. Keeps it from rolling around in your glove box. Plus, your mechanic will thank you!", "summary": "Finally an easy way to keep track of that pesky wheel lock key!", "unixReviewTime": 1458777600} +{"overall": 4.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "ADQ62SDBAX2T9", "asin": "B0006302KY", "style": {"Style:": " Carnauba Paste Wax 14 oz."}, "reviewerName": "ed", "reviewText": "LIKE IT", "summary": "Four Stars", "unixReviewTime": 1508803200} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A2Q1VPB1M2U3I", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2440"}, "reviewerName": "dave gutknecht", "reviewText": "worked great", "summary": "Four Stars", "unixReviewTime": 1476403200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A281NHVRP4KISS", "asin": "B000C5DUN2", "reviewerName": "D.N.A.", "reviewText": "Received today and installed in my 2003 Ranger. Fits perfect and only took 15 minutes to install and I'm no mechanic. Great product.", "summary": "Exact Fit", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A1W8G5Y12WZVNJ", "asin": "B0007RDVE8", "style": {"Size:": " 16 oz."}, "reviewerName": "A. Lyons", "reviewText": "I do all of the detailing on my 95 Z28 Camaro convertible and Jeep Grand Cherokee Limited, and always use Mothers products to keep my cars looking like new. At age 74 these Mothers products are easy to apply and buff out at my age.\nTHANKS MOTHERS!", "summary": "Great muscle car products!", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A3RTKITE4FQO1L", "asin": "B00061SFDM", "reviewerName": "Vic", "reviewText": "Great heavy duty riveter.", "summary": "Hand riveter", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "A1FJBNTMQXLUNA", "asin": "B000CRZXPI", "reviewerName": "Rob Douglas", "reviewText": "easy install with basic electrical knowledge these horns are loud and are great for a motorcycle. get these is you want better horns.", "summary": "super loud", "unixReviewTime": 1399939200} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "A31HLFP0K88EW4", "asin": "B000AOMQ80", "style": {"Style:": " 1-Pack"}, "reviewerName": "Jeff", "reviewText": "Can never go wrong with slime stuff.\n\nDon't put too much in a tire or you will be able to feel it moving around when you ride...a dirt bike...for instance.", "summary": "Always good stuff.", "unixReviewTime": 1376870400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A23X37HMHPM02V", "asin": "B000BPQGSY", "reviewerName": "Jason", "reviewText": "Tried so many spark plugs in the past I had my doubts that these would make any difference. I have noticed in my V6 pickup truck a smoother idle and a faster pickup from a stopped position. It also idles better and seems to get me a little better MPG also.", "summary": "It also idles better and seems to get me a little better MPG ...", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2014", "reviewerID": "A1UTPV0Z4KWZ53", "asin": "B0002EXJIY", "reviewerName": "Mobile Office", "reviewText": "These work great with Scosche EWFH Single ANL Fuse Holder.\nThis is the best way I have found to fuse your power supply to your inverter in vehicles. I have installed 3 so far.", "summary": "Good fuse", "unixReviewTime": 1391040000} +{"overall": 3.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A2YJHC7EIXJV91", "asin": "B0002RNSLO", "reviewerName": "Doug Anderson", "reviewText": "returned not what I needed", "summary": "Three Stars", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A3MSSU9O1O5LSJ", "asin": "B000C11JJ8", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "cesar", "reviewText": "fits perfect", "summary": "Five Stars", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A3NB9MXB4ZRBXW", "asin": "B0009JKI7W", "style": {"Size:": " 21-Inches", "Style:": " Pack of 1"}, "reviewerName": "Scott C Moser", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1489276800} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "AA5LOAGFPFL8K", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Frankie", "reviewText": "awesome", "summary": "Five Stars", "unixReviewTime": 1459036800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A3KKY5MGG3OK7R", "asin": "B0009N0W60", "reviewerName": "Matthias", "reviewText": "These look sick on my Harley plate.", "summary": "Dope!", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A2GH5Q8KLN1NYS", "asin": "B0009IQXAE", "style": {"Style:": " Mist & Wipe"}, "reviewerName": "R. Vernon", "reviewText": "I haven't done a dry wash on my 2009 Corvette for nearly 6 months. I keep touching up the body with nice rags micro-fiber rags and Quick Detailer. Awesome product and just the right amount.", "summary": "I live by this stuff.", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A2MK84GSHFKAQS", "asin": "B0002SQZQ8", "reviewerName": "Blockhead", "reviewText": "This tool is awesome. If you\nbuild enough engines this is the one tool which is a must have. Quality is superior if not equal to those with high end manufacturers like OTC and others. I loved it and the price was fair.", "summary": "This tool is awesome. If you build enough engines this is the ...", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A34LSPLZR95FYM", "asin": "B0002JM8PY", "style": {"Size:": " 1"}, "reviewerName": "James Gibson", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2017", "reviewerID": "A2HJGKYASNAKK9", "asin": "B00008RW9U", "reviewerName": "Danny M.", "reviewText": "very happy with purchase!", "summary": "very happy with purchase!", "unixReviewTime": 1511308800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A7G8V65N37NKD", "asin": "B000CFME2A", "style": {"Size:": " 1-Pack"}, "reviewerName": "grumpy grandpa", "reviewText": "bought this before great price. work really well. you could ship it better to protect the plug from breakage.", "summary": "Five Stars", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A2EILES2FK62T", "asin": "B000COX0JM", "reviewerName": "Greg R", "reviewText": "I have never purchased or use mobile oil before. This price is amazing when you compare it to eight dollars a quart at Walmart. I know because I had to buy one extra quart at Wal-Mart because my vehicle takes 6 1/2 quarts", "summary": "This price is amazing when you compare it to eight dollars a quart ...", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2013", "reviewerID": "A1RRT8D45010RK", "asin": "B000CRDMS8", "reviewerName": "Dale Miller", "reviewText": "These same belts are twice the price from an auto parts store and the Honda dealer wants about 5 times as much", "summary": "great price", "unixReviewTime": 1360368000} +{"reviewerID": "A8P849WPJE7UF", "asin": "B000C9I8PS", "reviewerName": "BR", "verified": true, "reviewText": "Works properly but very hard to install on my 01 gmc 2500 hd you really need to drop the tank or raise the bed to easily install this part but the product did fix my check engine light and I can fill my truck with out the pump kicking off now.", "overall": 5.0, "reviewTime": "10 30, 2016", "summary": "Works great hard to install on my truck", "unixReviewTime": 1477785600} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "ALYP30P46GPOL", "asin": "B000BOKML2", "style": {"Size:": " 5 Ounce Aerosol Can"}, "reviewerName": "Rick F.", "reviewText": "Use it on all my vehicle batteries - works very well", "summary": "Four Stars", "unixReviewTime": 1484524800} +{"reviewerID": "A1G5XH9HTMK6N8", "asin": "B0000AY69V", "reviewerName": "David Carmichael", "verified": true, "reviewText": "Works great and lats long", "overall": 5.0, "reviewTime": "12 21, 2017", "summary": "Five Stars", "unixReviewTime": 1513814400} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2012", "reviewerID": "A36XG2H1S14FW", "asin": "B000BAT622", "reviewerName": "Richard S.", "reviewText": "I really hoped this would help fix my car scratches, but this in fact is very difficult to use so instead I opted to use a finer brush instead and that worked better", "summary": "Okay experience....", "unixReviewTime": 1354320000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2017", "reviewerID": "A2LAULFB84RY2Q", "asin": "B000CFAVAW", "reviewerName": "John", "reviewText": "Fit perfect. Easy to install. Much nicer than tape on Ventvisor.", "summary": "Five Stars", "unixReviewTime": 1503964800} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2GCS04JFLY68Q", "asin": "B00080QHMM", "reviewerName": "NORM61", "reviewText": "I had one of these for 15 years and it finally died. The battery was still good but internals went SOUTH. It is a good product.", "summary": "The battery was still good but internals went SOUTH", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A3GWR7GRK6WR5P", "asin": "B000CO7IIQ", "reviewerName": "Pen1name", "reviewText": "Price was more competitive than the local parts stores..and I would say the same in quality..Very happy with the switch,", "summary": "Very happy with the switch", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A2N68DSHYXCM9X", "asin": "B00029CYRG", "reviewerName": "Brian G. Crabbe", "reviewText": "THIS IS AMAZING!!!!!", "summary": "Five Stars", "unixReviewTime": 1496448000} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "AU5NV9GB3WH2Q", "asin": "B0009IQYBC", "style": {"Style:": " Extra Guard"}, "reviewerName": "William Lucy", "reviewText": "will be using soon...", "summary": "Four Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A3FGJ2PJLX5BHX", "asin": "B00070JJZU", "reviewerName": "aron espinoza", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A33X1CLESMSYAI", "asin": "B000AA4RWM", "style": {"Style:": " Levels"}, "reviewerName": "Brian B.", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A19MQY0SCVORHM", "asin": "B000C2WFA4", "reviewerName": "viper tech", "reviewText": "great replacement part", "summary": "Five Stars", "unixReviewTime": 1509148800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "ARIEKD9AV6NFQ", "asin": "B000BZEHW6", "style": {"Size:": " 1 ea"}, "reviewerName": "steve tonetti", "reviewText": "Works perfect. Always buy Bosch O2 sensors for GM vehicles. The knock off cheap ones do not work very long.", "summary": "Works perfect. Always buy Bosch O2 sensors for GM vehicles", "unixReviewTime": 1438300800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 6, 2010", "reviewerID": "AXCI3NMOWL86Z", "asin": "B00006HNRY", "style": {"Size:": " 2000W", "Style:": " Hardwired"}, "reviewerName": "David Turner", "reviewText": "I am a Locksmith and have used other Brand Inverters in my service vans in the past, But this Inverter is the by far the best I have Used.", "summary": "Great Heavy Duty Inverter", "unixReviewTime": 1270512000} +{"reviewerID": "A22R93GKLVDTWS", "asin": "B000CAYTJ6", "reviewerName": "Mr. Nice Guy", "verified": true, "reviewText": "Great product! It fits perfectly and belt noise is gone, what else can I say.", "overall": 5.0, "reviewTime": "07 15, 2017", "summary": "01 Silverado 4.8L V8", "unixReviewTime": 1500076800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A1ENJWD8VKCHLK", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Amazon Customer", "reviewText": "Good product to keep battery up on atv", "summary": "Five Stars", "unixReviewTime": 1480377600} +{"overall": 4.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "A38I0S3XF2EL5Q", "asin": "B000C11JSE", "reviewerName": "Joe Daygo", "reviewText": "Installed very easily on my 1992 F250 driver's side. Works very smoothly. Seems to be a little faster than the stock one.", "summary": "Good value", "unixReviewTime": 1386892800} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A38GDD3T51JGBL", "asin": "B000BRF38Q", "style": {"Size:": " 10 Millimeter"}, "reviewerName": "billb", "reviewText": "Strong", "summary": "Four Stars", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A35EFJB4I50FBD", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 3.35 oz."}, "reviewerName": "DiY-er", "reviewText": "I originally had bought a gasket for a thermostat on my girlfriends car. When I was installing the thermostat the damn gasket was made very poorly and fell apart. I then used permatex and haven't had a problem since.", "summary": "Good stuff!", "unixReviewTime": 1477180800} +{"overall": 2.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A24YKPK376UEBA", "asin": "B00029X5VK", "style": {"Size:": " 12 Inches"}, "reviewerName": "Buttablase", "reviewText": "Was to small for the rear window but it said it would fit", "summary": "Two Stars", "unixReviewTime": 1452643200} +{"overall": 4.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A1PMQITGE4IA8J", "asin": "B000CPI5XM", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "DanielZ", "reviewText": "Used in a Kia Minivan. I did notice a difference in the shifting. Not as much as I was hoping but I am not complaining. Would recommend or buy again", "summary": "Works", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A2QI5LC6A8E41G", "asin": "B000COTPIM", "reviewerName": "reklizone", "reviewText": "great stuff", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2014", "reviewerID": "A10HAJKBQTU5NB", "asin": "B000637QJ4", "reviewerName": "Rebecca L. Cox", "reviewText": "Works like a inner tube, the size was correct for my 15x6x6 tires.\nThe shipping was quick and the packaging was good.", "summary": "good", "unixReviewTime": 1397952000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A1WGH4Y4TTK1N4", "asin": "B0009OR8V6", "reviewerName": "101010101010", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 2.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A2D60L88FZRPJ8", "asin": "B0002SRCK6", "reviewerName": "jp51", "reviewText": "cheaply made.", "summary": "Two Stars", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A6GTCFEH0VA1G", "asin": "B000BQYH6Q", "reviewerName": "Buysgoodstuff", "reviewText": "use with wheel ramps and jack stands. Good little item to keep vehicle from rolling off a stand.", "summary": "Good little item to keep vehicle from rolling off a ...", "unixReviewTime": 1489449600} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2ACIWZ02P4D94", "asin": "B0009IK5VW", "style": {"Size:": " 24 Inches, (Pack of 1)"}, "reviewerName": "Emmett", "reviewText": "Works well", "summary": "Four Stars", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A2NSCHIR2O7N14", "asin": "B000BYZAIM", "style": {"Size:": " Quart"}, "reviewerName": "Jim B.", "reviewText": "Applied with a cheap brush. Seems to be doing the job!", "summary": "Works well.", "unixReviewTime": 1449878400} +{"reviewerID": "A32BLY6SRB53FM", "asin": "B000BPSW7C", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I detail cars and finally tried this on my own vehicle. It is awesome! Keeps the shine for a long time:-) Very good protection. I highly recommend it.", "overall": 5.0, "reviewTime": "11 19, 2016", "summary": "It is awesome! Keeps the shine for a long time", "unixReviewTime": 1479513600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2018", "reviewerID": "A1PB5WL0B0FVKP", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK1190"}, "reviewerName": "christian", "reviewText": "Fit great on my 2010 Acura TL 3.5L", "summary": "Awesome", "unixReviewTime": 1518307200} +{"reviewerID": "A2DAVZ0XIKHHLM", "asin": "B0002SRGWU", "reviewerName": "Michael Edick", "verified": true, "reviewText": "Works very well, helped me find cap and hose issues on my boat, comes with the adapter-tube allowing this to be used male-or-female.", "overall": 5.0, "reviewTime": "02 21, 2016", "summary": "Paid for itself first-use", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A13MUNVLT1FCJ5", "asin": "B0002BG69Q", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Robert S. Dansereau", "reviewText": "Does what it says.", "summary": "works", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "AUVVIGY3N8LBT", "asin": "B000C11JSO", "reviewerName": "bsedgal1", "reviewText": "worked great on my '96 f150. I only needed the wiring with the black connector, however polarity was reversed. Needed to yank the wires out of the grey connector and flip them. Motors works great and is quiet. Great price!", "summary": "quiet", "unixReviewTime": 1460246400} +{"reviewerID": "A1UMZU76XL79SZ", "asin": "B000CNB2BQ", "reviewerName": "Daniel Plumb", "verified": true, "reviewText": "Only problem was removing the old end links which have to be pressed out. Thank goodness for You Tube and a lot of sweat.", "overall": 4.0, "reviewTime": "02 1, 2014", "summary": "Better than OEM poor instructions", "unixReviewTime": 1391212800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A29GBPO9Y9J52P", "asin": "B00079V5ZI", "reviewerName": "mario luna", "reviewText": "Great sound!!!!", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "09 11, 2009", "reviewerID": "AS1ZU3XQEZT3H", "asin": "B00042JSNY", "reviewerName": "rob rivest", "reviewText": "nice tool for my hi-lift jack. but doesn't work too well on front bumper because of the plastic lower valance. the chain and hook from my hi-lift ork road kit works well on front tow hook.", "summary": "bumper attachment for hi lift", "unixReviewTime": 1252627200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "A3M67BHA67S49G", "asin": "B0002F9YIC", "style": {"Size:": " 16.9 oz.", "Style:": " Single"}, "reviewerName": "Snorkel Rick", "reviewText": "I use this product on the car's leather seats. The seats are a tan color and really show dirt and stains. This product cleans them up nice.", "summary": "Works well", "unixReviewTime": 1392422400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A1G7CX3YULL3KW", "asin": "B00029K022", "reviewerName": "keith", "reviewText": "Used them on my 69 charger raised the rear up 2\" worked great and would recommend to buy with a nice cheap price as well.", "summary": "Works great to bring back old leaf springs", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2013", "reviewerID": "A3GQMM0N8YROOP", "asin": "B000C5DUN2", "reviewerName": "NightOwl", "reviewText": "bought this as a replacement for a customers Ford Explorer. The old switches were brittle and hard and would not work at all. The fit was exact and the replacement was pretty easy. I could not be happier.", "summary": "exact replacement", "unixReviewTime": 1375833600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2013", "reviewerID": "AMP78BBIX5XYH", "asin": "B0002Q7ZHI", "reviewerName": "FR in VA", "reviewText": "So easy to set up, hardest part is accessing the wiring behind the panel.\nit's just plug and play... And then put the panels back.", "summary": "Easy, easy, easy", "unixReviewTime": 1384992000} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2018", "reviewerID": "AM3ARJG8N8JDY", "asin": "B0002Z9KE0", "reviewerName": "DK", "reviewText": "Very useful product. The ends that sit on the wheel face tend to scratch the wheels. Had to wrap electrical tape over the ends to form a cushion contact on wheel.", "summary": "Very Useful Product", "unixReviewTime": 1518048000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A2TPKD5VTRBT3V", "asin": "B000BO54WO", "style": {"Size:": " Pack of 25", "Color:": " Red"}, "reviewerName": "v10pogey", "reviewText": "Great price for good quality shop towels.", "summary": "Five Stars", "unixReviewTime": 1451865600} +{"overall": 3.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A23C5N1UHBYC73", "asin": "B000C49FA0", "reviewerName": "Jerry B.", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2014", "reviewerID": "A3KFVMPHBZDLM1", "asin": "B0002YPD7O", "style": {"Size:": " 1-7/8-Inch, 2-Inch and Most 2-5/16-Inch Couplers"}, "reviewerName": "Sarge 33", "reviewText": "Looks great! Hope that it deters anyone from attempting to steal the trailer. It should at least slow them down. Using this with a trailer hitch coupler lock.", "summary": "HIgh Quality", "unixReviewTime": 1395705600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "AWX5RU47G8CAW", "asin": "B000BUTD9S", "style": {"Size:": " 18 Inch", "Color:": " Gray"}, "reviewerName": "rcarter", "reviewText": "We are working as Gate Guards in south Texas Oil Field There is so much dust and these rugs help to collect the dust and dirt before it gets into our 5th wheel Anything that helps to keep the dust and dirt outside is welcome they were easy to install..", "summary": "... the dust and dirt outside is welcome they were easy to install", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": false, "reviewTime": "11 7, 2014", "reviewerID": "A1TAB5GEG5N225", "asin": "B0002XP884", "style": {"Size:": " 50 Inch"}, "reviewerName": "Colin", "reviewText": "Its a bar. Havent moves it since we installed it. Seems to be holding up great after 3 years.", "summary": "Yep, its a bar.", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A1T6V130QXFY16", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "G.L.G.", "reviewText": "Good storage protection for your fuel burners", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A2J0KNW070N4LC", "asin": "B00029WYEE", "style": {"Size:": " 32 Ounce"}, "reviewerName": "Cebunderwater", "reviewText": "You get your moneys worth on this one with a larger container and easy spray bottle compared to the smaller can unit that almost costs just as much. Highly recommended!", "summary": "The Best Priced Non-Disposable Cleaner for Non-Disposable Air Cleaners", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A2QR86LF2O4OHG", "asin": "B0000TMLWQ", "style": {"Size:": " 1 Pack"}, "reviewerName": "aronf_53", "reviewText": "My impact wasn't strong enough to take the pulley nut off. Glad I got this little gem. Was a little more then half the price of what a few local auto parts stores quoted me too. Even if you only use it once it's worth it.", "summary": "Great tool", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A2X68K95QSDEVW", "asin": "B000CPI5XM", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Isaiah 11:6-9", "reviewText": "Works great my tranny was slipping and now it shifts perfectly!!!", "summary": "Great product for BMW's", "unixReviewTime": 1515888000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "A3K58J7I648YAK", "asin": "B000AMOEGY", "reviewerName": "Ft Lauderdale boy", "reviewText": "Good Value for the money easy to handle I would buy it again!", "summary": "Good product", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A7F65J30QU7K5", "asin": "B0002SQYV4", "reviewerName": "Jay", "reviewText": "The best ever. Last three months or more. Does have a bit of new car smell, but not overpowering. People ask if my dashboard was hard to change. The 95 Civic in black from AZ benefited that much.", "summary": "The best ever. Last three months or more", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A2FB8M076OVH8", "asin": "B000B8U61O", "style": {"Size:": " Quantity 1"}, "reviewerName": "Micheal gray", "reviewText": "good quality", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 4.0, "verified": true, "reviewTime": "05 13, 2013", "reviewerID": "A3U1TJI9ZDA1XF", "asin": "B000BPLNPU", "reviewerName": "sic5hifter", "reviewText": "no misfires! works as advertised! nothing special. but its not faulty either. after all, spark plugs are all the same... you just need to maintain your bike properly, clean the electrodes and gap properly.. that's the secret.", "summary": "works!", "unixReviewTime": 1368403200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A2IMT24918V7V7", "asin": "B000C5SGAO", "reviewerName": "B. Kim", "reviewText": "Less than 1/2 the cost of Toyota branded O2 sensors and they work because they make them for my 98 Toyota 4Runner V6. Solved my hiccuping engine and air/fuel issue that generated a P0171 code. Will buy again for sure!", "summary": "Solved my hiccuping engine and air/fuel issue that generated a P0171 code.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2014", "reviewerID": "A21EYLW1TG7KUH", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "FireFly", "reviewText": "highly recomend it for other rvers. i have one on each rv. the longer the better when it comes to this. if you only use it a short distance then you have better stability. if used along way still holds hose up fine as it was designed.", "summary": "works great. i have 2.", "unixReviewTime": 1402704000} +{"overall": 5.0, "verified": false, "reviewTime": "11 7, 2014", "reviewerID": "A33P785XF3PL7V", "asin": "B000CPAV7A", "style": {"Color:": " Gloss Clear"}, "reviewerName": "T. Cho", "reviewText": "Great stuff! used to coat my rims for protection.", "summary": "Five Stars", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A159PVXRIFPP6S", "asin": "B0002SRCK6", "reviewerName": "Bruce D. Green", "reviewText": "good quality and price .. a must have for the shade tree mechanic .. doesn't ork on all brand cars and truck but for my job worked well", "summary": "good quality and price", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A38PH4P9T9O2B7", "asin": "B0009V1WS4", "reviewerName": "Amazon Customer", "reviewText": "Good lock, works great.", "summary": "Five Stars", "unixReviewTime": 1489622400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2017", "reviewerID": "A3DFMKBGQT9QIH", "asin": "B0009JKGKQ", "style": {"Size:": " 32 Ounces"}, "reviewerName": "Angelica Kate", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2013", "reviewerID": "A1BHQRLWGHHYBG", "asin": "B000BYGGVC", "reviewerName": "The Dude", "reviewText": "They are plugs, that spark! If they last nearly as long as the OEM plugs did, they are probably the last plugs I buy for this engine.", "summary": "Zzap!", "unixReviewTime": 1368057600} +{"overall": 4.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A1Q8531ONOIGAH", "asin": "B0009JKI7W", "style": {"Size:": " 19-Inches", "Style:": " Pack of 1"}, "reviewerName": "SciGuy", "reviewText": "This part was an easy install and very reliable.", "summary": "Fear no rain!", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "A1ZT5U5NWXRN4U", "asin": "B000E28MSG", "style": {"Color:": " Black"}, "reviewerName": "Burundungo", "reviewText": "Easy install - Quality Filter, there is no way I would go back to other filters. This K&N was just what I needed for my bike.", "summary": "Easy install - Quality Filter", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A1EAO3MHM61P2N", "asin": "B000C7YRNM", "reviewerName": "Groovetrain", "reviewText": "Operates perfectly, keep engine temperature more constant than OEM thermostat. Does not come with gasket.", "summary": "Good thermostat for 4.0 Jeep", "unixReviewTime": 1410739200} +{"overall": 1.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A33TJ9WGORE3N0", "asin": "B0006MTRIS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Magnum Bob", "reviewText": "Valterra stuff usually seems OK. This is junk.....Plastic was already sticky, gooey, and deteriorating upon delivery.\nGood news...It''s Amazon so it was easy to send back!", "summary": "Really inferior quality", "unixReviewTime": 1461456000} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A3ITVTNWW7ACO2", "asin": "B0002MA3OO", "reviewerName": "J. Mcdonald", "reviewText": "Very well made and easy to install. Look great on my 2013 Ford F-150 XLT. The only drawback is the wiring and wiring instructions. The wiring they give you does not have all of the correct connectors for installation but will still work. I am happy with them. Very bright lights.", "summary": "OPTILUX H71010321 Model 2020 FOG / Driving Lamps", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1IONAZDM0SK30", "asin": "B0000CCXWA", "style": {"Color Name:": " Black"}, "reviewerName": "Bradley Johnson", "reviewText": "Works Great!!!!!!!", "summary": "Five Stars", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3QCA6B23P973G", "asin": "B0009TCRB2", "reviewerName": "LKNGOOD", "reviewText": "Very Nice 2\" Ball Hitch. Works and Looks Great", "summary": "Very Nice 2\" Ball Hitch", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A2WVKPHGUWL6NS", "asin": "B000CO7Y1M", "style": {"Color:": " Black"}, "reviewerName": "Rexy J.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A1GFQ2ID54XCPD", "asin": "B00029JKG4", "reviewerName": "mariela", "reviewText": "excelent", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2016", "reviewerID": "A1AHSNHTK85T5O", "asin": "B000C3BAZO", "reviewerName": "A. Johnson", "reviewText": "Fit 2004 Jeep grand cherokee 4.0L perfectly!", "summary": "Five Stars", "unixReviewTime": 1451692800} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A1CEERLWX1QDVK", "asin": "B000CIFQCW", "style": {"Size:": " 15 inches X 8 inches", "Color:": " Machined Aluminum", "Configuration:": " 5 holes X4.5 inches pitch circle diameter X-19 millimeters item offset X3.75 inches wheel backspacing"}, "reviewerName": "Rod Draper", "reviewText": "Nice light weight, very low cost wheel, with classic looks. Exactly what I wanted.", "summary": "Great price, wish I would have bought one for my spare", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": false, "reviewTime": "09 25, 2015", "reviewerID": "A16TYV6JV61GEP", "asin": "B0006SH4GE", "style": {"Size:": " Packages"}, "reviewerName": "VeroMichelle", "reviewText": "Best APC out there yet in my opinion. I use it 4:1 for everything inside and out of the car. It has a good smell and can be used in tires, leather interiors, engine bays, dashes; My point, in everything and anything that needs to be cleaned.", "summary": "The truely definition of All Purpose", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A113TFHJCI7M12", "asin": "B000C542NY", "reviewerName": "chris robbins", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1427328000} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2012", "reviewerID": "A2GTUKW2BLA7HN", "asin": "B0002SRJCC", "reviewerName": "Alden", "reviewText": "I like this jug and will probably buy another one but you have to be careful when pouring as it is easy to spill oil out of the top hole. I think the neck should be a little bit lower.", "summary": "Works well but you must poor slowly", "unixReviewTime": 1347580800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A3JOM7K7O28GXS", "asin": "B0000UUU6Y", "reviewerName": "Hobie Max", "reviewText": "Easy install and looks great on the truck.", "summary": "Five Stars", "unixReviewTime": 1472342400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2017", "reviewerID": "ADZ15L8DZ1LFJ", "asin": "B00092CKN4", "style": {"Size:": " 26 Ounces (Pack of 2))"}, "reviewerName": "LW", "reviewText": "Cleaned and polished my motorcycle windshield and helmet visor better than any other product i have found.", "summary": "Great product to clean and polish motorcycle windshields and helmet visors", "unixReviewTime": 1513814400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2013", "reviewerID": "A3SUC8TI856NJQ", "asin": "B0002JMU3E", "reviewerName": "hardlymoving", "reviewText": "So far no problems with this replacement board. This part fixed the unintended intermittent windshield wiper problem that appears to plague the Escalade. The part is integrated with the wiper motor and replaced the factory original board with no problems.", "summary": "Escalade Wiper Pulse Board Review", "unixReviewTime": 1384819200} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "AGHPEGJCCINSI", "asin": "B0000AY9W6", "reviewerName": "J. C. Rosario", "reviewText": "Perfect, as advertised and works excellent.", "summary": "Five Stars", "unixReviewTime": 1489276800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A16ITG6MY3QRNQ", "asin": "B000B8JUNY", "reviewerName": "Ed", "reviewText": "Worked well for our crv", "summary": "Five Stars", "unixReviewTime": 1523664000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "A3UWKZRFJLNQ6B", "asin": "B0002UQAM0", "reviewerName": "A. McAdams", "reviewText": "Good stuff, good price!", "summary": "Very pleased.", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A1R0QNHP1CPJTY", "asin": "B0000AXMD2", "style": {"Style:": " Polish"}, "reviewerName": "MC Ronson", "reviewText": "$1.58 add on item? 5 stars based on that alone! Beats the $10.75 price by a metric ton.", "summary": "$1.58 add on?-sold!!", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A3TCPIQEOLE81J", "asin": "B000C5SGAY", "reviewerName": "Walkman", "reviewText": "Cheaper than the dealer by a lot and does the same thing. What's not to love about it?", "summary": "What's not to love about it", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A37TQ5SHIKWH89", "asin": "B000BPZ82E", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Big Block", "reviewText": "the name speaks for it's self. great product.", "summary": "this is a good price for this quality 2 stroke oil", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2013", "reviewerID": "A2SYJNR3BEQZ84", "asin": "B000CJ2PKM", "reviewerName": "Rocky Clarke", "reviewText": "This is way cheaper than going through Ford and better quality than the junk yard. It matches the original fan perfectly.", "summary": "Works like a fan", "unixReviewTime": 1381276800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 20, 2010", "reviewerID": "A30OVJVA678PZ7", "asin": "B000C53TGK", "reviewerName": "T. Bickford", "reviewText": "I now have these struts on both of our 96 Volvo 850's. They have a great ride, much better then the Koni's previously used and for less then half the cost! Also, these are made in Spain which is more comforting to know then anything made in china.", "summary": "Great Struts, great price.", "unixReviewTime": 1266624000} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "AYWI8D7NGKTIB", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Robbie Harrell", "reviewText": "Great product as always.", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "AZFCEV9XYA0FL", "asin": "B000BGHYJS", "style": {"Size:": " Quantity 1"}, "reviewerName": "Mark N.", "reviewText": "This baby works!", "summary": "Five Stars", "unixReviewTime": 1441497600} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A1ALTZHOURF3HM", "asin": "B0006MRQQS", "style": {"Size:": " 5 Inch"}, "reviewerName": "Adam", "reviewText": "Works as desired", "summary": "As expected", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A302LKFGKI3AZG", "asin": "B0000AXTUY", "reviewerName": "Hire M. Basavaraja", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1482019200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A3K46ZY031RPZP", "asin": "B000BYELQY", "style": {"Size:": " 24 Inches"}, "reviewerName": "Alan Foreman", "reviewText": "Look like OEM part for 2011 Chevy Equinox, and cleans well too.", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A2FL3NDXRVXPI5", "asin": "B000CKGAV6", "style": {"Style:": " 9004"}, "reviewerName": "Stodden", "reviewText": "Just as described", "summary": "Five Stars", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "AMA65HL0W59BB", "asin": "B000BO7CVK", "style": {"Size:": " 7.2 Oz"}, "reviewerName": "Missouri Man", "reviewText": "did the job", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 1.0, "verified": false, "reviewTime": "04 30, 2015", "reviewerID": "A3B0E39WAJ6DHB", "asin": "B0000AXYZG", "reviewerName": "Donald J. Palmer", "reviewText": "Washes off really easy with gasoline after it is cured. Has almost no adhesive qualities. But I bet you could get really sick if you breathe in the vapors.", "summary": "Washes off really easy with gasoline after it is cured", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2013", "reviewerID": "AVU1NI4UT6N32", "asin": "B0002JJU28", "reviewerName": "J. Dulin", "reviewText": "these seem to be of really good quality serves the purpose very nicely would recommend AAAA ++++ AAAA ++++ A+", "summary": "Great quality", "unixReviewTime": 1358985600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A2W4CQRF9IJBZL", "asin": "B000BUU5YU", "style": {"Size:": " 30 Feet", "Style:": " 50 Amp"}, "reviewerName": "Sean F.", "reviewText": "This uses high quality rubber so the cord does not become brittle in the winter. It fits beautifully into the generator and the length is just right for my applications. No problem using this cord at all, and the carry strap is nice too.", "summary": "It fits beautifully into the generator and the length is just right ...", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "A3Q01Z3DDAH554", "asin": "B0007ZGNFO", "reviewerName": "Wofford", "reviewText": "I see people pointing at my car and laughing all the time because of these stickers. They are quite hilarious!", "summary": "Bang Bang", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A3GSED3A8FMLWN", "asin": "B0000AYERU", "reviewerName": "Amazon Customer", "reviewText": "Handy and easy to use", "summary": "Five Stars", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A32GSLPECI2YB3", "asin": "B0002MBI6Q", "reviewerName": "Amazon Customer", "reviewText": "all ok", "summary": "Five Stars", "unixReviewTime": 1496620800} +{"reviewerID": "AKQ5OO6OS6I58", "asin": "B000C2SBAM", "reviewerName": "Chaz", "verified": true, "reviewText": "Fit my 2002 Legacy Wagon 4 cylinder.", "overall": 5.0, "reviewTime": "08 10, 2015", "summary": "Fit my 2002 Legacy Wagon 4 cylinder.", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A1ZZIST0B0ZCAU", "asin": "B000BYNN3G", "reviewerName": "Diesel Jones", "reviewText": "Works great, perfect replacement for less than the cost of fuel to run into town. Can't beat it.", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A7SVCCHDG9YP7", "asin": "B0002F9YHI", "style": {"Style:": " Vinylex Protectant"}, "reviewerName": "CRAIG W GUNDERSEN", "reviewText": "Excellent Product", "summary": "Five Stars", "unixReviewTime": 1442534400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A1IFLXKH7VFT7Q", "asin": "B000C34KWO", "reviewerName": "F. Topping", "reviewText": "Fits", "summary": "Good", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A16HA1QAOJD6XX", "asin": "B0000AY4KS", "style": {"Style:": " Ultra Synthetic"}, "reviewerName": "rjeii2", "reviewText": "oops.. not for a 2001 sport trac!", "summary": "Five Stars", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "AUTTAIXKLKIU1", "asin": "B0000AXC24", "reviewerName": "Amazon Customer", "reviewText": "works great the gauge is accurate with another gauge that i checked it with. no complaints", "summary": "Five Stars", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A25CJTJHW54OUD", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Kenneth Cheatwood", "reviewText": "Just what I wanted.", "summary": "Five Stars", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A1AYYAV55URARJ", "asin": "B000C9QV7U", "reviewerName": "richnero", "reviewText": "I am very pleased with this product, it fit perfectly and is the correct part for our car. Will purchase another when the time comes", "summary": "ACDelco CF132 Cabin Air Filter", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2014", "reviewerID": "A6LU4CNWZ9U9", "asin": "B0002SR48G", "style": {"Size:": " 1/2-9 Inch"}, "reviewerName": "Mark", "reviewText": "Got this spreader for my automotive shop it's heavy duty enough for big jobs but Versatel enough to do small job. I would recommend this to any one in the busniess", "summary": "Wow more heavy duty than I expected", "unixReviewTime": 1397865600} +{"reviewerID": "A2JBLIOT433R9L", "asin": "B000CAYTJ6", "reviewerName": "lloyd", "verified": true, "reviewText": "Nice quality belt for a good price. In the past, I have used Dayco belts. Didn't have any trouble with those.\nI think these Bando will perform just as well. It is an exact fit for my 1999 Acura CL Accessory Drive belt replacement.", "overall": 5.0, "reviewTime": "07 2, 2016", "summary": "Like it", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A9PJOPKPUJIBM", "asin": "B0002BC05A", "reviewerName": "Andy", "reviewText": "Much faster than fishing around with a screw driver trying to unclip the cranks.", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A1HV64YBTH0UWG", "asin": "B0006O2S0U", "reviewerName": "Ri Eb", "reviewText": "was sick to death of cheap gauges that were inaccurate and break........this baby works........I trust it.......good value", "summary": "Good value", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A25TTLZF8O8BS5", "asin": "B0008F671S", "reviewerName": "BOA#1", "reviewText": "Mounted on 2001 Ford Ranger, had to drill (4) 1/2 in. holes", "summary": "Five Stars", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A3E98CN49QC7TY", "asin": "B000BQSIWK", "reviewerName": "IXVolt", "reviewText": "This was my second charger, love these.", "summary": "love these.", "unixReviewTime": 1449014400} +{"overall": 4.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A14LPO0S3KLHST", "asin": "B000C7UM0O", "reviewerName": "Ronald B.", "reviewText": "Product came in on time, and in good shape. Fit my motor perfect, and works fine. Thanks", "summary": "and in good shape. Fit my motor perfect", "unixReviewTime": 1426809600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A3H11L9H0O7GKJ", "asin": "B0000AXDTL", "style": {"Size:": " 3/16 Inches x 50 Feet"}, "reviewerName": "Steve", "reviewText": "Cable works well, I used in conjunction with a hand crank winch to pull a car onto trailer.", "summary": "Cable Works", "unixReviewTime": 1409702400} +{"overall": 3.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A2H3RC3R4NENPW", "asin": "B000C59SCE", "reviewerName": "Dave", "reviewText": "it is ok.", "summary": "Three Stars", "unixReviewTime": 1434240000} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "06 5, 2013", "reviewerID": "A2XDY2UYPM3XBJ", "asin": "B000CMIYE0", "style": {"Style:": " Silver #1"}, "reviewerName": "Slainte", "reviewText": "Mr Gasket chrome hex valve stem cap worked fine on my car and look good. I left the valve a little loose and put the cap on to see if the cap would seal off the leak, and it did. Great.", "summary": "Full of air", "unixReviewTime": 1370390400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "AY523BNITMUGT", "asin": "B000ALG0KS", "reviewerName": "lanman871", "reviewText": "worked like new ones and in very cold weather.", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A1HI7QDHZT1JT7", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 1.25 Amps", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Kiem", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "AP7ELOKYSDI7B", "asin": "B0002JMEQW", "reviewerName": "Yachtwork", "reviewText": "This was a good, inexpensive flush kit that worked well. I would buy it again.", "summary": "Worked, cheap, and would buy again", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2017", "reviewerID": "A1YQ3EVBB0IYMQ", "asin": "B000CIR1QG", "reviewerName": "Jay M.", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1483660800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "AJN5X91CKDB0R", "asin": "B000CQBG1O", "reviewerName": "David J. Bettin", "reviewText": "easy", "summary": "Five Stars", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A1YEG2GQSFHV79", "asin": "B000COBCF6", "reviewerName": "Willis Grandy", "reviewText": "Fits perfect", "summary": "Handle", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "AKEHCP81FPCSQ", "asin": "B000C0UMNS", "reviewerName": "Bill", "reviewText": "Perfect fit", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "APPC7YU9F661I", "asin": "B000CB7DG6", "reviewerName": "Maneki Neko", "reviewText": "Correct replacement for California and NY e46 BMWs with \"SULEV\" M56 engines. Identical to what you would receive from a dealer.", "summary": "Correct replacement for California and NY e46 BMWs with \"SULEV\" M56 engines.", "unixReviewTime": 1460592000} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AVMV9SW3KF7RG", "asin": "B0000AY3SR", "style": {"Size:": " 10 oz"}, "reviewerName": "Amazon Customer", "reviewText": "did the job well, gonna see how it holds up, might do my interior also.. hmm..", "summary": "Four Stars", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2012", "reviewerID": "A1N9P2E9EUPG8L", "asin": "B000630D1W", "reviewerName": "Zach", "reviewText": "Got a set of these after my KC's got stolen one evening at Billy-Bob's in Ft. Worth. No tampering or theft to speak of yet!", "summary": "Perfect!", "unixReviewTime": 1344211200} +{"reviewerID": "A9GQBACMAM8JJ", "asin": "B00062ZGO2", "reviewerName": "Michael C. Mantion", "verified": true, "reviewText": "Seems to be great, good price, I am not an expert on these things but seem to be a great value.", "overall": 5.0, "reviewTime": "08 22, 2014", "summary": "Seems to be great, good price", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2017", "reviewerID": "A1SAMBJA5T9DQO", "asin": "B0002YPD7O", "style": {"Size:": " 1-7/8-Inch, 2-Inch and Most 2-5/16-Inch Couplers"}, "reviewerName": "Tammy", "reviewText": "Awesome trailer lock, its the perfect deterrent to keep people from nosing around my trailer. They certainly aren't going to get this off without damaging the trailer tongue...which means they aren't getting my trailer, which means this thing did its job!", "summary": "Awesome trailer lock!", "unixReviewTime": 1511827200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3GOS2TSAJ9CFJ", "asin": "B000COC67E", "reviewerName": "Sandstone", "reviewText": "Nice little unit! Could be a tad taller, but hey? For 26 bucks, no complaints whatsoever.", "summary": "Nice!", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "A2DD04CD7M3Y1O", "asin": "B000COS0O2", "reviewerName": "patch058", "reviewText": "got this product in a timely mannor and the company has been a pleasure to do business with. thanks again", "summary": "good product", "unixReviewTime": 1361318400} +{"overall": 4.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A23YET21AVBC6J", "asin": "B0002KKIR8", "style": {"Style:": " Fabric Top Kit"}, "reviewerName": "Michael D.", "reviewText": "as advertised.", "summary": "Four Stars", "unixReviewTime": 1466553600} +{"overall": 2.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "AP3POU60V3IKJ", "asin": "B000ABCHWS", "style": {"Size:": " One Each, 11 oz."}, "reviewerName": "SIR GARF", "reviewText": "Didn't work at all with my stubborn edger, wouldn't fire. I won't entirely blame to fluid as it may be problems with the edger although it started right up with NAPA brand fluid.", "summary": "Didn't Work For Me", "unixReviewTime": 1446681600} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A3FY1ICOMUO46T", "asin": "B000C5G886", "reviewerName": "Michael G.", "reviewText": "This kit works well and matches the look and feel of a OEM knob outside of the fact that the knob arrow for the smaller knob is orange versus the usual white.", "summary": "Overall, a useful kit with one caveat.", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A2KT8VTKIJQNLA", "asin": "B000BRF7QE", "style": {"Size:": " 10.3 Ounce"}, "reviewerName": "Ronald Friedrich", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A6LU4CNWZ9U9", "asin": "B000B68C08", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "Mark", "reviewText": "Great fit OEM quality", "summary": "Quality handle", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "A2RAMQ9O6UQLR0", "asin": "B0002SQYTG", "style": {"Size:": " Single"}, "reviewerName": "Handyman", "reviewText": "Seem to be very good with the right reading", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 4.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A3UVLIKZ9EYM6", "asin": "B000B8JUAW", "reviewerName": "disappointed", "reviewText": "Works well, as designed", "summary": "Four Stars", "unixReviewTime": 1518652800} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A9XAKLXDUSHDF", "asin": "B0000AY6DG", "style": {"Size:": " 3 oz", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Budman 66", "reviewText": "Arrived in good condition and by the date indicated. Great product.", "summary": "Four Stars", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A597DJ7ZGSEIK", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "Tom Port", "reviewText": "when mixed per directions (4 cap fulls to a gallon bucket), it will stop your sponge and stick right to the side of a car! makes excellent suds! i will be using this more often now.", "summary": "this stuff is great!", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1ESQJ6A0RGHKK", "asin": "B000BQRS8A", "reviewerName": "WILLARD E BRADFIELD", "reviewText": "GREAT PRODUCT! GREAT SHIPPING!!!!", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 1.0, "verified": true, "reviewTime": "08 6, 2017", "reviewerID": "A2TWAYYQ5W9ZF3", "asin": "B0002Z9R1G", "reviewerName": "Paul Riley", "reviewText": "Yaris has a 29 inch wiper on front.", "summary": "Doesn't fit Toyota Yaris.", "unixReviewTime": 1501977600} +{"reviewerID": "AJW7FEKXAY7XT", "asin": "B0007M2ZIG", "reviewerName": "Joseph Howard", "verified": true, "reviewText": "It's a hitch. Not much to say about it.", "overall": 5.0, "reviewTime": "03 22, 2017", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A2QXHVXNWHRH0R", "asin": "B000C3XD9K", "reviewerName": "neb2n", "reviewText": "Perfect fit", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A13U6Q5KY7FCIS", "asin": "B0009ZEUU2", "reviewerName": "Keith", "reviewText": "good price. as good as original.", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A179EI95XQZJRW", "asin": "B000BO4WU4", "style": {"Size:": " 1-Pack"}, "reviewerName": "Colleen C. Turpin", "reviewText": "Hopefully it will work if we get a flat.", "summary": "Five Stars", "unixReviewTime": 1450137600} +{"reviewerID": "A3TUIB02LMDCUB", "asin": "B000A0EJF2", "reviewerName": "jel", "verified": true, "reviewText": "2006 ford expedition 5.4, fits great", "overall": 5.0, "reviewTime": "05 18, 2015", "summary": "Five Stars", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A36RVORZS9BP5E", "asin": "B000BQWHDQ", "reviewerName": "RP", "reviewText": "A must for cleaner dumping. Also, this adapter provides for different diameter connections for different campground dumping station drains, when connecting your adapter to dump station drain opening.\nRP", "summary": "A must for cleaner dumping. Also, this adapter ...", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2012", "reviewerID": "A2SFC87DROWIDR", "asin": "B000BYGD2O", "reviewerName": "BuckBo", "reviewText": "ACDelco parts are so reasonably priced that preventive maintenance doesn't hurt the wallet too much! Changing these types of parts(ie: plugs,wires,cap and ignition rotor) once in a while will make a noticeable difference in your vehicles driveability!", "summary": "Great product....Great price!", "unixReviewTime": 1337126400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2017", "reviewerID": "A3RSLZMFS6KK6E", "asin": "B00085F51G", "reviewerName": "aaluck", "reviewText": "This is perfect for my golf cart and ATV. Low pressure tires need this or a digital one.", "summary": "Perfect", "unixReviewTime": 1487376000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A33HOUVD2W7LAH", "asin": "B0009YDQE4", "style": {"Color:": " Black"}, "reviewerName": "costa", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A32OJFKOWLPINR", "asin": "B000182EZK", "reviewerName": "dimmyfree0", "reviewText": "Works as intended", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 1.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A1GDOIMQ4GO0BQ", "asin": "B000CMF5ME", "reviewerName": "Amazon Customer", "reviewText": "Don't let the water gets in or it will stop working.....lol.....good luck with that!!!!", "summary": "good luck with that", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A2CM4L3MPBJ1IS", "asin": "B000BK7RHI", "reviewerName": "Toby H.", "reviewText": "On my truck for a wile now - No complaints", "summary": "Five Stars", "unixReviewTime": 1489622400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A2P7PEXTL0OYB4", "asin": "B000CN5QG8", "reviewerName": "notears", "reviewText": "I have a sprayed bed and I was afraid this would not stick. But it did and it stays where it should be.", "summary": "I have a sprayed bed and I was afraid this ...", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A2K2QBBWLOGF60", "asin": "B0002SRCMO", "reviewerName": "Demedical", "reviewText": "perfect", "summary": "great product", "unixReviewTime": 1429056000} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "A3F2FZ13QK3TDZ", "asin": "B0002JMLRE", "style": {"Size:": " 32 oz."}, "reviewerName": "Stephen N", "reviewText": "I changed my engine oil at 144,000 miles and added this at the recommended ratio. After 6000 miles, it seems that my gas mileage went up a little, but the biggest benefit was that it quieted down some ticking noises from the engine.", "summary": "Seems to work", "unixReviewTime": 1380153600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A1WPF9PLKTMICU", "asin": "B000E81VN8", "style": {"Size:": " 38\" Interior Organizer"}, "reviewerName": "Christopher Brown", "reviewText": "This is my third order for one of these. I have one in my pickup and two in my car. Very solid and easy to move - even when full.", "summary": "I like them.", "unixReviewTime": 1450224000} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "A36RVORZS9BP5E", "asin": "B000C5WBC8", "reviewerName": "RP", "reviewText": "Friday October 25, 2013\n\nI traded it in for a 2011 Dodge 1500 Laramie 5.7 Liter and I installed the filter right before trade in, so there was no time available to evaluate it. But I will say, you can't beat these prices !\nRP", "summary": "2004 Toyota Sienna XLE", "unixReviewTime": 1382659200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A3FIWWTMS7H9MD", "asin": "B000288JE4", "style": {"Style:": " Mini Grease Gun"}, "reviewerName": "Most Awesome", "reviewText": "It works, It's tiny so it fits in my tool box nicely.", "summary": "It works", "unixReviewTime": 1468540800} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2013", "reviewerID": "AZMFC2VDSDJGK", "asin": "B0006N61RW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "muskyhunter36", "reviewText": "Ordered this yesterday and got it today, very fast shipping, works great for my door sensors I installed on all doors.", "summary": "Nice and small", "unixReviewTime": 1379462400} +{"overall": 3.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "AU5Q65WOX2SB2", "asin": "B000BLNTQU", "reviewerName": "ADAM SCHUMACHER", "reviewText": "wish these came in a single pack. Only needed one light, but have to pay for two. Works fine, though.", "summary": "Works fine, though", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "AY4EXPQ2XIL0D", "asin": "B000BGOFCC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Jeff", "reviewText": "Great price and shipped right out.", "summary": "Five Stars", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "ACK9Q4NLXTKS8", "asin": "B000BZ6VS4", "reviewerName": "D. Lee", "reviewText": "Installed and works great. Bearings, remove and press in by machine shop for accuracy. Way worth it and the final cost is cheaper than auto shops. A good mechanic to remove and reinstall the hub (bearing housing) is a plus.", "summary": "Perfect fit", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2017", "reviewerID": "A2EBU3WCYBSFBZ", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Rotti", "reviewText": "As expected this charger does the job of keeping my numerous AGM batteries charged. I also have been using another older plus model now for years with no issues.", "summary": "As expected this charger does the job of keeping my ...", "unixReviewTime": 1485129600} +{"overall": 2.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "AR72GH7NHY7MW", "asin": "B0007TC9LW", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Josh", "reviewText": "Did not work too well I used to flatheads instead", "summary": "Two Stars", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A1W7N0CJS4CETX", "asin": "B0002Z9R4S", "reviewerName": "Scotcher", "reviewText": "Fit great as replacement on PIAA frames.", "summary": "Fit great as replacement on PIAA frames.", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2017", "reviewerID": "A2PJ12OPZ1ZMSN", "asin": "B0006MQJ0M", "style": {"Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Bought this for our son as he left the nest. Hope he never needs it but living in Colorado it is a necessity and this kit has everything you can think of.", "summary": "Bought this for our son as he left the nest ...", "unixReviewTime": 1490832000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A22MN0OK1DI2TY", "asin": "B0009IR0A6", "style": {"Style:": " Tough Guard"}, "reviewerName": "Kira Cochran", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A2BLWQQ4U45WFE", "asin": "B000C543B0", "reviewerName": "ROY THOMAS", "reviewText": "GREAT DEAL", "summary": "HAPPY", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A6NM91O8MRV4X", "asin": "B000C59XGU", "reviewerName": "Rafa", "reviewText": "It's been only a few months, but the grease fittings on these sway bar links will extend their life.", "summary": "Offroading often", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2014", "reviewerID": "A32B1LC61W59WR", "asin": "B00029XEFM", "reviewerName": "daniel walus", "reviewText": "awesome product. me likey.", "summary": "Five Stars", "unixReviewTime": 1411776000} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A2QZ8ELR4A5NXR", "asin": "B000C5FLFC", "reviewerName": "Richard Massa", "reviewText": "Great price!", "summary": "Five Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A18M84GFEIN4PQ", "asin": "B0002JMF98", "reviewerName": "J. Kilburn", "reviewText": "It adapted", "summary": "Five Stars", "unixReviewTime": 1489190400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A2TMDCK26WUDF2", "asin": "B00029JC6M", "reviewerName": "Michael Egan", "reviewText": "Matched this with the Weber carb conversion on a 1963 Rambler, happy combination, no issues!", "summary": "Companion for Weber Carb conversion", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2011", "reviewerID": "A281T0IMVSLD96", "asin": "B000BYB2K2", "style": {"Style:": " 20\""}, "reviewerName": "morty", "reviewText": "so far so good on these new age wipers, just bought these a month ago so kinda hard to say how good they are", "summary": "bosch wiper blades", "unixReviewTime": 1296950400} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A1QNZ3RJDN9QYJ", "asin": "B0002JMFMA", "reviewerName": "Paul K.", "reviewText": "always good to have around", "summary": "Four Stars", "unixReviewTime": 1421280000} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A2XAJORBEZBPRE", "asin": "B000CEM3M2", "style": {"Size:": " 0.75\" x 3'"}, "reviewerName": "Charles E. Hay", "reviewText": "Easy install and easy to trim.", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A3FXTXKNU7123G", "asin": "B0009IQZFM", "reviewerName": "HC", "reviewText": "Soaks up a lot of water. Great towel.", "summary": "Great product", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2013", "reviewerID": "AVXA389HDKAN7", "asin": "B000A0CAWQ", "reviewerName": "Judge", "reviewText": "Fast shipment, great price, and easy installation. I did find that the Youtube videos were much more helpful than the written instructions though.", "summary": "Perfect Fit", "unixReviewTime": 1371859200} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A2VT75LKFQJLFZ", "asin": "B0002KR88A", "style": {"Size:": " 12AMG Inline Fuse Holder-5 Pack"}, "reviewerName": "TheHondyssey", "reviewText": "i haven't installed it yet but im sure it will work.. if only i got one with a smaller gauge wire size.", "summary": "great fit but maybe too big wire gauge", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A3RNXWG0J64Z9Z", "asin": "B000C59Y8C", "reviewerName": "LJ", "reviewText": "Well made product, Moog is always good quality", "summary": "Idler Arm for 97 Silverado,,,", "unixReviewTime": 1426809600} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A31ZBCC1C7U1MU", "asin": "B000CD8HH8", "style": {"Size:": " 26\"", "Style:": " 900261B"}, "reviewerName": "Jason", "reviewText": "Picked these up for my 2009 Infiniti G37 Sedan. I've used Bosch Icons which smeared on the driver side. These are butter smooth. Hopefully it sticks. Easy to install as well. Good pick up.", "summary": "Great wipers", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "AAFB9TLMLP0KG", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Stephen R. Samborski", "reviewText": "Use this product to recharge your K&N air filter. I don't know of any other product I could use to recharge my filter.", "summary": "More K&N", "unixReviewTime": 1357948800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "AT94X7P5MURGZ", "asin": "B00062Z05W", "reviewerName": "BelieveMyreview", "reviewText": "keep out the sand", "summary": "no sand", "unixReviewTime": 1415664000} +{"overall": 3.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A2KH2KP2UU5QZV", "asin": "B0009IK5VW", "style": {"Size:": " 20 Inches, (Pack of 1)"}, "reviewerName": "Knight", "reviewText": "If these last a year I'll be super happy because they are cheap.", "summary": "If these last a year I'll be super happy because they are cheap.", "unixReviewTime": 1437004800} +{"overall": 4.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "AHO9WYEPG1EZG", "asin": "B0002SR4PY", "reviewerName": "Sam C", "reviewText": "Ripped that stubborn filter right off. 4 stars because it torn into the filter, damaging it. No biggie because I was replacing anyway but if it was for a repair or sorts.... no bueno.", "summary": "Works Great", "unixReviewTime": 1449878400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A36OWCBJIM129O", "asin": "B0006MRS7U", "style": {"Size:": " Quantity 1"}, "reviewerName": "Everett H.", "reviewText": "Works good but difficult to attach hose.", "summary": "Five Stars", "unixReviewTime": 1483833600} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2012", "reviewerID": "A15X7GYAD68U4Z", "asin": "B000AP57OE", "reviewerName": "Leonardo", "reviewText": "Can't notice a real difference on performance as i changed it with other mods, but i've had K&N products in the past and they are great if you take care of them. The fittng was perfect for my 2003 Subaru Forester (2.0 XT South American Version).", "summary": "Perfect fit", "unixReviewTime": 1334620800} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "A1U82X9XX7K6L3", "asin": "B0002Q81W6", "reviewerName": "Jason's Pap", "reviewText": "Simple and effective way to secure a dangling trailer plug. Really cleaned up the area around the receiver hitch. Well made too!", "summary": "Works and looks great!", "unixReviewTime": 1435449600} +{"overall": 1.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "ASSHFM5EU1FOA", "asin": "B000BZG5ZI", "reviewerName": "IJustKnowThings", "reviewText": "It's no good. I have to return it and get another one.", "summary": "One Star", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A36YL6DHR5NMSR", "asin": "B000A6THZI", "style": {"Style:": " Driver Side"}, "reviewerName": "Ts", "reviewText": "Very nice, easy fit, I would recommend,", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A1X6NAQDYTY7D5", "asin": "B000B5ZMBQ", "style": {"Team Name:": " Chicago Blackhawks"}, "reviewerName": "Ash", "reviewText": "Exactly what I needed!", "summary": "Five Stars", "unixReviewTime": 1473465600} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2014", "reviewerID": "A1GNKKVTHX33UL", "asin": "B000CO81KA", "reviewerName": "txbest1980", "reviewText": "definitely looks nice installed and sounds good when you get on it, but it definitely was a little more difficult to install than most other CAI's I have installed over the years. i recommend this product overall though and would purchase again", "summary": "Nice Look & Sound", "unixReviewTime": 1392508800} +{"overall": 3.0, "verified": true, "reviewTime": "11 25, 2013", "reviewerID": "A2QSL30H3LBF6N", "asin": "B000C5EAOA", "reviewerName": "Luis A. Olaizola M", "reviewText": "With the accessory I managed to take off one of the headaches I had with the car maintenance. Good quality product", "summary": "Good", "unixReviewTime": 1385337600} +{"overall": 3.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "AV0B6NGGOAISO", "asin": "B00061SL5O", "reviewerName": "Glen E Thomas", "reviewText": "These are aluminum rivets and they work like rivets should. Don't like the storage box as it is not really segregated as well as I expected but its an OK purchase.", "summary": "Works as expected, storage box is not that great", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A87ORTQP6AVKA", "asin": "B000CQRTVK", "reviewerName": "MSnakeCA", "reviewText": "Installed on my 2001 Toyota Tacoma Prerunner. 2WD. Install was quick direct fit. Installed about a year ago and still stopping great. No complaints.", "summary": "Stops great. Direct fit", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A2UKKWU8YPSGY9", "asin": "B000B59XMA", "reviewerName": "Joe", "reviewText": "Fits perfect and looks just as good as in the picture", "summary": "Loved it!!", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A1YCLRJ3KWKLDR", "asin": "B00075XCEO", "reviewerName": "Kindle Customer", "reviewText": "Fit like a glove. Excellent quality, looks and performs as described. Highly recomended!", "summary": "Great product!", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "ASX45KPI9YOGD", "asin": "B0007M1UO6", "reviewerName": "woodman", "reviewText": "Great ball, easy install. Like others installation is a snap. Bolt it on. DA!!!!!! fits the sway bar just fine. It works.", "summary": "Excellent ball.", "unixReviewTime": 1402876800} +{"overall": 3.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A133TINV3J4JTX", "asin": "B000BQR100", "style": {"Size:": " Pack of 1"}, "reviewerName": "RT", "reviewText": "Blocks the sun. Doesn't fold up nicely so I just cram it under the seat.", "summary": "Does the job. Doesn't fold nicely.", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "AD2K859FM7T69", "asin": "B000AO9TQ2", "style": {"Size:": " 305 mm (for bikes 22\" and over)", "Color:": " Black"}, "reviewerName": "Dissent", "reviewText": "Keeps the bike from falling over! I didn't use the offset nut thing as my bike had a welded in plate for the old kickstand. Just had to add a standard nut and washer. Works great!", "summary": "Works great!", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "AD8TYE0NRG1TO", "asin": "B0001EVUA4", "reviewerName": "Bill", "reviewText": "Installs quickly and looks great!", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A33EJ8GH3AJ9TK", "asin": "B000C5I49C", "reviewerName": "George", "reviewText": "Good quality and has a good fit.", "summary": "Five Stars", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2NR6E3P8C1F5C", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 1 oz."}, "reviewerName": "Silviu Anton", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A296YR4UROK4KD", "asin": "B00020CB2S", "style": {"Style:": " Sound Deadner"}, "reviewerName": "old4x4guy", "reviewText": "good product and good buy!", "summary": "Four Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2017", "reviewerID": "A7778KTYJ9PAS", "asin": "B0002SR4Q8", "reviewerName": "Tower21", "reviewText": "worked perfectly!!!", "summary": "Five Stars", "unixReviewTime": 1508544000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A6EH30Y4DK9AR", "asin": "B000C5BO8A", "reviewerName": "Nick Keeler", "reviewText": "Good quality, Arrived quickly", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 4.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A1U1CPPH4W6VH0", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "Russell", "reviewText": "Guides my poop hose to provide the correct angle. When used with the RhinoFlex hose the fittings of the hose won't fit very well, but overall this does a great job.", "summary": "but overall this does a great job.", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "A1OT91TXY90ST4", "asin": "B000A3TA7G", "style": {"Style:": " Passenger Side"}, "reviewerName": "John", "reviewText": "Can't beat the price and they look great", "summary": "Five Stars", "unixReviewTime": 1430438400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "ADZY3RQ73YBCH", "asin": "B000BQKBP2", "reviewerName": "Ken Taylor", "reviewText": "Works well", "summary": "Five Stars", "unixReviewTime": 1446508800} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "10 5, 2012", "reviewerID": "AFKLE8IDE3DQY", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "escre", "reviewText": "The dimensions of this funnel (length) should be in the description. It works well to some extent for putting gas into the filler tube on a vehicle...but since the top is so small you would need to pour very slowly to get much gas in. Probably not worth $4.", "summary": "Small funnel...", "unixReviewTime": 1349395200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A1TFGQCEGYJRP7", "asin": "B0002KR88A", "style": {"Size:": " 12AMG Inline Fuse Holder-5 Pack"}, "reviewerName": "Expvet", "reviewText": "Well made and works without issues.", "summary": "Well made", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A2MN4QMWRLSPKB", "asin": "B000630D9Y", "reviewerName": "Fred Mendoza", "reviewText": "Great fit and feels like my car breathes better. Also it's Dec in Chicago, so the nice cold dry air helps too. Anyways, I've been using K&N's for years and have always felt they are reliable.", "summary": "Perfect fit for 04 Accord", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A13NMF32XAJ2F3", "asin": "B0009JKI7W", "reviewerName": "Craig J Grove", "reviewText": "Only the best for my Jeep!", "summary": "Five Stars", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "AOOMK6QUFJY6E", "asin": "B000COCAC0", "reviewerName": "In Texas", "reviewText": "This was the best ideal I have ever had should of did ten years ago while on vacation in Germany", "summary": "geat", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A2UB9CC7OK1FS3", "asin": "B0006Q933S", "reviewerName": "BBQBliss", "reviewText": "You will never get the OLD FASHION SOUND out of any electrical AOOGA horn. This sound was more comical than authentic. Still it was unique!", "summary": "Skreecher!", "unixReviewTime": 1408665600} +{"reviewerID": "A33S26491V4NM7", "asin": "B000CAYTJ6", "reviewerName": "Gabriel E.", "verified": true, "reviewText": "Fantastic. My engine doesn't squeak anymore..........love it. It fits perfectly just like OEM belts and the quality is top notch. I would always buy this belt and recommend for others.", "overall": 5.0, "reviewTime": "04 26, 2012", "summary": "Great", "unixReviewTime": 1335398400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A3A3FS1NRV7Y7I", "asin": "B000CM3IEG", "reviewerName": "Timothy J Provencher", "reviewText": "not totally happy cheap feel", "summary": "Five Stars", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "A1S3BHGQEJGEW4", "asin": "B000CFME2A", "style": {"Size:": " 1-Pack"}, "reviewerName": "Steven C. McMillen", "reviewText": "good product, as advertised", "summary": "Five Stars", "unixReviewTime": 1500768000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A1807OI45ZRKEM", "asin": "B0009EUA0M", "reviewerName": "M.", "reviewText": "Perfect for working on my bike while it's on a stand. Comfy and rolls nice, adjustable and a tool tray. I'm 225 lbs and it scoots around just fine in my garage.", "summary": "Pro-lift Pnum. Chair", "unixReviewTime": 1456790400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A2N5VSJKMVUJLW", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Bart D. Hull", "reviewText": "Even after a carb clean this stuff keeps the gum from building up on my Raptor 660 needles and jets.", "summary": "Works well on my 660 Raptor ATV.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2017", "reviewerID": "AS690GSZPRKR7", "asin": "B000B8JUGQ", "reviewerName": "David N.", "reviewText": "perfect fit and way less expensive", "summary": "Five Stars", "unixReviewTime": 1509580800} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A1KND3NMYU2X1P", "asin": "B000CRZXPI", "style": {"Style:": " Box Packaging"}, "reviewerName": "sharky", "reviewText": "Louder than the stock horn on my Miata. The clashing frequencies make them hard to ignore which is good for a small car", "summary": "The clashing frequencies make them hard to ignore which is good for a small", "unixReviewTime": 1471824000} +{"reviewerID": "A2LE5JBVJVRJ1H", "asin": "B000CAYTJ6", "reviewerName": "Remi", "verified": true, "reviewText": "Amazon claims it fits Mazda3 2006 with 2.3L liter. It does not! It may be fine for 2.0L engine, I don't know. So beware.", "overall": 1.0, "reviewTime": "01 20, 2014", "summary": "Does not fit 2.3L engine!", "unixReviewTime": 1390176000} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A2WWI6TREWMPUH", "asin": "B0002SR4PY", "reviewerName": "S Watson", "reviewText": "It took a while to get it onto a 1999 F150 Filter however it worked and thats what I needed", "summary": "Lisle Wide Range Filter Wrench", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A2R62SNZT4PGJS", "asin": "B000E28MSG", "style": {"Color:": " Black"}, "reviewerName": "Tony Lynn Donahue", "reviewText": "works good", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81yLuIFxJoL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A3N1IS73BCJF0S", "asin": "B000182DYM", "style": {"Size:": " M8000-S"}, "reviewerName": "Mdawg", "reviewText": "Never need it til you need it and Warn is a leader in the industry that you can count on. The M8000 series winches have been around for years for a reason.", "summary": "Never need it til you need it and Warn is ...", "unixReviewTime": 1432944000} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "02 15, 2010", "reviewerID": "A1KZE8NAYYANR", "asin": "B000C542NY", "reviewerName": "Andrew", "reviewText": "I can't believe it, replaced one side with 25 dollar cheap balloints, spent tons on these. These didn't last 4000 miles. Warranty? As if...", "summary": "Didn't last", "unixReviewTime": 1266192000} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2017", "reviewerID": "A15K5CFO8JT2TP", "asin": "B0006O2S8M", "reviewerName": "Burvic", "reviewText": "More then I expected Excellent", "summary": "Five Stars", "unixReviewTime": 1506643200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "AD3YW26CS4VFU", "asin": "B000630J8E", "reviewerName": "KB", "reviewText": "Worked Great", "summary": "Worked Great", "unixReviewTime": 1499299200} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A1A99388Y1G2UP", "asin": "B0002L6NAI", "reviewerName": "&lt;enter clever pen name here&gt;", "reviewText": "You could have strapped this thing to the front of the space shuttle for re-entry it works so well. It couldn't fit any better in my 07 Accord, even though it takes some practice on rolling it up/out.", "summary": "Terrific sunshade for 07 Accord", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A3MYD1EBAMH0M6", "asin": "B000BOAMUI", "style": {"Size:": " Single Unit"}, "reviewerName": "Reginald Bridges Sr", "reviewText": "I gave this product an unfair review. I did fail my inspection, however the next day this product made the hole in my muffler hard as steel. It really works. Of to inspection again this time I have no doubt I'll pass", "summary": "This product really works..", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A26891GAA80PML", "asin": "B000E28C6S", "style": {"Color:": " Black"}, "reviewerName": "Evul Jeenyus", "reviewText": "Fits nicely on my 2014 Vstrom 1000. Really like the nut to take the filter off.", "summary": "Five Stars", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A1GS3PYV7KQGM1", "asin": "B000924QO0", "style": {"Size:": " 64 oz."}, "reviewerName": "2STARANCHOR", "reviewText": "no issues", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A28Y7H8DESMR66", "asin": "B000C5I49C", "reviewerName": "Nathan", "reviewText": "Works for what I need it for.", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 3.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A133S37M698LAZ", "asin": "B0000AZ8JB", "reviewerName": "Bill Carson", "reviewText": "I thought it would have good suction since it made for boats. I'm using it on a UTV with a glass windshield. It is holding, but you don't get the feeling you can bet $50 it will hold for several years. Maybe buy this if you can't find something better", "summary": "weak suction", "unixReviewTime": 1393718400} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2017", "reviewerID": "A2DMXCK6T4W2C1", "asin": "B0002KKIR8", "style": {"Style:": " Convertible Top Cleaner"}, "reviewerName": "B. Daniels", "reviewText": "Used this with the 303 Protectant on my Extang cover and it look fantastic! Easy to use, follow the directions and you won't be disappointed.", "summary": "... 303 Protectant on my Extang cover and it look fantastic! Easy to use", "unixReviewTime": 1498780800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A27GJNQ9BRQPY1", "asin": "B000C5BN72", "style": {"Size:": " SET OF 1"}, "reviewerName": "Amazon Customer", "reviewText": "Took ten minutes to replace both upstream on a 5.4 F150. Mopar quality, which I believe was made by Bosch. Good price for a good product.", "summary": "Easy replacement for a 5.4 F150", "unixReviewTime": 1500940800} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "ACQ1PNWKVZLTM", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "tony thai cao", "reviewText": "it's okay", "summary": "Four Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A2G8M47KDMKR4S", "asin": "B0002SRDR8", "reviewerName": "larry sonsam", "reviewText": "This tool works great. It beats piano wire. It's good quality. I recommend it. It may not work good on all windsheilds.", "summary": "great tool", "unixReviewTime": 1376611200} +{"overall": 1.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A2C39M21PN0JZO", "asin": "B000CO7CK0", "reviewerName": "meband2000", "reviewText": "Not a very well designed product. It was easy to install but the fit of the parts is so sloppy they don't work very well. The cable is so stiff it is difficult to use in the truck. While it is installed in the truck it so so bad I am going to use something else", "summary": "Spend your money elsewhere.", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2012", "reviewerID": "A11ZVUB1TD1JBR", "asin": "B000DN7Q3S", "reviewerName": "FreeCarBuyingGuide-com", "reviewText": "I bought these for my wife's 2001 and my daughter 2000 Jeep Grand Cherokee's and they work and fit perfectly. I received them very fast and after nearly one year they are still working great.", "summary": "Hood Lift Support", "unixReviewTime": 1330905600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A3I4CPTVGOFOL7", "asin": "B000C544X2", "reviewerName": "James C.", "reviewText": "I rebuilt my front end on my Excursion using all Moog parts, by shopping on Amazon and buying parts individually I save a good chunk of change. Seems to be good quality parts.", "summary": "by shopping on Amazon and buying parts individually I save a good chunk of change", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A1NGZUD4Z4F6S4", "asin": "B000E3GHE6", "style": {"Color:": " Black", "Style:": " Universal Bucket"}, "reviewerName": "DC Love", "reviewText": "Awesome product! Makes the inside of my SUV look much better. Thanks.", "summary": "Awesome!", "unixReviewTime": 1475625600} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2014", "reviewerID": "A1DS2LQFTSSIPG", "asin": "B000E5XM1U", "reviewerName": "luvasq", "reviewText": "It fits ok to my car. My expectations are the this filter works fine to my Tucson 2014. Thanks. very much", "summary": "Fits Ok to my 2014 Hiunday Tucson", "unixReviewTime": 1404086400} +{"overall": 4.0, "verified": true, "reviewTime": "03 30, 2017", "reviewerID": "A18KI9ZLA089LT", "asin": "B0009OR906", "reviewerName": "Robert Jacoby", "reviewText": "works on what I needed it for.", "summary": "Four Stars", "unixReviewTime": 1490832000} +{"overall": 1.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A1YRKEJNG1RFHM", "asin": "B000C59YV4", "reviewerName": "tom", "reviewText": "yuk", "summary": "One Star", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A1XTTA7QO5ECL5", "asin": "B000ANVYQQ", "style": {"Style:": " 16000"}, "reviewerName": "Keven A Sierra", "reviewText": "all there just as the website stated works awessome I don't know why they want some much wording on these reviews", "summary": "awessome as stated", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2014", "reviewerID": "A12F8UHTO6L219", "asin": "B0002SRH7O", "style": {"Style:": " Front End Service Set"}, "reviewerName": "MOHAMMED", "reviewText": "it is very high quality and useful tool and surely i recommend it for those who seek professional and quality work.", "summary": "great tools", "unixReviewTime": 1395532800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A1QHHPH0VYR4ZR", "asin": "B000C5SGE0", "reviewerName": "customphotoshoot", "reviewText": "Works on a 2005 ES Lancer, comes with a special lube as well", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2016", "reviewerID": "A2SXBX5DZRWOTR", "asin": "B000BRF7QE", "style": {"Size:": " 10.3 Ounce"}, "reviewerName": "csj", "reviewText": "item as expected", "summary": "Five Stars", "unixReviewTime": 1479513600} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A2FE3BSV9ADIT8", "asin": "B000C2SCR4", "reviewerName": "Eric", "reviewText": "Worked great on my 2000 Mazda Miata", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A1RAA86CFEJ7W7", "asin": "B000BQWHDQ", "reviewerName": "KC", "reviewText": "Works well.", "summary": "Four Stars", "unixReviewTime": 1477526400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A2FBOJ0AGZJYPB", "asin": "B000CB7GF4", "reviewerName": "Scott Banta", "reviewText": "Seem to be great shocks good ride and seem to have a bit more travel on rough roads than stock", "summary": "Nice", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A1TGEKBG6CAFEG", "asin": "B000C5449G", "reviewerName": "Spencer", "reviewText": "Work like a charm and you don't need a torque bit to install them.\nMuch heavier duty than the OEM version and will hopefully last longer as well", "summary": "Great Product", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A2QFZKDGZXMRMX", "asin": "B000C55M7Y", "reviewerName": "Frank Rad", "reviewText": "These were a perfect replacement to the OEM front shock absorbers on a 2002 Tahoe LT Autoride. Install time was less than 20 minutes each. They restored the stability and handling back to a like new feeling.", "summary": "Perfect Stock Replacement", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A29OVQFMDWV8BW", "asin": "B000CD8HH8", "style": {"Size:": " 22\"", "Style:": " 900226B"}, "reviewerName": "G Money", "reviewText": "Put on a Mercedes C230 2006 and fits perfectly and work great!", "summary": "Mercedes C230 wiper replacement", "unixReviewTime": 1419292800} +{"overall": 3.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A1B1QSO9D555DL", "asin": "B0000AY3SR", "style": {"Size:": " 10 oz"}, "reviewerName": "StormRider", "reviewText": "Its not as I expected, you have to work too hard to remove the film to clear the lens. In the end I had no alternative except to use very fine paper and then re-polish, took a lot of time. You need a polishing machine.", "summary": "In the end I had no alternative except to use very fine paper and then re-polish", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A2WYF1P9BYDXVT", "asin": "B000C8227E", "reviewerName": "ravi", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"reviewerID": "A2XJ2UUF1D8M5B", "asin": "B0002MBKUU", "reviewerName": "Sam", "verified": true, "reviewText": "Love the Taz and it looks good on my husband's Jeep.", "overall": 5.0, "reviewTime": "04 20, 2015", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A1CRUT7UE3FEZ6", "asin": "B000BUU5YU", "style": {"Size:": " 25 Feet", "Style:": " 30 Amp"}, "reviewerName": "Troy V", "reviewText": "This is one of those products you will never use till you need it. Have needed it and it works as promised.", "summary": "This is one of those products you will never use ...", "unixReviewTime": 1420761600} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A2QJZ5TPLSM32K", "asin": "B00029XB1Y", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "mzisman4", "reviewText": "Had some issues with it tearing while I was applying. Once I got it on, it looked great. It seems to be handling the wear and tear well.", "summary": "it looked great. It seems to be handling the wear and ...", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1AHZFR1WSKYUL", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "h5x988p", "reviewText": "I don't know why I never got one of these when I owned a car (I only drive a motorcycle now). This has come in handy dozens of times.", "summary": "Terrific Item", "unixReviewTime": 1417824000} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A2QFTNR0OOQY5Q", "asin": "B000E28C7M", "style": {"Color:": " Black"}, "reviewerName": "Charlene Mannila", "reviewText": "Performs as expected", "summary": "Four Stars", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": false, "reviewTime": "05 29, 2017", "reviewerID": "A3KVBV1X5MKYVK", "asin": "B000778LCU", "style": {"Size:": " Quantity 1"}, "reviewerName": "Woody Coey", "reviewText": "A +++++", "summary": "Five Stars", "unixReviewTime": 1496016000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A1UY72OJEJ9QW6", "asin": "B0002JMV06", "reviewerName": "Jeremy", "reviewText": "Fits. Filters fuel. Not much else to say.", "summary": "good", "unixReviewTime": 1450224000} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2017", "reviewerID": "A348F1XQLB1GYU", "asin": "B0006N5RV8", "reviewerName": "Michael E. Harris", "reviewText": "Works as described", "summary": "Good for when you can get rid of your grey water strait away.", "unixReviewTime": 1497916800} +{"overall": 1.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A2WUNNQRDC90HT", "asin": "B0002JM9NU", "style": {"Style:": " Car Wash Bucket"}, "reviewerName": "Corbyusa", "reviewText": "arrived with a hole in it", "summary": "poor quality", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A1MU7Q5KHWX1UM", "asin": "B000E8XFJG", "style": {"Size:": " single filter"}, "reviewerName": "Steve Z.", "reviewText": "Only filter i use,", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2018", "reviewerID": "ALB297KP15TJC", "asin": "B00070KA5I", "reviewerName": "Anne m", "reviewText": "Very easy to read. Works pretty well, although it doesn't hold the reading long enough to check. Just a minor nitpick, I find this gauge easier to read than the stick style and compares favorably with a more expensive digital gauge for accuracy.", "summary": "Very easy to read", "unixReviewTime": 1516147200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "ABY7ZUPSW3EQ9", "asin": "B000E8T83S", "style": {"Size:": " single filter"}, "reviewerName": "FTX42", "reviewText": "This is an excellent filter. I use it on a Ford Ranger. Independent ratings of filters find this to be one of the top performers.", "summary": "Oil Filter", "unixReviewTime": 1360108800} +{"overall": 3.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A1T5FNYYFIHTNT", "asin": "B00062YSKU", "style": {"Color:": " 20% Limo Black"}, "reviewerName": "Don", "reviewText": "poor directions", "summary": "Three Stars", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1GAAWN546NYD9", "asin": "B000BYGD2O", "reviewerName": "Ron Kilpatrick", "reviewText": "Great fit!", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A3K7ZYAI9FOAQO", "asin": "B000AM8BLI", "style": {"Style Name:": " 1156"}, "reviewerName": "Shawn Toone", "reviewText": "WORKS GOOD", "summary": "Five Stars", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A28CL8ADA61BL1", "asin": "B000AA4RWM", "style": {"Style:": " Levels"}, "reviewerName": "Ptfield", "reviewText": "After using these I am very pleased.", "summary": "Five Stars", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A2MBVV1TQYOZ1N", "asin": "B000C55WZ6", "reviewerName": "Anthony", "reviewText": "Good stuff. Buy Moog, so you won't have to replace it again soon.", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A2OWA58EONH7O1", "asin": "B0006O2S0U", "reviewerName": "Mike Bowling", "reviewText": "I've tested it by comparing it to other gauges, its very accurate. I love that it holds the reading until you release the pressure buttion.", "summary": "I love that it holds the reading until you release the ...", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "ASMQ15NNAZD5W", "asin": "B000AMW0J2", "reviewerName": "Boydog", "reviewText": "Real deal", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A3PO9ZSYIMQJZH", "asin": "B0009IQZFM", "reviewerName": "Susanne R", "reviewText": "Nice sized big towel for drying. Does leave a little bit of streaking if fully wet.", "summary": "Four Stars", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "AK9F07SZ585LQ", "asin": "B000E2ARGG", "reviewerName": "mike", "reviewText": "work great fast shipping great price to ...", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2BO3BRSYML5MR", "asin": "B000B68V7W", "style": {"Color:": " Red"}, "reviewerName": "Jp111", "reviewText": "Paint Works great, brush is poor quality !!!", "summary": "Works great !!!", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1JDSAKR7WZ9U", "asin": "B000C59M2U", "reviewerName": "Motormike", "reviewText": "Installing these on a coil spring car I couldn't be happier with the ride.", "summary": "Awesome, should have done this change years ago.", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A38STF43K1V4HM", "asin": "B0002UEMZ2", "style": {"Size:": " Pack of 1", "Style:": " 6 ml"}, "reviewerName": "John Somers", "reviewText": "Great stuff, would not work on my motorcycle without it.", "summary": "Five Stars", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A37LS610SPHZ3K", "asin": "B0009T8HRA", "reviewerName": "Scan", "reviewText": "Product is as described!", "summary": "Five Stars", "unixReviewTime": 1479254400} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A20RFK69F3SY7G", "asin": "B000C9GK9O", "reviewerName": "Zuki", "reviewText": "Good fit", "summary": "Four Stars", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "ABSV4LC32VJVL", "asin": "B000AMLWH8", "reviewerName": "Bryan", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A38PZ7VNW11GJ1", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 3.35 oz."}, "reviewerName": "Stev W.", "reviewText": "Very good product. No problems.", "summary": "Great!", "unixReviewTime": 1495497600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 19, 2013", "reviewerID": "A1AYYAV55URARJ", "asin": "B000C2CJM8", "reviewerName": "richnero", "reviewText": "Running a Supercharged engine, it is important to have the right blower gasget. I have installed several of these and have never had an issue. I trust Fel-Pro to deliver the best sealing over the competition.", "summary": "Fel-Pro MS95744 Plenum Gasket Set", "unixReviewTime": 1379548800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "A3572O4UABHH69", "asin": "B000B5QFE4", "style": {"Style:": " Pair"}, "reviewerName": "dwight younkin", "reviewText": "these mirrors work great for our new fold down camper because it is to tall to see over it. They are simple to install and remove.", "summary": "love this simple mirrors", "unixReviewTime": 1402876800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A1UB7ZQ2HWEPX0", "asin": "B0009IBJE4", "reviewerName": "randy snodgrass", "reviewText": "dood deal", "summary": "Five Stars", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "ADDXCLAD9TPQP", "asin": "B000C11JJ8", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "Olivia", "reviewText": "good unit, watch the videos fro A1 auto as they walk you through installation step by step", "summary": "Five Stars", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AE0S3S7T0ORM7", "asin": "B0006N5RW2", "style": {"Size:": " Quantity 1"}, "reviewerName": "Chevy", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A1DNXX5IDFFM4O", "asin": "B00068PTHK", "reviewerName": "W Y MO", "reviewText": "I wonder if this kit is really for my model year or ZJ series? However, the bolts fit and the studs as well so that is all that matters.. and I too wonder what the plastic ferrules are for?", "summary": "I wonder if this kit is really for my model ...", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A201WVM4LSZV9E", "asin": "B0007O8S4E", "reviewerName": "Ed Ronald", "reviewText": "delivered on time good packaging and not broken....Perfect.", "summary": "Five Stars", "unixReviewTime": 1412640000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A12BCVCEFOYHZD", "asin": "B0009XT7NY", "reviewerName": "PigPen4x4", "reviewText": "I really like this type of can tap.\nOthers like the top style more,\nand that's ok.\nWorks great, doesn't leak, easy to use.", "summary": "Recomended", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A2HJF0T14HM6MQ", "asin": "B000BUQOFO", "reviewerName": "Donna Hatten", "reviewText": "These worked better for me than other kind that has to be snapped together.", "summary": "Five Stars", "unixReviewTime": 1506816000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A1WZJ919GTR84Q", "asin": "B00032KC3K", "reviewerName": "Ari hernz", "reviewText": "nice, work just fine", "summary": "nice, work just", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "AGYTR5YAAHGRH", "asin": "B000CB94WM", "reviewerName": "ViolinARC", "reviewText": "Great quality and fit...thank you!", "summary": "Xlnt Quality", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2017", "reviewerID": "AXHFC6T1C5K5X", "asin": "B000C7VYVU", "reviewerName": "Coolharts", "reviewText": "Radiator works just fine, engine runs cooler. It is difficult to install in a Durango due to the condenser location.", "summary": "Fit right in", "unixReviewTime": 1494288000} +{"reviewerID": "AOEO567NMDIIK", "asin": "B000A6Z946", "reviewerName": "Mo'okini", "verified": true, "reviewText": "Looks good and fits perfect! What else can I say about a product that is a safety item for vehicles?", "overall": 5.0, "reviewTime": "11 5, 2013", "summary": "Great item!", "unixReviewTime": 1383609600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A2N80C8XKZNMTJ", "asin": "B000CIS6Z6", "reviewerName": "Dan Burnside", "reviewText": "priced right just what I needed", "summary": "great t/c great price", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2236W0X2LTB7J", "asin": "B00029WYBM", "style": {"Size:": " 12.25 Ounce"}, "reviewerName": "Jayebee", "reviewText": "I have a pick up truck that leaves the paved roads on a regular basis. Standard, paper air filters do not protect my engine like the K&N. I highly recommend the Filter, the Oil and Cleaner to those who need an extra level of protection from dust and debris.", "summary": "paper air filters do not protect my engine like the K&N", "unixReviewTime": 1427932800} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "A1LNPSMMG1U3SF", "asin": "B0002SQTZ0", "style": {"Style:": " 1500 Amp"}, "reviewerName": "Tee Time", "reviewText": "Haven't had to use it yet but looks to be well made and will hopefully work as promised when needed !", "summary": "Haven't had to use it yet but looks to be ...", "unixReviewTime": 1495584000} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "ARJSMR9ONITL2", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "simpleperson", "reviewText": "A must have is you have a newer car with TPMS warning lights. A pen gauge works ok, but you need to have accurate reading to make sure the tires all have the right/same pressures.", "summary": "A must have is you have a newer car with ...", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "AD7ZV2T94UBUQ", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "Carl", "reviewText": "Perfect for my application", "summary": "Five Stars", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A2GCVZTSDGT7I5", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 1 oz."}, "reviewerName": "Wes Norton", "reviewText": "Great price and great to use when servicing your engine.", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A2X64Q5TVC5FYF", "asin": "B0000AY3SR", "style": {"Size:": " 10 oz"}, "reviewerName": "P. Jovais", "reviewText": "Tried other \"plastic cleaners\" but this really works. My husband travels 160 miles round trip daily on highways. The dirt & bugs were constantly a problem until we discovered this. It's a keeper! And of course, Amazon.com has the best price.", "summary": "Gets the job done.", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2013", "reviewerID": "A1SERFD5R117NA", "asin": "B000CIR49K", "reviewerName": "DannyC", "reviewText": "This is a great and good quality oil filter that is Made In the USA. I will be using them in the future.", "summary": "Good oil filter and price is right!", "unixReviewTime": 1377302400} +{"overall": 4.0, "verified": true, "reviewTime": "12 25, 2017", "reviewerID": "A2O9542QRCVKPK", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 1 oz."}, "reviewerName": "07 FLSTC", "reviewText": "what can I say, its as expected!", "summary": "Four Stars", "unixReviewTime": 1514160000} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "A37QJ0HFLV7FR8", "asin": "B0002SQU9K", "reviewerName": "Tuan Bui", "reviewText": "It's a good buy. Fit well in the car.", "summary": "Four Stars", "unixReviewTime": 1519257600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "A1N9LACZXF457W", "asin": "B000BPZ55Y", "reviewerName": "ShadeofGrey", "reviewText": "Flexible, long lasting, will buy more as I need it. This shouldn't be a surprise though--spectre always brings a good product to the table.", "summary": "Perfect", "unixReviewTime": 1392768000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A2R3STBCFIDAP6", "asin": "B00029WZKM", "reviewerName": "Amazonian", "reviewText": "Great filter for a solid price! Installed it on my truck today and it was a perfect fit. Much better than my previous paper based filter. No issues whatsoever, and it looks really good too.", "summary": "Great filter!", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A3GFOI7CZD1F6K", "asin": "B0001EX6OM", "reviewerName": "Buzz Dunnells", "reviewText": "Just what I wanted/needed", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A1QJA0B4UKBCJX", "asin": "B0002SQUTU", "reviewerName": "ryan", "reviewText": "If you can use a caulking gun you can use this. Makes brake work that much easier", "summary": "Nice addition to my tool box", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2013", "reviewerID": "A3RNA4UINPKJHI", "asin": "B0009IBJAS", "reviewerName": "Mmayo10", "reviewText": "hooked up my battery in the garage at work and it was ready to go in a few hours. probably sooner i was not checking regularly", "summary": "works great", "unixReviewTime": 1363132800} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "ALTZAMJGTCA0J", "asin": "B000AMBOFS", "reviewerName": "jacob", "reviewText": "Garbage! Doesnt even live up to a poor mans budget boost. If you are looking to stiffen up suspenstion for towing these are great, but if you are looking for lift this is not your product.", "summary": "Garbage! Doesnt even live up to a poor mans ...", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2017", "reviewerID": "A16AFM6MPH97FZ", "asin": "B000C9R1WO", "reviewerName": "NWWI.", "reviewText": "Have always used this filter on my 97 Chevy K2500HD 5.7. Good price. Quick delivery with Prime.", "summary": "Stock filter.", "unixReviewTime": 1508457600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "A35WN5BV50GLLY", "asin": "B0009JKI7W", "style": {"Size:": " 16-Inches", "Style:": " Pack of 1"}, "reviewerName": "E. M. Jensen", "reviewText": "This is the best wiper you can get for this price, and since you're supposed to replace them every 6 or 8 months anyway, you shouldn't spend a double digit on wipers.", "summary": "Best affordable wipers.", "unixReviewTime": 1384905600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 10, 2011", "reviewerID": "A2YEG62ZGRANV7", "asin": "B000C5FLFC", "reviewerName": "Jason", "reviewText": "This matched the manufacturer's fuel filter exactly. Changing a fuel filter should be done in a well ventilated area and you are guaranteed to spill some fuel. I changed my filter at about 40,000 miles. Vehicle: 2007 Mustang Convertible GT 4.6l.", "summary": "Exact OEM Match", "unixReviewTime": 1315612800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A2EP1MCNC9YXPS", "asin": "B000CJ8CZY", "style": {"Number of Items:": " 1"}, "reviewerName": "Lylliewolf", "reviewText": "didn't see a difference in performance or gas mileage but definitely perform as well as OEM plugs on my 15' V Rod.", "summary": "didn't see a difference in performance or gas mileage but ...", "unixReviewTime": 1460937600} +{"overall": 1.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A1A1QAT972ZFFH", "asin": "B000C2WF9A", "reviewerName": "Red Raider", "reviewText": "Failed after 5 months use. Key would not unlock the cap while I was at the gas station. Had to go back home and spray some WD40 in the lock. Finally after a lot of effort I got it off. I put the original non-lock cap back on. Will look for a different locking cap.", "summary": "Failed after 5 months use. Key would not unlock ...", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A2GSJATMTSVEGP", "asin": "B000CD8HH8", "style": {"Size:": " 15\"", "Style:": " 900157B"}, "reviewerName": "vettenet", "reviewText": "Excellent fit for a 2013 Chevy Sonic - took literally longer to take the packaging off the blade than it took to install it.", "summary": "Perfect fit for a 2013 Chevy Sonic", "unixReviewTime": 1481673600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 17, 2012", "reviewerID": "A32D4MNHIYVHBL", "asin": "B000CGJZ7Q", "reviewerName": "mtfreaky", "reviewText": "i bought this to replace my factory fuel pump which stopped showing my the correct fuel level and started stalling after installing the new pump works like when i first purchased it arrived fast packaged with care it was sold by amazon and it was a easy install", "summary": "fits perfectly", "unixReviewTime": 1347840000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A19IOOPMVTZEXT", "asin": "B000CIXMIC", "reviewerName": "A.T.R.", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A26MSP1K5M13F7", "asin": "B000COMX9K", "style": {"Color:": " Chrome"}, "reviewerName": "Matthew Fribley", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "AM91HK7DOPXX", "asin": "B0002ILK2M", "reviewerName": "Ken", "reviewText": "I bought this to replace my home alarm battery. It is well made and worked great to replace the old OEM battery. Would by again.", "summary": "Works great.", "unixReviewTime": 1496448000} +{"overall": 2.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A1D5MDU85VRQKU", "asin": "B000CO7DIQ", "reviewerName": "Fenyi", "reviewText": "Short thread.", "summary": "Two Stars", "unixReviewTime": 1471219200} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A3DOXFNF0QD123", "asin": "B000BQKBP2", "reviewerName": "Randy Brown", "reviewText": "works fine..", "summary": "Four Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "AU3B6ZQFEQTZ", "asin": "B00062YZZS", "style": {"Size:": " 1 Quart (32 Ounce), (Case of 6)"}, "reviewerName": "Electricstart", "reviewText": "Great oil for the harley", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"reviewerID": "APK4R7CIVTKWU", "asin": "B000CMH4HS", "reviewerName": "J. Schrank", "verified": false, "reviewText": "Bought these to lock down chrome wheels on a tandem Prestige trailer for a 236 SSi Chaparral boat. Very close finish match to the wheels, and great thin wall socket quality. Highly recommend.", "overall": 5.0, "reviewTime": "03 22, 2009", "summary": "Great Quality", "unixReviewTime": 1237680000} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "A3ISDYRVERE5H8", "asin": "B000CEBM6U", "reviewerName": "Jeremy Lynnes", "reviewText": "The bottom bows out a little - came like that. A little frustrating that it's out of shape. Looks cheaper in reality.", "summary": "Not straight/flat", "unixReviewTime": 1380499200} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A2B8LX6U4HF6FU", "asin": "B000C5PZP8", "reviewerName": "Lesley Lawson", "reviewText": "Easy to install.", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A2DF3SI9CUB14W", "asin": "B000CMD9TK", "style": {"Size:": " 12-mm X 1.50"}, "reviewerName": "Anthony R.", "reviewText": "GOOD VALUE, AS DESCRIBED. WORKS!", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 1.0, "verified": true, "reviewTime": "12 15, 2010", "reviewerID": "A3MHKG4SPXGL98", "asin": "B000CJ25HK", "reviewerName": "Brian Powers", "reviewText": "Item description showed this was version 2.7 which at the time of order was the newest version. The upgrade chip I received was version 2.2 which is not compatible with newer model systems.", "summary": "Outdated version.", "unixReviewTime": 1292371200} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A25G94KAQ3TKZU", "asin": "B000BWDUMM", "reviewerName": "R&amp;R", "reviewText": "Worked perfect for my GM 5.7!!!", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A1F6Z7Z5938YCO", "asin": "B0007XVWW0", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Bryan Berlin", "reviewText": "Old plug gave up to age and replace it with this one. Works great.", "summary": "Does the Job", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A4EVI4WH2D0JN", "asin": "B00029WSZY", "style": {"Size:": " 6\""}, "reviewerName": "Mark Smith", "reviewText": "Bought to mount on fork truck. Purpose solved.", "summary": "Five Stars", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2017", "reviewerID": "A2RRXATMSZOQDN", "asin": "B000CPI5XM", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "D.Hall", "reviewText": "Arrived on time and as described.", "summary": "Five Stars", "unixReviewTime": 1487462400} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A5SBPZ1KHWX5Y", "asin": "B0009H52AC", "style": {"Style:": " Extra Guard"}, "reviewerName": "jwm1941.dec", "reviewText": "Fram filters are a well respected company.", "summary": "I WOULD RECOMMEND THE PRODUCT & THE SELLER", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A1RMM3GV9US1M", "asin": "B000C11JJ8", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "Teedoe", "reviewText": "Just as good as the OEM regulator. Quiet, smooth operation--and the window rolls up and down much faster!", "summary": "Five Stars", "unixReviewTime": 1510704000} +{"overall": 3.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A1NSTZ6RN94OM5", "asin": "B0003MLSMY", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "dwfault comsumer", "reviewText": "2005 Dodge magnum fits poorly but dose what it supposed to", "summary": "cheap looks okay wish it fit better", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A112K5AXAUPBRF", "asin": "B000C5M2MW", "style": {"Number of Items:": " 1"}, "reviewerName": "Dusan", "reviewText": "good performance", "summary": "Five Stars", "unixReviewTime": 1451088000} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A1TUKGAY7EO5X1", "asin": "B000ALBZDK", "style": {"Size:": " 0.5 Ounce", "Color:": " Performance White"}, "reviewerName": "Chief56", "reviewText": "Good for small scratches.", "summary": "Four Stars", "unixReviewTime": 1441497600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A30Y0GKA97KT7V", "asin": "B000C5I2YO", "reviewerName": "johnny", "reviewText": "Used on 2000 Expedition. Fit without any issues.", "summary": "Five Stars", "unixReviewTime": 1482105600} +{"overall": 3.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A3VFWX3FJXRJ7J", "asin": "B00029JC6C", "reviewerName": "Gamer", "reviewText": "Much poorer quality than I expected. I am disappointed.", "summary": "Much poorer quality than I expected. I am disappointed.", "unixReviewTime": 1472169600} +{"overall": 4.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "A2J1C1ZT5T2KUA", "asin": "B000BP7M8W", "style": {"Size:": " 20 feet", "Style:": " Heavy-Duty"}, "reviewerName": "Paul mercer", "reviewText": "good length, made well", "summary": "good length, good product", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A10EQESQF2Q8S1", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Jeffrey J Behrens", "reviewText": "AA++ Nice", "summary": "Five Stars", "unixReviewTime": 1468972800} +{"overall": 4.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A21QJO01ZWUEBS", "asin": "B000C5WD08", "reviewerName": "TL", "reviewText": "... denso are exceptional products. .. just not the correct sensor for my vehicle.", "summary": "... denso are exceptional products.. ...", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A24KJV993ZVTE7", "asin": "B000DLBIGG", "reviewerName": "T. Halchuk", "reviewText": "excellent quality", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "ADOWRHG152JHT", "asin": "B000AL6WLA", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Gary Washer", "reviewText": "This is what you need to patch up electrical repairs on automobiles or any low voltage application. Waterproof and easy to apply.", "summary": "Good for electrical repairs", "unixReviewTime": 1356307200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81Z10HYE5fL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A2G420BWDYZ771", "asin": "B00063X7KG", "style": {"Style:": " Clay Kit"}, "reviewerName": "Derek A. Jacobs", "reviewText": "Purchased this clay as opposed to brand M just to see what it was all about. In my opinion it's a better clay.\nImpressive how much it was able to pull out of the paint which was left glass smooth and ready for some wax.", "summary": "My preferred clay from now on.", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2011", "reviewerID": "A3429NMPU7D0YP", "asin": "B0002SR4Q8", "reviewerName": "Kindle Customer", "reviewText": "If you are going to have oil change at home than you must have this good US made oil filter tool.", "summary": "Worth the money", "unixReviewTime": 1303171200} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A1TLQ8ET2295HM", "asin": "B0002JMRXC", "reviewerName": "Amazon Customer", "reviewText": "worked as expected", "summary": "Four Stars", "unixReviewTime": 1485734400} +{"overall": 1.0, "verified": false, "reviewTime": "03 6, 2015", "reviewerID": "A3U1TJXCMOYO8I", "asin": "B000BG1X54", "reviewerName": "Mike Addington", "reviewText": "Already own two other hoses of the same type bought from cabela and they work great. This one simply does not work. It is usless. Sorry", "summary": "... the same type bought from cabela and they work great. This one simply does not work", "unixReviewTime": 1425600000} +{"overall": 2.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A1FW974URFMAKD", "asin": "B000CPAVIE", "reviewerName": "Peache", "reviewText": "IT CHANGED THE COLOR AFTER I APPLIED TO THE CALIPER", "summary": "Two Stars", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "AOXDJLVX63JAX", "asin": "B000CMF29K", "reviewerName": "Ron Green", "reviewText": "Added that touch that I was looking for!", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2012", "reviewerID": "ABX9ZBMGSD31O", "asin": "B000CQOIPU", "style": {"Style:": " 5.25 in Drop"}, "reviewerName": "flifisher", "reviewText": "Product shipped quickly. It is as described and will work fine for my vehicle. Do not order the Reese Power ball 72802 as the hitch mount is 3/4\" and the draw bar is 1\" mount. You'll need a bushing or return it for a larger mount.", "summary": "Reese Towpower 21794 Class III Interlock Ball Mount", "unixReviewTime": 1354492800} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A34GCWGOFN5WK2", "asin": "B000C9I8JO", "reviewerName": "WILL-T", "reviewText": "Perfect fixed the code problem in my truck just a real pain to get to and change", "summary": "Perfect fixed the code problem in my truck just a ...", "unixReviewTime": 1476489600} +{"overall": 4.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "AAY5PSN0K3I4H", "asin": "B00032KAK0", "style": {"Color:": " Chrome"}, "reviewerName": "fred", "reviewText": "VERY NICE LOOKING WORTH THE MONEY GOOD STUFF", "summary": "WORTH THE MONEY NICE", "unixReviewTime": 1427673600} +{"overall": 5.0, "verified": false, "reviewTime": "04 2, 2017", "reviewerID": "A850KG5PRS2WF", "asin": "B0006305RY", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "JL", "reviewText": "Saved my 2 stroke brush cutter when I forgot to use premix, a full tank. Use in 2 - stroke 75 HP boat, and works wells. Does not foul the plug", "summary": "Use it for with stabilizer in boat and cranks after months of storage - first time", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "ADCF1LO3YOS3I", "asin": "B0006IX7Y2", "style": {"Size:": " 15 Feet"}, "reviewerName": "SoCal Cal", "reviewText": "It flows my poop downward just as expected.", "summary": "Five Stars", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A1OBKZFHWRT0EV", "asin": "B0000AY3X0", "style": {"Color:": " Natural", "Style:": " Single"}, "reviewerName": "CCB", "reviewText": "Excellent Product", "summary": "Best Dryer", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2011", "reviewerID": "A3OIE7IE9LTPJG", "asin": "B00020CAUG", "style": {"Style:": " Sound Deadener"}, "reviewerName": "GatorMan", "reviewText": "I used this on my Burgman 650 scooter putting in speakers - major difference.\nThis stuff real makes the area around the speakers thick giving better depth of sound...also takes out the rattles.", "summary": "Great Product makes huge difference !!", "unixReviewTime": 1309305600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2016", "reviewerID": "ARCXML0PO0ZAR", "asin": "B000BGM7QS", "style": {"Size:": " Quantity 1"}, "reviewerName": "Amazon Customer", "reviewText": "no more stink", "summary": "Five Stars", "unixReviewTime": 1459555200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A2KOMU2D9P6JBJ", "asin": "B0002NIJQW", "reviewerName": "M. Tomich", "reviewText": "Nice mud flaps, would definately buy again.", "summary": "Five Stars", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A2R8UIEKRUM95T", "asin": "B000BQKBP2", "reviewerName": "MR J", "reviewText": "works well.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A3720U7KM70GJ4", "asin": "B000AMAE36", "style": {"Style:": " 9007"}, "reviewerName": "Roy Baker", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1482105600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "03 8, 2013", "reviewerID": "AUMEB49WZPMV4", "asin": "B000BYDA8E", "style": {"Number of Items:": " 1"}, "reviewerName": "Ducky", "reviewText": "i got three BKR6EIX and one BKR8EIX, totally screwed up my plans and i'm not a US resident so returning the 1 plug isn't feasible", "summary": "didnt get a complete set of the same plugs", "unixReviewTime": 1362700800} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A3COC003GBO4OA", "asin": "B000C5HRGS", "reviewerName": "Larry T. Parker", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A3A98VGH011YGW", "asin": "B0002KKTT0", "style": {"Size:": " 6 Milliliter"}, "reviewerName": "R. Empie", "reviewText": "Perfect for scope mounting. Mounted a scope on my M1 carbine and two days later put about 600 rounds through it. Nothing moved!", "summary": "Firearms friend", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A3DH8FGEW0GLAW", "asin": "B0001EXR1O", "reviewerName": "Amazon Customer", "reviewText": "Other reviews were correct when stating that better screws are needed. Get some stainless steel screws and everything will be 101% satisfied. The hoodflectector works and looks great!", "summary": "Other reviews were correct when stating that better screws are needed", "unixReviewTime": 1435276800} +{"overall": 1.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A18A1QFMTF77Y2", "asin": "B000C9RXWC", "reviewerName": "Leonard T.", "reviewText": "could not start bolts, wrong bend on brackets.", "summary": "One Star", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2014", "reviewerID": "AADF82DN1LRZK", "asin": "B000CIZZQO", "reviewerName": "Brando", "reviewText": "Good product for the price", "summary": "Five Stars", "unixReviewTime": 1416009600} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2013", "reviewerID": "A1EXO4YP10E8WO", "asin": "B0006N5RW2", "style": {"Size:": " Quantity 1"}, "reviewerName": "Stephen Koonce", "reviewText": "This is a replacement part for the last galley tank in my RV, the last on the rubber band broke and it was lost. Needed a replacement.\n\nFit was perfect.", "summary": "Replacement Part", "unixReviewTime": 1372636800} +{"overall": 4.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "AA51OZFO5GH2R", "asin": "B000CNJAMO", "reviewerName": "Amazon Customer", "reviewText": "Good quality. Average flexalite.", "summary": "Four Stars", "unixReviewTime": 1475712000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A5QI218JNHOJM", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK1930"}, "reviewerName": "Larry Williams", "reviewText": "The belt was a perfect fit and the part and price was well researched, it proved to be the best buy.", "summary": "Best part for the price paid", "unixReviewTime": 1354665600} +{"overall": 2.0, "verified": false, "reviewTime": "09 3, 2014", "reviewerID": "AY9YAUYGF2ANY", "asin": "B0002Q7ZJQ", "reviewerName": "autofarm", "reviewText": "didn't work", "summary": "would not order another", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A264DS17VJHO4Z", "asin": "B000CQFS0O", "style": {"Size:": " 1-Pack"}, "reviewerName": "TRey", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1442966400} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A3VPAMM2A2Z8J9", "asin": "B000BWCFSC", "reviewerName": "Rhonda M Allen", "reviewText": "use sealer with oring", "summary": "Four Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "A2DAVGE4J0LTDY", "asin": "B0002ILK2C", "reviewerName": "Waldo Sand", "reviewText": "OK, it is fully charged when needed.", "summary": "Five Stars", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A3FM7QP6D3CW3K", "asin": "B000COX0JM", "reviewerName": "Amazon Customer", "reviewText": "Best motor oil on the market.", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A3B3VXU9TVB40Q", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "Dennis Voss", "reviewText": "The only Car Wash shampoo i will use, it is by far the best for the money.", "summary": "Excellent product", "unixReviewTime": 1471132800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2Z25PFTD3V2EH", "asin": "B000AS3D42", "reviewerName": "xzert", "reviewText": "OEM Filter. Can't beat that. I perfer to use OEM filters on oil changes.", "summary": "Less expensive and higher quality than other filters.", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2017", "reviewerID": "A36QVFPUCMSB9Z", "asin": "B0006ZFRQG", "style": {"Size:": " 48\" (3 Ton Capacity)"}, "reviewerName": "wayne pruitt", "reviewText": "nice jack good price", "summary": "Five Stars", "unixReviewTime": 1491609600} +{"reviewerID": "A1CEOSEWFIRMNR", "asin": "B000CO7AV6", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "These work and do what they are supposed to do and for a good value. I would purchase these again if needed.", "overall": 5.0, "reviewTime": "06 28, 2013", "summary": "Works", "unixReviewTime": 1372377600} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A2MSG8D40VCZ9F", "asin": "B000AAMY86", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "bruce griffin", "reviewText": "This Item gives all the engine vitals as advertised. It monitors rpm,fuel mileage,and engine water temperature. I was impressed with all in one feature the scan gauge provides. I would and have recommended this item to several of my friends.", "summary": "Scan Gauge ll", "unixReviewTime": 1400371200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A2K4OCPFZ5OVVP", "asin": "B000BUU5YU", "style": {"Size:": " 30 Feet", "Style:": " 50 Amp"}, "reviewerName": "Joseph Michaud", "reviewText": "Great product !", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61puD5fe50L._SY88.jpg"], "overall": 1.0, "verified": true, "reviewTime": "05 9, 2017", "reviewerID": "AMSYNDKLT6EZ3", "asin": "B000C57Z0G", "reviewerName": "Christopher J.", "reviewText": "I purchased these for the color of the bushings advertised in the picture. They are NOT the same. These were for a show truck and now I have to find another set. Take better pictures of products", "summary": "Ugh.", "unixReviewTime": 1494288000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A2KOMBAYNRT92S", "asin": "B000C9SR90", "reviewerName": "Garrett K", "reviewText": "Replace them often on your GM truck to maximize the life of your pump.", "summary": "Great price on a quality filter.", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A3GJ26S9TN2DS", "asin": "B000182DPG", "style": {"Style:": " Air Filter"}, "reviewerName": "John Counts", "reviewText": "always a good thing k&n", "summary": "Five Stars", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2013", "reviewerID": "A1WJV6LHZUMFQN", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Roger", "reviewText": "Did a great job putting the transmission fluid back into the Ford and Mercury sealed 5R55W trans. Just screw the pump into the qt. bottle trans. fluid and pump..", "summary": "fluid pump", "unixReviewTime": 1383177600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A2Z1KOZWZVXO23", "asin": "B000E2ARDO", "reviewerName": "JonesyN", "reviewText": "GS500F filter works just as it should", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A2HZ1K2EFVUA1Z", "asin": "B000C7UO0M", "reviewerName": "Toly M", "reviewText": "Good and accurate", "summary": "Temp Sensor for 07 Ram 3500", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "ARIVKYVJ6CJDM", "asin": "B0009V1WR0", "reviewerName": "WILLIAM T. FIX", "reviewText": "You have to have one even if you put your bike in the garage at night, it will atleast slow them down. Worked great.", "summary": "A must have for bike owners", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2017", "reviewerID": "AYDB60G5V0W7", "asin": "B000AME5I6", "style": {"Style:": " H7"}, "reviewerName": "webinar", "reviewText": "It works for my 2006 BMW 325i.", "summary": "Five Stars", "unixReviewTime": 1499990400} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A6IKBPFSNYM3J", "asin": "B00099HVN6", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Ken Hamilton", "reviewText": "Have yet to dislike and Optima. This is a spare for the shelf as I have four more in some of the cars.", "summary": "Have yet to dislike and Optima", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A1OFFQCWCKNLPP", "asin": "B000BWAPR0", "reviewerName": "Brian S.", "reviewText": "Great product and service", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 2.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A25IKMYMIANW7L", "asin": "B0002ZHBA0", "reviewerName": "Bradley W.", "reviewText": "Poor quality! Metal is malformed and poorly engineered . Hammers are too lightweight for proper blow strength .", "summary": "Cheap price = cheaper product! One of my worst purchases to date!", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A17QDV85MPCFDS", "asin": "B00030BFO2", "reviewerName": "Kurt", "reviewText": "works great , good output settings , replaced a 30 year old charger that finally burnt out. over all good replacement", "summary": "works great, good output settings", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A25KGZFXPKMSUX", "asin": "B000C9QJLI", "reviewerName": "Kindle Customer", "reviewText": "got light now :)", "summary": "good price take 3 minutes to install", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "AYXZCXZO7YVX6", "asin": "B000BGJWA2", "style": {"Color:": " Polar White"}, "reviewerName": "Lavonne M.", "reviewText": "just that I want", "summary": "Five Stars", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2013", "reviewerID": "A69YX6U626V27", "asin": "B00004Z78V", "style": {"Model Number:": " RBC2"}, "reviewerName": "Richar LaCour", "reviewText": "Works fine. I always use APC replacement batteries and they have not let me down since. The price is decent too.", "summary": "Great battery and great price.", "unixReviewTime": 1375833600} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2017", "reviewerID": "A3SXI186ALWBKD", "asin": "B0002JM8PY", "style": {"Size:": " 1"}, "reviewerName": "re-veiw-er", "reviewText": "like this more than wood putty, little more time and work but end result is superior", "summary": "good", "unixReviewTime": 1514073600} +{"overall": 1.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "ADFIKJIUIOYP1", "asin": "B000E28CCC", "reviewerName": "ps", "reviewText": "Wrong filter , must be for a blast not a lightning.", "summary": "Wrong filter, must be for a blast not a ...", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A1J3U1ABB2UNM0", "asin": "B0002ZR5Q0", "reviewerName": "John", "reviewText": "OK", "summary": "Five Stars", "unixReviewTime": 1474329600} +{"overall": 4.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A39HA1Y0TB44CB", "asin": "B000BYD3A4", "reviewerName": "Gary Fink", "reviewText": "direct replacement", "summary": "Four Stars", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A21GSYCOM09HM5", "asin": "B000CINV88", "style": {"Size:": " Single Unit"}, "reviewerName": "Ellise", "reviewText": "No squeal!", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1KVNTZG6UKX5H", "asin": "B000COB5N0", "reviewerName": "Chris S", "reviewText": "This was a perfect replacement for my damaged stock cable. It was a cinch to install and I had it in place in no time. It's super strong and secure and I have always had great success with Dorman products.", "summary": "This was a perfect replacement for my damaged stock cable", "unixReviewTime": 1468022400} +{"overall": 1.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A2C7LO7YT9N6GR", "asin": "B00029WRMI", "reviewerName": "Skyler", "reviewText": "These mirrors are built horribly, the only thing they would be good for would be temporary fix on a car you don't really car about looks. I was going to use this just to be legal but they aren't worth the time.", "summary": "Crap", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A19NPV3GBL4QEY", "asin": "B000C544X2", "reviewerName": "Nathan", "reviewText": "Worked perfect and fixed my steering wobble", "summary": "Stop Ford steering wobble", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A1PGN060X3KG9V", "asin": "B0002SQYTG", "style": {"Size:": " Single"}, "reviewerName": "Justin Frazier", "reviewText": "great tire gauge", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "AGS250KXK077P", "asin": "B00068XCQU", "reviewerName": "Philip M. Dooley", "reviewText": "As alway, these are the best", "summary": "Five Stars", "unixReviewTime": 1408406400} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A1KYWNSF5TO4Z3", "asin": "B000CQOIVE", "reviewerName": "anb.osu", "reviewText": "Worked as expected, had to google specific product installation as instructions were basic.", "summary": "Worked well", "unixReviewTime": 1449792000} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A1R6FXBYVYF5XS", "asin": "B000C9SP4W", "reviewerName": "CS", "reviewText": "This cap fits and works just like the original cap and has not leaked at all. A lot cheaper than at GM.", "summary": "Radiator Cap", "unixReviewTime": 1402963200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A30GGR8KFBEGIG", "asin": "B0002XRUMG", "style": {"Size:": " 22"}, "reviewerName": "Jon Rudy", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A2A2STSMRHC225", "asin": "B000C847FY", "reviewerName": "S. Peterson", "reviewText": "Fit my 2005 Trailblazer perfectly and took care of the Check Engine Light!", "summary": "Five Stars", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": false, "reviewTime": "09 22, 2016", "reviewerID": "A2RQQ57F4I8F3L", "asin": "B000BQKBP2", "reviewerName": "drz", "reviewText": "Works good.", "summary": "Pleased", "unixReviewTime": 1474502400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A2YO11IB2JUJ4C", "asin": "B0002NIK3E", "reviewerName": "Linford Brown", "reviewText": "Very durable and fits great and most of all looks great on my camper and proud to display my pride in my country.", "summary": "Looks great on my fifth wheel spare.", "unixReviewTime": 1390953600} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A29APPTLKD4RV6", "asin": "B000CRDMS8", "reviewerName": "TimU", "reviewText": "These timing belts are not the made in the USA ones. These are made in China.\nThat said, I can't find any reason not to use them.\nAt half the price these work just fine.", "summary": "Half price GL1500 belts", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A4VEKNHHOZIMJ", "asin": "B000CBQ5QA", "style": {"Number of Items:": " 1"}, "reviewerName": "Kris", "reviewText": "Good affordable plugs!", "summary": "Good Plugs", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A1OMII62BNFJUR", "asin": "B000BUU5XQ", "style": {"Style:": " Regular"}, "reviewerName": "JL", "reviewText": "I have fully enjoyed the ability of this product line and its sister products to interactively interlock to aid in the setup of the RV and its safe operation. The interlocking modules are like large Lego blocks and are very strong and durable. I recommend them to all.", "summary": "This family of interconnecting products is great for Rving", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "AGVE9D4YQ38AS", "asin": "B000E3BVVA", "reviewerName": "Moh", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "A3I23XW4L5ITOG", "asin": "B000AA4RWM", "style": {"Style:": " Levels"}, "reviewerName": "Hemmi06", "reviewText": "I like to order from Amazon and while cruising around I saw these. I have always wanted to find something to help me level the TT. Now I have it!!", "summary": "These are everywhere....", "unixReviewTime": 1386892800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A38B5OG1P71B2G", "asin": "B000C9CC14", "reviewerName": "stepdad4life", "reviewText": "no regrets on ordering this for my truck, I have a 1997 CHEVY K1500 4x4, fit perfectly and works great.", "summary": "No regrets", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2012", "reviewerID": "A204RDEM9N5N88", "asin": "B0006JLW84", "reviewerName": "LT. John", "reviewText": "Good, thick plastic with the same hinge as the original cover. I only wish that it came with the small slider clip that the original one uses. Sometimes they bend or wear out. But, that is not the fault of the company. they give a good description and fair price!", "summary": "works like promised", "unixReviewTime": 1353542400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "AO7JFUL5EPL14", "asin": "B0002Q81W6", "reviewerName": "Reynaldo R. Fernandez", "reviewText": "I ordered this along with a hitch and the this item fit perfectly on the hitch but unfortunately the hitch that I received was a hitch for a Ford truck and I own a Jeep so I sent back the hitch. It was a good fit on the hitch though.", "summary": "Perfect fit for the correct HItch.", "unixReviewTime": 1391731200} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "AFDUXOKNSA0GF", "asin": "B000AMBNPY", "reviewerName": "JJ", "reviewText": "GREAT DEAL !!!", "summary": "GREAT DEAL !!!", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2017", "reviewerID": "A2Z6CDIHKT9V", "asin": "B0009STAYA", "style": {"Size:": " 1-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "AEF2MF4QJU53U", "asin": "B000AMMN9O", "reviewerName": "John G. Griffiths", "reviewText": "Finally a strong but lightweight set of ramps.\nGreat angle to get the Bimmer up off the ground.\nDoes n ot allow the car to bottom out.", "summary": "VERY STRONG", "unixReviewTime": 1365033600} +{"overall": 3.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2LT5NXYYZVL8D", "asin": "B00029XB8W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "JULUIS02", "reviewText": "This pinstripe does not hold up very well in the Florida sun.", "summary": "Four Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A2JIGSGM3BI37I", "asin": "B000CQDRN4", "style": {"Color:": " Low Tone"}, "reviewerName": "djnorthwoods", "reviewText": "This Horn required modification at location as it is larger than the one being replaced!! This Low Tone was as loud as the High Tone of horn set being replaced!!!", "summary": "This Horn required modification at location as it is larger ...", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "A2JL92CVVZCJ8Y", "asin": "B0009I1WF0", "style": {"Size:": " 32\" - 34.5\" Wheel Diameter", "Color:": " Grey"}, "reviewerName": "Gerald Nippert", "reviewText": "I put these on my dodge since I don't drive it much and just bought new tires. Very thick and fit snug on the tire. Tires are 235/80/17. Stayed on in hurricane wind!", "summary": "Perfect fit", "unixReviewTime": 1472428800} +{"overall": 4.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A2UU11FGU78GWO", "asin": "B000BKEBO0", "style": {"Size:": " 1.5 Ounce"}, "reviewerName": "Cinda Jauregui", "reviewText": "This seems like itt will work fine but I bought the wrong product. I thought it was to repair glass.", "summary": "This seems like itt will work fine but I bought the wrong ...", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A3HDUU9Y8BU9NQ", "asin": "B0007RDVH0", "style": {"Size:": " Foaming Wheel & Tire Cleaner, 24 oz."}, "reviewerName": "tokyojonny", "reviewText": "For the price, this is the best foaming wheel and tire cleaner. I have tried Black Magic et al., but this product's cleaning properties last the longest. Very highly recommended.", "summary": "Word to your Mother's.", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A1FTJHRDBGU68Z", "asin": "B0009YID8I", "reviewerName": "Bill in Arizona", "reviewText": "Fit my 2005 f150 5.4 perfectly. Great price", "summary": "Motorcraft quality. Worth the money for genuine parts", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A2LMXQOYN5BNV0", "asin": "B0002ORKSY", "style": {"Size:": " 1/4 Pint"}, "reviewerName": "Kasmir", "reviewText": "This product went on nicely over the silver colored Rust Bullet and left a shiny hard black finish which should repel moisture well. Use a breathing ventilator, however, as the fumes are strong.", "summary": "Paint over Rust Bullet", "unixReviewTime": 1374192000} +{"reviewerID": "A2VMZK1N6QJHZK", "asin": "B000BQUEWC", "reviewerName": "John Hoskins", "verified": true, "reviewText": "A VERY handy and convenient product. A great price for this product as well. I was VERY satisfied with quality, price and shipment!", "overall": 5.0, "reviewTime": "04 29, 2014", "summary": "Great product", "unixReviewTime": 1398729600} +{"reviewerID": "A2BAFSNNRSVYA8", "asin": "B000CAYTJ6", "reviewerName": "Thomas", "verified": true, "reviewText": "This does not fit a 2004 Oldsmobile Alero 3.4L engine.", "overall": 1.0, "reviewTime": "05 1, 2016", "summary": "One Star", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A1Q93GAYXCU7JB", "asin": "B0007TR47G", "style": {"Size:": " 32 oz."}, "reviewerName": "Pete", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A31W5KFS83G6UJ", "asin": "B000CMD9TK", "style": {"Size:": " 14-mm X 1.50"}, "reviewerName": "ALA1 FAYETTEVILLE, NC", "reviewText": "THE WORKED AS ADVERTISED, AND THEY LOOK MORE SECURE THAN THE OTHER LOOKS FROM OTHER PLACES, AND THEY ARE CHEAPER THAN ANY IN THE AUTO PARTS STORES; LIKE I SAID THEY LOOK BETTER, AND STRONGER THAN THE AUTO PARTS STORE ONE'S.", "summary": "LIKE I SAID THEY LOOK BETTER", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A1A6LRTSVJ562L", "asin": "B000BQSQOK", "reviewerName": "Jeremy", "reviewText": "What can I say, it sparks. Used this on an old MTD snowthrower with a Tecumseh engine. So far so good.", "summary": "So far so good.", "unixReviewTime": 1416355200} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A3RO1S7U21WADM", "asin": "B000E5U4O8", "reviewerName": "LycktySplyt", "reviewText": "Fot my VW CC perfectly. Engine appears to breath better and performs better with turbo", "summary": "Vw CC", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "ANBKLJY233CVS", "asin": "B000C9TAUA", "reviewerName": "Jay C.", "reviewText": "Great item, Cheaper than going to Walmart", "summary": "Five Stars", "unixReviewTime": 1433635200} +{"overall": 3.0, "verified": false, "reviewTime": "01 20, 2017", "reviewerID": "A3SFFZI3HDZDAM", "asin": "B0000DYVN9", "style": {"Color:": " Navy"}, "reviewerName": "alwayson", "reviewText": "In all fairness I haven't tired it yet I got of my motor home , he cab is cold in the winter months while driving", "summary": "In all fairness I haven't tired it yet I got ...", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "A6OI9AN7IOO0K", "asin": "B000C9N20O", "reviewerName": "meccanoble", "reviewText": "Great fitment, does the job so far.", "summary": "Five Stars", "unixReviewTime": 1498435200} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "06 23, 2013", "reviewerID": "AX0HDAECC6WMD", "asin": "B0002SQZRM", "reviewerName": "NYUM96", "reviewText": "Not a pro with the paint but know how to buff and wax. Never will just use \"wax\" again. On my black cars, swirl marks are gone and stay gone until its time to reseal. Technique also helps with black cars like \"straight line\" applications.", "summary": "Where has this been all my life?", "unixReviewTime": 1371945600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "ADN35B6IIZLV4", "asin": "B000C2WKYA", "reviewerName": "Big Al", "reviewText": "Works like a champ. Why pay $60 for an oem belt when you can pay 20 and they will both last 100k miles plus?", "summary": "Works like a champ", "unixReviewTime": 1418860800} +{"overall": 4.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A1CG96R0C0ALGI", "asin": "B0007LZK9I", "reviewerName": "susan", "reviewText": "arrived fast. seems to be good quality so far.", "summary": "seems to be good quality so far", "unixReviewTime": 1473638400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "A3TNXRZR8ESVU3", "asin": "B0002KKTT0", "style": {"Size:": " 6 Milliliter"}, "reviewerName": "J. H. Smith", "reviewText": "Use this Loctite 222 Purple for Telescopic Sight mounting on Rifles and pistols. The screws will never loosen from recoil but may easily be removed with a screw driver or allen wrench when necessary.", "summary": "Perfect for telescopic sight mounting", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A3S50DHSAUT0X4", "asin": "B000C9Y1BS", "reviewerName": "7SFCW4", "reviewText": "The humble oil filter, what can you say? This one fits the FJ 60 & 62 family of Land Cruisers and almost doubles the capacity of the stock oil filter. The price and shipping are fair. Get a few for spares.", "summary": "Land Cruiser Owners friend, highly recommended", "unixReviewTime": 1370649600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "A3OY7M1XYW0WET", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Scott k.", "reviewText": "Great product", "summary": "Absolute must", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "AOSPQBUJ1PM9Z", "asin": "B0009H51WQ", "style": {"Style:": " Extra Guard"}, "reviewerName": "Amazon Customer", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A1QUH8RWDV7VAC", "asin": "B000C2WCOI", "reviewerName": "PATTY L.", "reviewText": "correct fit", "summary": "Five Stars", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": false, "reviewTime": "10 30, 2016", "reviewerID": "AHWCYQ98M2KZ4", "asin": "B000C7YRNM", "reviewerName": "Benjamin Pywowarczuk", "reviewText": "Right after the water pump went the thermostat failed. Got this and some line. Both installed with ease and have been going strong.", "summary": "Right after the water pump went the thermostat failed. ...", "unixReviewTime": 1477785600} +{"reviewerID": "A3MRVL4P3ZB9T0", "asin": "B000CO7AV6", "reviewerName": "danny b.", "verified": true, "reviewText": "replaces stock bulbs", "overall": 3.0, "reviewTime": "04 20, 2017", "summary": "Three Stars", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "A126XR2XXZSMR3", "asin": "B0002U2V1Y", "style": {"Size:": " California Gold Clay Bar System, Single Unit"}, "reviewerName": "Philly Cheese Blunt", "reviewText": "cleans bird poop and tree sap easily. i tear the bar in two to make it last longer.", "summary": "Five Stars", "unixReviewTime": 1512950400} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A1IC47BS54X77Y", "asin": "B0002NYB78", "reviewerName": "peter", "reviewText": "Hey they work.", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"overall": 1.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A1SJYZLWABSZ9D", "asin": "B0009PI13E", "style": {"Color:": " Black"}, "reviewerName": "Jason", "reviewText": "So much work and was not able to install... Call me a women if u must. These where a b to try to put on. Still in my garage if anyone wants them...", "summary": "anyone?", "unixReviewTime": 1434585600} +{"overall": 4.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A3GXBZHMFOK8AT", "asin": "B0002STSC6", "reviewerName": "Wilfred P.", "reviewText": "good qualityu product i would buy it again", "summary": "Four Stars", "unixReviewTime": 1427155200} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A2BW3OELMCGM3H", "asin": "B0002YPD7O", "style": {"Size:": " 1-7/8-Inch, 2-Inch and Most 2-5/16-Inch Couplers"}, "reviewerName": "D. Peiffer", "reviewText": "Not sure about the fit.", "summary": "Four Stars", "unixReviewTime": 1436572800} +{"overall": 1.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A14DGBZFFY7OAO", "asin": "B00061SGTK", "reviewerName": "David Taylor", "reviewText": "Broke the first time I used it", "summary": "One time use", "unixReviewTime": 1490918400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "ADIMC3IK5IBJ1", "asin": "B0006SH4GE", "style": {"Size:": " Packages"}, "reviewerName": "michelle", "reviewText": "excellent apc", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "A353HUHJ0N65YD", "asin": "B00068GEJM", "style": {"Size:": " Mag & Aluminum Polish, 10 oz."}, "reviewerName": "Justin F", "reviewText": "Great for polishing feed ramps.", "summary": "Five Stars", "unixReviewTime": 1493683200} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A14T9S7RPR3XV6", "asin": "B0000DYVN9", "style": {"Color:": " Red Plaid"}, "reviewerName": "Bill P.", "reviewText": "Awesome blanket", "summary": "Four Stars", "unixReviewTime": 1489449600} +{"overall": 4.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "AFCAZIM440BI4", "asin": "B0009A2NYM", "style": {"Color:": " Plaid"}, "reviewerName": "troy groetken", "reviewText": "Wife loves it", "summary": "Yep works", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A3THWMV6NL2CF6", "asin": "B000C5O1VW", "reviewerName": "Clark Lancaster", "reviewText": "Works very well", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "AN20ABE0M245I", "asin": "B000B8LKZ0", "reviewerName": "Steven S", "reviewText": "Excellent Product. Fast Shipping. Exactly as described. Highly recommended Seller.", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A2H51GC8Z6QE4U", "asin": "B000C4KILU", "reviewerName": "N. Munson", "reviewText": "works well, gets rid of plastic collar", "summary": "Five Stars", "unixReviewTime": 1425772800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "AXT0WPQWMLT5H", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Richard Chapman", "reviewText": "This is essential for filling my Ford Explorer with transmission fluid well worth the cash !!", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 2.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "A267CQKJ1FCTHF", "asin": "B0009IK5RG", "style": {"Size:": " 20 Inches, (Pack of 1)"}, "reviewerName": "Sheila Erbach McGinn", "reviewText": "The performance on my 2004 Honda Element was disappointing. It leaves wide swaths un-wiped. This might be specific to my vehicle though.", "summary": "Disappointing performance", "unixReviewTime": 1485648000} +{"overall": 1.0, "verified": true, "reviewTime": "12 20, 2017", "reviewerID": "A2GF1XLGX8MWAF", "asin": "B0002F9YHS", "style": {"Size:": " 1-Liter"}, "reviewerName": "ferashindi", "reviewText": "Never will buy it again !!! useless & after few hours like I did not put anything on the seat !!", "summary": "useless & after few hours like I did not put ...", "unixReviewTime": 1513728000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2010", "reviewerID": "A2JGWEESU8UNRD", "asin": "B000BZI1EG", "reviewerName": "Edmond W. Martin", "reviewText": "The sensor helps your car's computer with fuel to air mixtures . THIS means that if your sensor is bad then your auto is not running to maximum efficiency.\n\nThis new sensor clears my check engine light and gives me peace of mind", "summary": "BOSCH o2 SENSOR", "unixReviewTime": 1293408000} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2014", "reviewerID": "A21Z59UA9FAMP7", "asin": "B00009V3ZE", "style": {"Size:": " 10.5 Ounces"}, "reviewerName": "Gordon J. Maxham", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1410048000} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "AFKIUSC5QOWGI", "asin": "B0002STS2Q", "reviewerName": "chris p.", "reviewText": "goes with spare maintenance parts for house generator", "summary": "Four Stars", "unixReviewTime": 1483833600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A1SBAIJ8X4JORC", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "Max", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "AL39H0JPKN8O4", "asin": "B00000J421", "reviewerName": "T. Hollis", "reviewText": "great price", "summary": "Five Stars", "unixReviewTime": 1449964800} +{"reviewerID": "A2WLDQQGQQRU5P", "asin": "B000E2CVW4", "reviewerName": "shaun", "verified": true, "reviewText": "Easy install.", "overall": 5.0, "reviewTime": "05 26, 2015", "summary": "Fits well!", "unixReviewTime": 1432598400} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A6IKBPFSNYM3J", "asin": "B000BO9DN0", "reviewerName": "Ken Hamilton", "reviewText": "As agreed", "summary": "Four Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A21SXJ6V5SYSAH", "asin": "B0006IX7YC", "style": {"Style:": " Flexible"}, "reviewerName": "ERIC B PATTERSON", "reviewText": "as listed", "summary": "Five Stars", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": false, "reviewTime": "11 9, 2016", "reviewerID": "A44T8IA6GOZNO", "asin": "B000COY3Z2", "style": {"Number of Items:": " 1"}, "reviewerName": "Ryan A.", "reviewText": "Installed these in my 5.3L 2006 Tahoe about a year ago and they work great! No issues, excellent product.", "summary": "Great in a 2006 Tahoe", "unixReviewTime": 1478649600} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "AIVQAK002ZB9M", "asin": "B000B5SA2Y", "reviewerName": "Kindle Customer", "reviewText": "Very easy install. Maybe 15 minutes total.", "summary": "RV Toilet replacement", "unixReviewTime": 1422489600} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A1MEEVXUQUDW09", "asin": "B000C847YU", "reviewerName": "Tony", "reviewText": "Nice adhesive back makes installation easier. Fit wasn't perfect but I'm not sure if that's the fault of the gasket maker or the manufacturer of the thermostat housing. Nothing major, just a small alignment annoyance. I'm not concerned that performance will be affected.", "summary": "Nice adhesive back makes installation easier", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A368ZS8WQ99LV4", "asin": "B0002SQU9K", "reviewerName": "William", "reviewText": "Product works good I've used it two different times already and helps speed up my brake changes, I used to use a c clip and the old pad", "summary": "Product works good I've used it two different times already and helps ...", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "ACJCVEI3ZRKLS", "asin": "B0002MA8UI", "reviewerName": "Scott Martin", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1444953600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A2U6DUBEKSLSPD", "asin": "B000AM8BLI", "style": {"Style Name:": " 3157NA/4157NA"}, "reviewerName": "DirtRoad", "reviewText": "Item as described.", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 3.0, "verified": true, "reviewTime": "05 8, 2009", "reviewerID": "AVAGXD4BYRIJZ", "asin": "B000630D3A", "reviewerName": "Citypol86", "reviewText": "This is KC's replacement for their 385K candlepower sealed beam. This reflector, combined with their 2766, H-3 bulb, is a fair replacement for the sealed beam they no longer make. I'm not unhappy with it but it's surely not a true replacement for the older bulb.", "summary": "Brightest KC makes but...", "unixReviewTime": 1241740800} +{"overall": 4.0, "verified": true, "reviewTime": "11 8, 2016", "reviewerID": "A495H5F3NZ3W7", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "buttersh", "reviewText": "A little slow but gets the job done. It doesn't pump as much per stroke as others I've used but it works fine.", "summary": "A little slow but gets the job done", "unixReviewTime": 1478563200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A370NDS4EXAWG8", "asin": "B000B68V8G", "style": {"Color:": " Pontiac Blue Metallic"}, "reviewerName": "Patrick Thompson", "reviewText": "I love this color for calipers even though its engine paint. I suggest using a gray self etching primer first as this paint tends to run while drying if you dont. Its very unique paint, and I love it!!!", "summary": "I love this color for calipers even though its engine paint", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "A1HVJX7O12IIGP", "asin": "B0001CMUV4", "reviewerName": "ROBOCUP TheRoboCup-com Caddy Clamp On Cup & Rod Holder", "reviewText": "FINALLY. Yes, it works well.", "summary": "FINALLY. Yes, it works well.", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A3E9QFZ94NFLKX", "asin": "B0002UHVI2", "reviewerName": "Rob from Akron", "reviewText": "Just what I needed to replace my frayed older safety cables.", "summary": "Work great!", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "AJ43OIZLXWY15", "asin": "B000AME5J0", "style": {"Style:": " 9145"}, "reviewerName": "DFPalmer", "reviewText": "Great, nearly HID white. The reach is fantastic compared to stock lighting.", "summary": "Great Automotive Lighting Product", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A3FOPVVWW67KTK", "asin": "B00063X7KG", "style": {"Style:": " 3 Towels"}, "reviewerName": "Melissa ", "reviewText": "I have purchased many microfiber towels for them to just turn out to be crap. These are amazing and worth the money. I will definitely buy these again. I used them to clean my motorcycle. And they were amazing and didn't leave fibers behind even on the plexiglass windshield.", "summary": "Nice soft microfiber towels.", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A31VAUM2THZQYD", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "mls52", "reviewText": "Seems to work", "summary": "Dielectric grease", "unixReviewTime": 1436400000} +{"reviewerID": "A2K5WY6B9J0BL6", "asin": "B000A09MCW", "reviewerName": "Chiquito", "verified": true, "reviewText": "I just installed it today and fits perfectly for my Honda Accord 2007 SE.\nIt's cheaper on Amazon than in a store for the same brand.", "overall": 5.0, "reviewTime": "11 22, 2013", "summary": "Good for Honda Accord 2007 SE", "unixReviewTime": 1385078400} +{"reviewerID": "AKBFDAJEQ50CH", "asin": "B000CAYTJ6", "reviewerName": "Adler R.", "verified": true, "reviewText": "EXCELENT", "overall": 5.0, "reviewTime": "05 19, 2015", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A3SF6DP9RWOWQM", "asin": "B000C80AH8", "reviewerName": "Dennis Satterfield", "reviewText": "works fine", "summary": "Five Stars", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AZS209OMRCU4I", "asin": "B0002SRDRS", "reviewerName": "Amazon loyal buyer", "reviewText": "Very solid, pull windshield wiper blade easily, Don't buy other kind. this is the best, as i did try out others.", "summary": "The only one you need", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "AULBQ331NWHPJ", "asin": "B0002KKIR8", "style": {"Style:": " Fabric Top Kit"}, "reviewerName": "Jim S", "reviewText": "worked great...I could tell a gig difference on my 2008 Pontiac Solstice ragtop", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A3RRDWLUQB939H", "asin": "B0009IK7XI", "reviewerName": "Tazio57", "reviewText": "Fit my 1983 944 perfectly. Requires a butt type crimp connector for the wire connection. Installation is easy if you have the connector and proper crimping tool. Both are readily available at auto parts or hardware stores.", "summary": "Installation is easy if you have the connector and proper crimping tool", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A3I4QS0F350D17", "asin": "B00029WYEY", "style": {"Style:": " Squeeze Kit"}, "reviewerName": "Toyboy", "reviewText": "This Cleaner & Red Oil are needed for the K&N Filters. Works extremely well. The purchase will do two applications covering three years for me.", "summary": "Medicine For The K&N", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2017", "reviewerID": "A3GG4CORPIP02S", "asin": "B000BUU5Y0", "style": {"Style:": " Small Wheel Stop"}, "reviewerName": "Brad M.", "reviewText": "These made a huge difference in the shaking/bouncing of our 32 ft, 8800 lb travel trailer when one of us is walking around. I wish I'd gotten them sooner.", "summary": "big reduction in shaking/bouncing", "unixReviewTime": 1502236800} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2014", "reviewerID": "A3PSGM7T1GK049", "asin": "B000C8T86M", "reviewerName": "regular customer", "reviewText": "gave it to mechanic, he put it in, no problems so far. It seems like it's better quality than the ones sold at the big box stores.", "summary": "went in a 2000 grand am gt", "unixReviewTime": 1391558400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A1LK3S13PR4X2D", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "Eileen J. Glick", "reviewText": "I really like this tire pressure gauge, especially since the read-out is big and bright enough to see in full daylight...which can be a problem with other brands of gauges.", "summary": "I really like this tire pressure gauge", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1V96CB0BZLZMQ", "asin": "B0006IX7YC", "style": {"Style:": " Straight"}, "reviewerName": "Purchaser", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2014", "reviewerID": "A1FHQ7P6CM4709", "asin": "B000C5I49C", "reviewerName": "R. Latham", "reviewText": "Stock units leaked as they got hard with age. These are soft and seal very well. Replace your stock grommets and stop your leaks.", "summary": "Better than stock", "unixReviewTime": 1390262400} +{"reviewerID": "A1ONVQOPTFKC6G", "asin": "B000E2CVW4", "reviewerName": "petey", "verified": true, "reviewText": "this worked great in my 2013 Cbr 250R. seems like a quality product and was a perfect replacement for the stock filter.", "overall": 5.0, "reviewTime": "05 19, 2014", "summary": "worked great in my Cbr 250R", "unixReviewTime": 1400457600} +{"overall": 3.0, "vote": "12", "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A1QBAF5OMU3DDW", "asin": "B000E3VHVO", "reviewerName": "Big_diq_Franco", "reviewText": "i put this on my MK7 GTI after the cat. replaced the stock resonator and deleted the suitcase muffler. it keeps rasp down to almost non-existent. but it also kills the sound of the muffler delete. louder under full throttle, but near stock at idle and low RPMs.", "summary": "i put this on my MK7 GTI after the cat ...", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": false, "reviewTime": "09 15, 2014", "reviewerID": "A21UMBMLXZWF58", "asin": "B0007VU48K", "reviewerName": "CTHnd", "reviewText": "lotta kick for its size", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A1MRJGT93MP36W", "asin": "B000CPCRS6", "reviewerName": "M. Steimel", "reviewText": "Second time I've used this product to smoke out my tail lights. This product always delivers! I have done three-coats on multiple cars and provides a nice dark well-round but transparent look. I was able to use one can on a 2011 Ford Fusion + 2011 Jeep Grand Cherokee.", "summary": "Smoked Tail Lights", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A2BW3OELMCGM3H", "asin": "B000C9WLA6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "D. Peiffer", "reviewText": "Worked well for my New Holland tractor.", "summary": "Five Stars", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2017", "reviewerID": "A359I2U0DU5KSL", "asin": "B000E2CVT2", "reviewerName": "idahomike", "reviewText": "Excellent OEM replacement.", "summary": "Five Stars", "unixReviewTime": 1493424000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A1JBCVZCVEIQZN", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "Allen", "reviewText": "Excellent.", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"overall": 1.0, "verified": false, "reviewTime": "11 2, 2010", "reviewerID": "A2FC5I4CQ2KCP5", "asin": "B000C9XYXY", "reviewerName": "Charles V. Stancampiano", "reviewText": "This may work for the carb version of the 2002, but is not meant for the tii. The fuel pressure is much higher and you really need the one with a metal can.", "summary": "Not the right one!", "unixReviewTime": 1288656000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A7U5QB5EA8447", "asin": "B0009H529S", "style": {"Style:": " Extra Guard"}, "reviewerName": "grzlywolf", "reviewText": "As advertised.", "summary": "Five Stars", "unixReviewTime": 1457308800} +{"overall": 4.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A3DX99F1RFPB9P", "asin": "B000AM8BLI", "style": {"Style Name:": " 3157"}, "reviewerName": "Tom Croissant", "reviewText": "As expected. They are light bulbs.", "summary": "As expected. They are light bulbs.", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A3VEHQNKQA2ZI7", "asin": "B000BKEBO0", "style": {"Size:": " 1.5 Ounce"}, "reviewerName": "ROBERT W.", "reviewText": "- stopped water from coming into the top of my windshield and filling my interior lights\n- clear and flows very nice, easy and smooth\n- even used it around a sink and it's way easier to deal with than caulk\n- lasting longer than caulk\n- crystal clear when dried", "summary": "Works perfect", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A368V70PY68GGM", "asin": "B0009IQXAE", "style": {"Style:": " Mist & Wipe"}, "reviewerName": "1960 Chevy Pickup", "reviewText": "Amazing product the cleans and polishes in one application. Also works exceptional as a lubricant for claying paint. I highly recommend this cleaner.", "summary": "Cleans and polishes", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A3DHKMRL41KLZN", "asin": "B000ALJ4NS", "style": {"Size:": " Pack of 1", "Style:": " 0.84 oz."}, "reviewerName": "Sheila", "reviewText": "Perfection to have.", "summary": "You can never have too much!", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": false, "reviewTime": "07 3, 2016", "reviewerID": "A1IGPC11RLWRZ3", "asin": "B0002Q81W6", "reviewerName": "brian j", "reviewText": "Good product", "summary": "like it", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A2VXDB91NURB74", "asin": "B0009IK61G", "reviewerName": "Mark Lorenzo", "reviewText": "B", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2017", "reviewerID": "A1JUET8O5D2ZCV", "asin": "B0007M30BC", "reviewerName": "T. Mos", "reviewText": "Appears to be very high quality.", "summary": "Five Stars", "unixReviewTime": 1509235200} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2011", "reviewerID": "A292GFO16TVDD0", "asin": "B00032KC2G", "reviewerName": "William A. Szabo", "reviewText": "These fasteners are just the thing for attaching a license plate to a motorcycle. All in all a good buy and saved a trip to the hardware store. Happy riding.", "summary": "Nice to have", "unixReviewTime": 1303430400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "AFHWCCO5NHEEQ", "asin": "B0000AY2BR", "reviewerName": "Evan J", "reviewText": "This is my second reflector, these are great for added braking lights. Best price out there also.", "summary": "Looks great installed.", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A2FYZ96WVF4O7W", "asin": "B000C7XW24", "reviewerName": "vindicator", "reviewText": "fit right in, works great no issues.", "summary": "works great no issues", "unixReviewTime": 1440892800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 3, 2013", "reviewerID": "AWD8D8V16FMEL", "asin": "B000CO96EK", "reviewerName": "BenC in AZ", "reviewText": "Like the title says, nice little inexpensive drain plug kit. Added to the transmission pan of my F150 when I changed the fluid/filter, so next time I can just pull the plug to drain the fluid out without having to do the tilted pan drain method.", "summary": "Nice inexpensive little drain plug kit", "unixReviewTime": 1378166400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A1IYYBU5UP1S2I", "asin": "B000BPWTM6", "style": {"Color:": " Blue"}, "reviewerName": "John Rhodes", "reviewText": "Great fit", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "AA4G8ZTPZ22RT", "asin": "B000182EXW", "reviewerName": "james aker", "reviewText": "great buy and great product", "summary": "great buy and great product", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A8FBQVPMZWYU0", "asin": "B000CM0WW2", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "Dennis", "reviewText": "This fit my '98 Windstar, and installation could not be easier. Two adhesive pads are included with the mirror (the factory mirror used one pad, which failed, allowing the mirror to fall), and securely held this mirror to the powered frame. The great price was a bonus.", "summary": "Perfect fit and easy installation.", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "AN5WXL7XZEKR0", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "Mazen Mohamed Zowien", "reviewText": "Nice tool", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "ATB84ADVAYR1J", "asin": "B000CQBG1O", "reviewerName": "D. Henning", "reviewText": "Fit perfectly", "summary": "Five Stars", "unixReviewTime": 1501372800} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A19RV4TFQBP2NA", "asin": "B0006MRRWG", "style": {"Size:": " Quantity 1"}, "reviewerName": "Gary G", "reviewText": "Worked great", "summary": "Five Stars", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "AH9GYI3IU6C99", "asin": "B0007LDXLA", "reviewerName": "private", "reviewText": "Works awesome. I have a pickup and this allows me to reach the entire truck easily. It's stronger than it looks doesn't scratch and can clear large amounts of snow quickly and easily. Never will use an old school brush again!", "summary": "Awesome", "unixReviewTime": 1444953600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "10 31, 2011", "reviewerID": "A2RSA8VNC8IJY5", "asin": "B0002STSQM", "style": {"Size:": " Single"}, "reviewerName": "Loudy", "reviewText": "This tool was recommended with the tire pressure gauge. It's not a scientific tool, but that's not what I needed. It'll serve the purpose and does a good job. Just a bit cheap in construction.", "summary": "Another helpful tool", "unixReviewTime": 1320019200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A3KKMR2NISUND4", "asin": "B000CSIS54", "reviewerName": "AmznCust", "reviewText": "Genuine NGK plugs, no need to go to the local auto parts and place an order then come back in a week to get them or settle for junky Champion plugs.", "summary": "Genuine NGK plugs, no need to go to the ...", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A3V8IYCXIM30BB", "asin": "B0009H52AW", "style": {"Style:": " Extra Guard"}, "reviewerName": "billy97477", "reviewText": "Great as always.", "summary": "Five Stars", "unixReviewTime": 1445126400} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A12I4SHYPY8HLS", "asin": "B000BQOXM4", "style": {"Size:": " Gallon", "Style:": " Orange"}, "reviewerName": "Precise Appraisal Management", "reviewText": "I'm a repeat user", "summary": "Works as advertised", "unixReviewTime": 1477699200} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "AV955AXZY5O58", "asin": "B00029CYRG", "reviewerName": "Amazon Customer", "reviewText": "no problems", "summary": "Four Stars", "unixReviewTime": 1420761600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "A54S9CIUV5VNB", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Dstroz", "reviewText": "I tried to charge my 12V 18AH SLA with this charger and noticed it starting to crackle which is a BAD sign according to my research.\nI am not happy with this charger at all...", "summary": "didn't work...", "unixReviewTime": 1402444800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "AKHTDDJ96BET7", "asin": "B000E28N7G", "reviewerName": "Kayak", "reviewText": "a lot better than the factory filter. more surface area. and for $5 from amazon it cant be beat.", "summary": "great filter better than factory issue.", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A2GNA5FIOZFJD5", "asin": "B0009JN2GG", "reviewerName": "Amazon Customer", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A20XSZSCEJLFZI", "asin": "B000CJ90XW", "reviewerName": "The Thompsons", "reviewText": "Good quality filter for the money, Denso makes allot of good products and this is no exception. I'm honestly a WIX filter guy but this was a good price so gave it a shot; I'd purchase it again.", "summary": "Very good filter for the money; much better construction than the Fram that came out of our Pilot.", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2U7PFF129V8G7", "asin": "B0002Q7BZE", "reviewerName": "Dennis49", "reviewText": "Very easy install i have never had it this easy to wire a car for trailer lights. I highly recommend this product.", "summary": "Great product easy installation", "unixReviewTime": 1437350400} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A1X881C0IF6UHF", "asin": "B000C2UHMW", "reviewerName": "ALEX", "reviewText": "GOOD", "summary": "Four Stars", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "APZYWW5PCWFWB", "asin": "B0002M9PCA", "reviewerName": "Stephen Davis", "reviewText": "Love the growl", "summary": "Five Stars", "unixReviewTime": 1469923200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "AFVRTUSWFPURU", "asin": "B000C2S6IO", "reviewerName": "David K.", "reviewText": "2004 Silverado 1500 ext. cab 4.8 L - perfect fit. Comes with thermostat installed.", "summary": "8 L - perfect fit. Comes with thermostat installed", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A3QANHNMEWW5MG", "asin": "B0009IQXM2", "style": {"Style:": " Cleaner"}, "reviewerName": "Emanuelle", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A2G5AOPSPPXOCB", "asin": "B0007WXJDQ", "style": {"Size:": " 10 Gallon"}, "reviewerName": "Jerry Dove", "reviewText": "Great replacement water heater. My old gave up the ghost & this was an almost perfect fit, with just a little re-plumbing.", "summary": "Good Water Heater", "unixReviewTime": 1412812800} +{"overall": 1.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "A2E608MIHAFUCZ", "asin": "B000C55MVU", "reviewerName": "Kristina Hill", "reviewText": "I input my vehicle info Amazon said it would fit but it did not. My vehicle 06 Silverado 4x4 is equipped with \"selective ride control\" and these are not compatible", "summary": "Didn't work for my Silverado 4x4 LT3 with selective ride control", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A19LFOC6PIWIVI", "asin": "B000A8OW9M", "reviewerName": "Terry", "reviewText": "Good replacement plug.", "summary": "Works great.", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A3B3DZ92IBM8WS", "asin": "B000CQFVN8", "reviewerName": "Amazon Customer", "reviewText": "Good way to isolate your winch. First unit I received was defective. Replacement works good. Now no one can short the winch or cause other problems.", "summary": "Isolate the winch.", "unixReviewTime": 1461369600} +{"overall": 4.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A3MANNCM9JKO2U", "asin": "B000BYM4VS", "reviewerName": "Craig L.", "reviewText": "Not quite 0 when pushed all the way in, but you can mentally adjust easily. Simple and it works. I'm happy with it.", "summary": "Good, not perfect", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A2JGTVKZUNX7MU", "asin": "B000BYGD4W", "reviewerName": "Manny", "reviewText": "Works on my 00 ZR2...", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A22XHD1MLOEC69", "asin": "B0009YID8I", "reviewerName": "KevinKari", "reviewText": "Love Motocraft Filters... at this price, why not always use OEM?", "summary": "Perfect fit because OEM", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "ASNHGGPBJDBEI", "asin": "B000BWALCO", "reviewerName": "Jon Martin", "reviewText": "Quick shipping. Really tightens up the shifter and lasts longer than the plastic bushings.", "summary": "Five Stars", "unixReviewTime": 1466294400} +{"reviewerID": "A3O35NUHVXKKE3", "asin": "B000C31J9G", "reviewerName": "David Delgado", "verified": true, "reviewText": "works great.", "overall": 4.0, "reviewTime": "05 27, 2017", "summary": "Four Stars", "unixReviewTime": 1495843200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2017", "reviewerID": "A3REKS2IABOW6F", "asin": "B000630ICQ", "reviewerName": "JHeezy241", "reviewText": "It's engine degreaser, you know what you're buying here", "summary": "Good price", "unixReviewTime": 1489104000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A2IOOM4GQAOPBW", "asin": "B0007RDVD4", "style": {"Size:": " Large"}, "reviewerName": "Tom", "reviewText": "this was perfect for cleaning my rims on my truck\nI was so impressed I used it on my bike (HD)\nwhen this one wears out I have plans to purchase another\nshipper was great on getting it here on time", "summary": "perfect tool for cleaning rims", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2017", "reviewerID": "A2SBHFV9ZGEHAR", "asin": "B000C5DL3Q", "reviewerName": "bkcr8on", "reviewText": "This item arrived on time and worked exactly as advertised.", "summary": "This item arrived on time and worked exactly as advertised.", "unixReviewTime": 1496361600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A3LQJ70BFKC74Q", "asin": "B000ALG0KS", "reviewerName": "David B. Gifford", "reviewText": "Worked for my Cherokee! No issues, easy installation. Everything is there to install them. We put them on in 10 minutes and it hold up the hatch as it should.", "summary": "Worked for me!", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A3RKEZXSEGLE3W", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 3.35 oz."}, "reviewerName": "peter", "reviewText": "At first I didn't realize this was the new \"ultra\". Worked great.", "summary": "Worked great.", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": false, "reviewTime": "04 12, 2016", "reviewerID": "A3OFZVU80TZQA2", "asin": "B0009OR94M", "reviewerName": "Vegas052", "reviewText": "this product works great very accurate reading and easy to use great quality.", "summary": "Pretty accurate and great quality", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2018", "reviewerID": "A1T28U1BU5AC0O", "asin": "B000B68V6I", "style": {"Size:": " 4 Fl. oz."}, "reviewerName": "Ocfive", "reviewText": "Easy to use\n\nHighly recommend for automobiles gas not used all the time", "summary": "Sta-Bil 4oz", "unixReviewTime": 1524182400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A2ERJGTQZHXSDQ", "asin": "B000A0S0ZC", "reviewerName": "Jeff Silva", "reviewText": "Fast Shipper, Item as stated, Good Communications, I would purchase again!!!", "summary": "Good Communications, I would purchase again", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2017", "reviewerID": "A2MRNA3RUQKGLA", "asin": "B0006IX7YC", "style": {"Style:": " Flexible"}, "reviewerName": "Chris Abbott", "reviewText": "Used this one time and helped a great deal. But in the end, the installed sensors in all RVs are a PITA.", "summary": "Used this one time and helped a great deal.", "unixReviewTime": 1508457600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A193G3N6SFJQD3", "asin": "B000BO8YVM", "reviewerName": "Francisco pea", "reviewText": "A+...", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A1UWJ2G7XORBVN", "asin": "B000BZL0LC", "reviewerName": "Edwin Rivera", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2013", "reviewerID": "A21FEBWTVXCJ96", "asin": "B000C7QIJI", "reviewerName": "Cousin Sven", "reviewText": "Put this in my 2.9L 89' ranger and it went in real easy with a perfect fit. I was surprised at how cheap the price was but it has been in a few months and I see no problems.", "summary": "Perfect fit", "unixReviewTime": 1370563200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2011", "reviewerID": "A2N44JXLCGCKVR", "asin": "B00029WYEY", "style": {"Style:": " Squeeze Kit"}, "reviewerName": "B. Hamlin", "reviewText": "Everything came in in great time and was packaged very well. The price on it was great also. Just as listed.", "summary": "Cleaner", "unixReviewTime": 1322438400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A31U7AZF7OIII5", "asin": "B000C5I2YO", "reviewerName": "L Hatfield", "reviewText": "Worked great on my F-150", "summary": "Works great!", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A1E3EDAYSI8RLG", "asin": "B0002JMUWK", "reviewerName": "C. Simon", "reviewText": "ford filter it is used on E450 super Duty RV", "summary": "Five Stars", "unixReviewTime": 1501459200} +{"overall": 1.0, "verified": true, "reviewTime": "11 20, 2017", "reviewerID": "A1Z9X3WFR5ZWPL", "asin": "B000CMD9TK", "style": {"Size:": " 14-mm X 1.50"}, "reviewerName": "VangVang", "reviewText": "Just like all the other one star reviews gorilla normally makes pretty good products but these just suck. They didn't fit properly, the top piece cover broke off and had one started to break lucky I cought it in time to take if off.", "summary": "Dont buy these from gorilla", "unixReviewTime": 1511136000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A2H3VX11NFXQO1", "asin": "B00032KC30", "reviewerName": "James E Armour", "reviewText": "work fine", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 1.0, "verified": true, "reviewTime": "01 26, 2014", "reviewerID": "A2K8H682ACJC2W", "asin": "B00062YBPM", "reviewerName": "BuzGuy", "reviewText": "does not fit stock on older GM cars. I tried it on my 63 409 Chevy as well as my 60 Buick 401 and there is a leak between the manifold and the carbs. This leak reduced the manifold vacuum enough to stall the engine. In both cases I was using this with Carter AFB carbs.", "summary": "Vacuum Leak", "unixReviewTime": 1390694400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A1FOWHW3NLKIEM", "asin": "B0002BF0DE", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Brian", "reviewText": "Works as described. I was able to install a new head unit in my 01 dodge ram 2500 without any issues", "summary": "Easy change", "unixReviewTime": 1394409600} +{"overall": 4.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A1N6N6LAKA2KPP", "asin": "B000C9J3EI", "reviewerName": "Conklinj22", "reviewText": "Quality", "summary": "Four Stars", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A2DY4Z5YREEVA8", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Yamaha Blue", "reviewText": "Great stuff, use this in one of my motorcycles for the past 10 years.", "summary": "Five Stars", "unixReviewTime": 1443225600} +{"overall": 2.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "AUZ22IORVJW9O", "asin": "B0002Q81WG", "style": {"Size:": " Quantity 1"}, "reviewerName": "peter keck", "reviewText": "Did not work for my needs", "summary": "Didn't work", "unixReviewTime": 1459641600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2016", "reviewerID": "ANYCCBUFICHAU", "asin": "B0009SS6GS", "reviewerName": "Amazon Customer", "reviewText": "Real easy to install. Works great. Now I know my Scout has low gears.", "summary": "Five Stars", "unixReviewTime": 1474761600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2017", "reviewerID": "A27D1Q6U81HPC8", "asin": "B0002NYDYO", "reviewerName": "Momentum", "reviewText": "Worked great", "summary": "Five Stars", "unixReviewTime": 1509926400} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A2OPY92EYKSIG9", "asin": "B0002Q81WG", "style": {"Size:": " Quantity 1"}, "reviewerName": "Terry", "reviewText": "Great", "summary": "Four Stars", "unixReviewTime": 1441929600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A3LR4FYIK8307D", "asin": "B000BRRBGI", "style": {"Size:": " 1 Quart, Case of 6"}, "reviewerName": "pitwizard", "reviewText": "i have used this for over 28 years and it has never let me down, i do a lot of motorcycle repairs, i have taken apart bikes that i have put this oil in and you think it was a new motor not one with 90,000 on it. thanks", "summary": "i have used this for over 28 years and it ...", "unixReviewTime": 1464998400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A1R4B1RWUZRXR9", "asin": "B000AS1XYE", "style": {"Size:": " 1 Gallon (128 Ounces)"}, "reviewerName": "Reel-Lentless", "reviewText": "I can't say it is the reason but I have 2 vehicles with over 250k (Toyota so its expected) and one Chevrolet V8 is just under 300k. I use only half a quart at each oil change....and started using it about the 150k mark.", "summary": "I can't say it is the reason but I have ...", "unixReviewTime": 1477353600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A1OJ73EGVLV92X", "asin": "B000AS1XYO", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Michael W. Reedy", "reviewText": "works", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 4.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A3FCRRHBFVPIP9", "asin": "B0000TMLWQ", "style": {"Size:": " 1 Pack"}, "reviewerName": "Rodney C.", "reviewText": "Decent quality.", "summary": "Four Stars", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A39GZ8I8HNH94W", "asin": "B000CO87ZE", "reviewerName": "Me-n-KC", "reviewText": "Quality wrench", "summary": "Good Value", "unixReviewTime": 1463356800} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A1MIEHHH9653SU", "asin": "B00029XI2Q", "style": {"Style:": " Beeping Sound"}, "reviewerName": "Colton J. Stegeman", "reviewText": "It is pretty high pitched and glitches out sometimes. Works decent for the most part though, it is pretty funny.", "summary": "It is pretty high pitched and glitches out sometimes", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "ANBSSSDNG4N1Y", "asin": "B000C32IUK", "reviewerName": "Br.P", "reviewText": "so far so good with a few thousand miles. no noises", "summary": "Five Stars", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A1LLPG5P98JS3Z", "asin": "B000COC0GQ", "style": {"Style:": " Air filter"}, "reviewerName": "Steve Codding", "reviewText": "Have used K&N filters in my personal vehicles for years.\nIf You are going to keep your vehicle for more than 30,000 miles\nit is the way to go because it pays for itself .\nHard to improve on perfection", "summary": "Great Product !!!", "unixReviewTime": 1365033600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "AHCM2GKBTLDY6", "asin": "B00067BWBI", "reviewerName": "mickey mouse", "reviewText": "Installed these on my 2011 Jeep JK. Easy install with no alterations to the Jeep. 30 minutes and have now got a Real Horn!!!", "summary": "Best Horn for a Jeep JK", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": false, "reviewTime": "09 19, 2014", "reviewerID": "AHUT55E980RDR", "asin": "B000BUQOEK", "style": {"Size:": " 15 Pack", "Style:": " Orange"}, "reviewerName": "Neal Reynolds", "reviewText": "Hey, I find these drop-ins also work great in the regular toilet tank to retain a pleasant scent with every flush. I even got a comment on a recent inspection that I was keeping a pleasant scent in the area.", "summary": "Can br used in regular toilet to as a purifier", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A17BPLVQON7PZX", "asin": "B0002ILK6I", "reviewerName": "Steven Bierbaum", "reviewText": "Ive had this in my BMW E36 Race car since purchased. Great quality/weight/value for the money. I would recommend getting the associated post attachments for fit/finish", "summary": "Great quality/weight/value for the money", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2017", "reviewerID": "A5B2Z02XEV8U2", "asin": "B0006IX7WY", "style": {"Size:": " 16 Inches - 28 Inches", "Style:": " Double Refrigerator Bar"}, "reviewerName": "Hangtown Frosty", "reviewText": "This works, actually holds.", "summary": "Using in RV", "unixReviewTime": 1498003200} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A1LF8JATDPLNCO", "asin": "B0002KO39C", "style": {"Size:": " 2-Piece Valve Lapper Set"}, "reviewerName": "Graham John", "reviewText": "Tool looks to be good value but I have yet to use it", "summary": "Four Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A1PJS65N2S8LKY", "asin": "B000BAT9VK", "style": {"Size:": " 1 Quart (32 Ounce), (Pack of 6)"}, "reviewerName": "Jack from NY", "reviewText": "Very good oil at a very good price. So much cheaper than at the brick and mortar auto parts stores.", "summary": "Great price.", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "A2A8F3OFEB9QLY", "asin": "B00062ZJ4O", "reviewerName": "Dan", "reviewText": "helped a bit", "summary": "Five Stars", "unixReviewTime": 1442880000} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2018", "reviewerID": "A239JZ4E2LMZQA", "asin": "B0002NILR4", "reviewerName": "Amazon Customer", "reviewText": "holds tight to the steering wheel, do as instructions say and allow it to sit out in the sun to warm and expand a little so you don't have to wrestle it onto the steering wheel", "summary": "holds tight to the steering wheel,", "unixReviewTime": 1517529600} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2015", "reviewerID": "A10IH1VW2GT9SR", "asin": "B0006JLW7K", "style": {"Color:": " White", "Style:": " Vent Only"}, "reviewerName": "J. Barr", "reviewText": "Perfect fit and easy to install. Better than the original equipment on my RV.", "summary": "Five Stars", "unixReviewTime": 1447545600} +{"overall": 1.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A2UEM92LXKDLHV", "asin": "B000CHH69E", "reviewerName": "bil gowin", "reviewText": "I want my refund", "summary": "One Star", "unixReviewTime": 1479945600} +{"overall": 4.0, "vote": "10", "verified": true, "reviewTime": "11 27, 2012", "reviewerID": "A1YCR15JGYGH4E", "asin": "B000CM3I9G", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "Wesley Hulvey", "reviewText": "Item is designed for vehicles described, but contrary to description, it only has the driver's side mirror (even though the description states \"Driver and passenger side\" are in the package.", "summary": "Driver side ONLY", "unixReviewTime": 1353974400} +{"overall": 4.0, "verified": true, "reviewTime": "05 8, 2013", "reviewerID": "A99V0AEF0JW4K", "asin": "B0007WTE08", "reviewerName": "Nathan Couture", "reviewText": "Made in America, wish it was a little narrower to fit into some grooves but still works great and holds up. Left it out in the sun and rain for a week and not a trace of rust on the metal, no wood cracks and no breakdown of the rubber roller.", "summary": "Good Product", "unixReviewTime": 1367971200} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A12S3J02SEW43F", "asin": "B000B5S88K", "style": {"Size:": " 25.5\" - 26.5\" Wheel Diameter", "Color:": " Black"}, "reviewerName": "##580223^**", "reviewText": "Excellent value for the price. Excellent wireless range and base sound clarity. Would recommend this product to other. The only CON is that this product manual is not in english version.", "summary": "Excellent value - Great price", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A2FZUGVYJNRRMM", "asin": "B000C2YCJG", "reviewerName": "nigel bahamas", "reviewText": "Perfect fit thank you", "summary": "Five Stars", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A25G0EW0H1LCPY", "asin": "B000BGHY3E", "style": {"Size:": " 3 Inch"}, "reviewerName": "Cliff", "reviewText": "My old valves were leaking on the RV. These are high quality replacement parts. I did both the 1.5\" gray water and the 3\" blackwater valves. The item includes all necessary hardware for the installation. I would buy this item again without hesitation.", "summary": "High quality replacement parts", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A1EKTSMD26HDYO", "asin": "B000A6Z9AU", "reviewerName": "Richard B", "reviewText": "good product for original parts", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A1EFMJQNZTZU9T", "asin": "B0009IQZTI", "style": {"Style:": " Extra Guard"}, "reviewerName": "P. B.", "reviewText": "Great product", "summary": "Fram Oil Filter", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A1T1BW0G06T3UB", "asin": "B0009IK7XI", "reviewerName": "stevek", "reviewText": "exact fit", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A2L5G1B9L4R62O", "asin": "B000CRZXPI", "reviewerName": "Russel W", "reviewText": "Annoyingly loud!", "summary": "Five Stars", "unixReviewTime": 1411430400} +{"overall": 3.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A2L1PYWAR5GY7P", "asin": "B00029XGNM", "style": {"Color:": " High Tone"}, "reviewerName": "Don Stagemyer", "reviewText": "not as loud as I was led to believe but better then the one I have", "summary": "Not so loud", "unixReviewTime": 1410480000} +{"overall": 1.0, "verified": false, "reviewTime": "01 28, 2016", "reviewerID": "A2NWPGU7SH83LY", "asin": "B000AMOEGY", "reviewerName": "John", "reviewText": "This is not the proper way to repair a tire. If one follows TIA repair guidelines, it includes removing the tire from the wheel assembly to inspect the inside for damage. Horrible product.", "summary": "Horrible product.", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A2NJV3D0YWSQAL", "asin": "B000COX0JM", "reviewerName": "Pajaken", "reviewText": "I use only the best oil I can find.", "summary": "Mobil one is the best.", "unixReviewTime": 1463616000} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A3RJTKKMX7WBUU", "asin": "B000C541AI", "reviewerName": "Dennis", "reviewText": "Quality Moog product.", "summary": "Quality Moog product.", "unixReviewTime": 1421625600} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A3N0P5AAMP6XD2", "asin": "B000C9WJ8K", "reviewerName": "H B", "reviewText": "Installed it on my Suzuki GS500f,\nit fits, but is rather on the large size. So large even, that it barely fits in the fairings.\nThe fuel flow is more than sufficient, even with a fuelpump, and even for a 1 liter engine!", "summary": "quite large for a motorcycle, but works well!", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A29J5R4TBEVS2O", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "roger slone", "reviewText": "It makes dumping a breeze, even when the camper is lower than the drain.", "summary": "Five Stars", "unixReviewTime": 1470268800} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A99U32E3LLQKW", "asin": "B000CKN762", "reviewerName": "aaron m barr", "reviewText": "Great deal. I would only buy spicer", "summary": "Five Stars", "unixReviewTime": 1462838400} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A4BA32UJJT2AE", "asin": "B000CKNNH0", "reviewerName": "NJ Bari", "reviewText": "Worked perfectly on my 1995 Volvo 850 and stopped oil leak caused by old worn oil cap", "summary": "Five Stars", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1MQTNAKO9YQF3", "asin": "B000CCDMB0", "reviewerName": "A. different Drummer", "reviewText": "does exactly whats its meant to do. Good quality.", "summary": "Good quality.", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2017", "reviewerID": "A1LSC45NVKZM6T", "asin": "B0002JMF98", "reviewerName": "Waine E. Newland", "reviewText": "FJC 6014 Vacuum Pump Adapter\n\nFit Perfect on my new vac pump.\nThanks", "summary": "FJC 6014 Vacuum Pump Adapter", "unixReviewTime": 1485216000} +{"overall": 3.0, "verified": true, "reviewTime": "06 19, 2008", "reviewerID": "A7QMQBGJ2TCQG", "asin": "B0008FUH5A", "reviewerName": "Paul Garland", "reviewText": "Be careful, the diameter of the bottom part is really big. Wouldn't fit the hitch on either of my vehicles.", "summary": "Ball Hitch", "unixReviewTime": 1213833600} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A2Z8LSQ7PQ5AWJ", "asin": "B000BNQDT8", "style": {"Color:": " Gray"}, "reviewerName": "Sean G.", "reviewText": "Nice fit for the price.. Really like mats excellent buy", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A6H7QFBP0IYN5", "asin": "B000BYDA8E", "style": {"Number of Items:": " 4"}, "reviewerName": "Ty", "reviewText": "Fit my 04 WRX and got rid of my misfires.", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A2YKQ6JFPU5TOT", "asin": "B0002SRH5G", "reviewerName": "Ravits", "reviewText": "Professional grade tool. Worth every penny.", "summary": "Five Stars", "unixReviewTime": 1489795200} +{"overall": 1.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A28Q6TKA842EHA", "asin": "B000E4JLM0", "reviewerName": "RMD", "reviewText": "The tabs broke off during install. Not OEM material.", "summary": "Cheap poor quality.", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A99Z3PY2MZH68", "asin": "B000CO7DIQ", "reviewerName": "B", "reviewText": "does the job, no problems.", "summary": "works", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A3SORNRB6CR70T", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Amazon Customer", "reviewText": "works good", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "A3PHCDK33OA97B", "asin": "B000C014ZI", "style": {"Size Name:": " 16 Fluid Ounce"}, "reviewerName": "Melvin Parkes", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1495584000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A2TA9R2M6DXBO6", "asin": "B0009JKI7W", "style": {"Size:": " 14-Inches", "Style:": " Pack of 1"}, "reviewerName": "Gregjax Fl", "reviewText": "Absolutely the best wipers for Florida's heat and rain!", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 4.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A17RRQXEDDEM3Q", "asin": "B0006GF5SK", "style": {"Size:": " Pack of 10"}, "reviewerName": "Michael L. Marrs", "reviewText": "Ok", "summary": "Four Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "A44YWWMMHNS0E", "asin": "B000CK5KYY", "reviewerName": "Tyler Leedy", "reviewText": "Fit my 1998 Toyota Camry 4 cylinder perfectly.", "summary": "Five Stars", "unixReviewTime": 1430438400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A21RUU4V45L6G1", "asin": "B000C2SIQO", "reviewerName": "david", "reviewText": "Fits my 05 sti well, oem quality", "summary": "Five Stars", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AVE5MBOLXJW9W", "asin": "B000C543BU", "reviewerName": "Scott G", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 1.0, "verified": false, "reviewTime": "12 29, 2012", "reviewerID": "A34BHV5SWL8TO2", "asin": "B000BYEQGO", "reviewerName": "mr Ray", "reviewText": "Please do yourself a favor. Spend your money on Borg Warner coils that will last longer than your vehicle. Always buy Borg Warner products and you will never have a problem NEVER !", "summary": "OEM / Motorcraft coils suck THEY WILL FAIL", "unixReviewTime": 1356739200} +{"reviewerID": "A2W90FKIBUWSCP", "asin": "B000BPSW7C", "reviewerName": "DRK", "verified": true, "reviewText": "Great Product, Fast Shipping", "overall": 5.0, "reviewTime": "01 20, 2016", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A2X8KPQNKFJC8I", "asin": "B0007LDXLA", "reviewerName": "Joshua Silvio", "reviewText": "One of the most functional things I have ever owned !!!! I use it for my truck, 5th wheel trailer and slide outs, I even do my neighbors cars because it works so well.... I bought 10 more and have given them to a few good friends and family", "summary": "Great product", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A3KI7G1B96WDM", "asin": "B0002NIH4G", "style": {"Size:": " One Size"}, "reviewerName": "Brad from Pa", "reviewText": "This is a great little vinyl graphic. You do have to be careful when removing the carrier/backer sheet before install because each letter is it's own separate piece. I added this to my mailbox and clear coated it in, looks great and should last a long time.", "summary": "Very Nice Decal", "unixReviewTime": 1380758400} +{"reviewerID": "A3CQ3RXTE2ROA5", "asin": "B000CAYTJ6", "reviewerName": "RUDY", "verified": true, "reviewText": "THIS IS THE BEST BELT MONEY CAN BUY GREAT QUALITY AND WILL LAST FOR A LONG LONG TIME THANKS GUYS I APPRECIATED ALL VERY MUCH", "overall": 5.0, "reviewTime": "03 7, 2013", "summary": "GREAT QUALITY", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "AIQL2OO9AJO9N", "asin": "B0002KRDPI", "reviewerName": "J. L. Milton", "reviewText": "The mower is back in use!", "summary": "Five Stars", "unixReviewTime": 1473379200} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A2PPBSMD1ZW000", "asin": "B000A0EJ9S", "reviewerName": "Lorenzo Gonzalez", "reviewText": "Good.", "summary": "Four Stars", "unixReviewTime": 1473811200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A23C5QN6GAYU9U", "asin": "B000E28EL6", "reviewerName": "f pocius", "reviewText": "perfect fit", "summary": "Five Stars", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1WM74LKG9032T", "asin": "B000E4JLM0", "reviewerName": "Amazon Customer", "reviewText": "Looks very nice", "summary": "Five Stars", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "A3CKIJVO9UZ1IU", "asin": "B000B6CVZU", "reviewerName": "Lisa C", "reviewText": "exactly the same as original", "summary": "Five Stars", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A1NB0UGAONC2M", "asin": "B000CSIRXW", "reviewerName": "Indetrucks", "reviewText": "No complaints here.\nThis was a replacement plug for my generator and they are NGK. The product brand speaks for itself!", "summary": "It's NGK, no review is even needed right?", "unixReviewTime": 1421280000} +{"overall": 3.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A16FP9AFSUPG58", "asin": "B000AA4RVI", "reviewerName": "Barry I Hooper", "reviewText": "THEY SEEM TO WORK FINE BUT THEY DON'T MOVE ENOUGH AIR.", "summary": "Three Stars", "unixReviewTime": 1463356800} +{"overall": 3.0, "verified": false, "reviewTime": "10 14, 2016", "reviewerID": "A27LQK5XPWO3SF", "asin": "B000BYB2K2", "style": {"Style:": " 18\""}, "reviewerName": "Michael E", "reviewText": "Pretty disappointed in my 24\" wiper blade.\nUsed on my drivers side and slightly lifts off the windshield when I get over 55mph.", "summary": "Not good for 2011 VW jetta.", "unixReviewTime": 1476403200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "AL0QAGOHEZA6Z", "asin": "B000ALBZNK", "style": {"Size:": " 0.5 Ounce", "Color:": " Graphite Metallic"}, "reviewerName": "Vicki", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A1NJX0AL4YLUF3", "asin": "B000CNL9X2", "reviewerName": "Wisneaky", "reviewText": "Pretty expensive tip, but looks nice and it is a original flowmaster.", "summary": "Nice looking tip", "unixReviewTime": 1419120000} +{"overall": 4.0, "verified": true, "reviewTime": "11 17, 2012", "reviewerID": "AQNGA5TVNYIPE", "asin": "B0002Q81W6", "reviewerName": "yattr", "reviewText": "A no holes required solution that can work with a simple mounting approach like heavy duty Velcro. At least until your are ready to drill...", "summary": "Simple solution", "unixReviewTime": 1353110400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A3HUIOWYGO9ZLN", "asin": "B0009IQXJ0", "reviewerName": "SEAMAZON10", "reviewText": "Works awesome, lasts weeks in rain, and no spin off for me!", "summary": "Five Stars", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2UOSX86FZJ4Y9", "asin": "B0009H51VW", "reviewerName": "richmac", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A2N4L5WUQWDKG0", "asin": "B00004TKMV", "reviewerName": "Dale", "reviewText": "Product works great.", "summary": "Five Stars", "unixReviewTime": 1465430400} +{"overall": 4.0, "vote": "25", "verified": true, "reviewTime": "02 26, 2009", "reviewerID": "AEG2RWOXTFANZ", "asin": "B000AO7K0E", "style": {"Size:": " One Size", "Color:": " One Color"}, "reviewerName": "Johnny", "reviewText": "Very nice heay duty tool to help you change bike tires with out pinching the tubes as like in the old days with screw drives etc. Saves both time and your energy. I rate this product very high. Shipped to my door very fast also. Thank you", "summary": "Tire changer", "unixReviewTime": 1235606400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "ATYECW2GTUB4R", "asin": "B00062YZZS", "style": {"Size:": " 1 Quart (32 Ounce), (Case of 6)"}, "reviewerName": "Scott", "reviewText": "Highly recommend! use in my 2014 Harley Davidson Ultra Limited. Engine seems quieter with this oil. It's 100% synthetic, Highly Recommend!", "summary": "Highly Recommend", "unixReviewTime": 1438732800} +{"overall": 3.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "AP5EVSC9D77H0", "asin": "B000BRFSU4", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Da Papa", "reviewText": "over priced", "summary": "Three Stars", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "AGS2D5WTJUOB7", "asin": "B0009H52AW", "style": {"Style:": " Extra Guard"}, "reviewerName": "Argon", "reviewText": "Works well", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A3JUYMLV2UVF61", "asin": "B000CPCBEQ", "style": {"Size:": " Pack of 1"}, "reviewerName": "Bill", "reviewText": "I put this in 1998 Jeep Cherokee AX-15 manual trans. Shifts into second much easier. Smoother shifts and better overall operation.", "summary": "Good stuff", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2014", "reviewerID": "AJ5WEAIVBLGGB", "asin": "B000C9WLLU", "reviewerName": "Nalon1", "reviewText": "High quality filter that fits perfectly in my transmission.\nWix has always been show to be at least equal if not better than OEM, and this one was cheaper then the OEM one.\n\nIt includes a gasket, but I reused the OEM gasket (which it is deigned to do)", "summary": "Fits perfectly.", "unixReviewTime": 1401148800} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A1LKDEPJYQ6SAR", "asin": "B000COMXCM", "reviewerName": "Alan", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A2JD8D9VLLCYV3", "asin": "B0002KR88A", "style": {"Size:": " 12AMG Inline Fuse Holder-5 Pack"}, "reviewerName": "Bill P.", "reviewText": "Nice in line fuse. Use these all the time", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A2DE49LRIMCFN6", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Joe", "reviewText": "Worked perfectly, just like a big liquid soap dispenser. Threaded onto a typical gear oil quart and easily pumped viscous oil from the bottle into the fill hole. Took quite a few pumps as the amount moved per pump isn't very high but not unreasonable or unexpected.", "summary": "Easiest way to move gear oil from a bottle into a fill hole in a tight space", "unixReviewTime": 1507680000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A1JG68VUTUNAZE", "asin": "B0006JLW66", "style": {"Color:": " Gray"}, "reviewerName": "Peter Kiryluk", "reviewText": "Its not white so that means its made to last, it fills the mold gap much better, then the stock one, its hard to tell which one you might need when you take yours out, so let me reassure you it is 1 inch that you need. This fits in the gap in a superior way.", "summary": "Superior Fit better then original", "unixReviewTime": 1467936000} +{"reviewerID": "A12RUNV339PMCT", "asin": "B0007M2ZIG", "reviewerName": "reallygreeley", "verified": true, "reviewText": "Arrived super fast. Great price. Exactly as advertised and well made. What more could one possibly ask for? I will probably order another version of this for my other trailer.", "overall": 5.0, "reviewTime": "09 4, 2013", "summary": "Trailer hitch ball mount", "unixReviewTime": 1378252800} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2014", "reviewerID": "A1UELGVOEG6RWF", "asin": "B0002UEOPA", "style": {"Size:": " 3 Ounce Tube"}, "reviewerName": "ScooterGuy", "reviewText": "I've used this on everything from turbo flanges to headers on V8s to header connections on small two and four-stroke scooters. Depending on the application it can work alone or as a supplement spread onto a gasket.", "summary": "Great for exhaust connections.", "unixReviewTime": 1392336000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A2V8CGNQV7QOU5", "asin": "B000CIQ4VE", "style": {"Size:": " Sedan, 16.9' to 19'", "Style:": " Coverbond 4, Moderate Outdoor Weather Cover"}, "reviewerName": "littlewolf", "reviewText": "Have been using this cover on my car for nearly a year. It has proven itself to be well-constructed and shows no wear. It fits and functions exactly as described. Would buy again.", "summary": "Keeps your new car looking new...", "unixReviewTime": 1426204800} +{"reviewerID": "A31AIBJL9C0YZK", "asin": "B000C9FE3C", "reviewerName": "Robie Bridges", "verified": true, "reviewText": "A+", "overall": 5.0, "reviewTime": "10 31, 2016", "summary": "Five Stars", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A2BNYE9YTJR7G0", "asin": "B000COTPIM", "style": {"Number of Items:": " 4"}, "reviewerName": "me", "reviewText": "Awesome plugs, as expected from NGK", "summary": "Five Stars", "unixReviewTime": 1455408000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A2RHG14OCTCG2Z", "asin": "B000E3VHWI", "reviewerName": "Michael Rodriguez", "reviewText": "Just got it mounted and I'm currently using this with an N1 exhaust. It sounds great and made the N1 tolerable. No raspy tones and can barely hear anything in the cabin.", "summary": "Recommended!", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A11YY0UICKK9JW", "asin": "B000C2WFA4", "reviewerName": "Edward", "reviewText": "Worked great for my 2002 grand cherokee. my engine light was on , something about those vapors or whatever it is, replaced gas cap , an hour later light turned off.", "summary": "Good", "unixReviewTime": 1483833600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2016", "reviewerID": "A3IOFHOOQUEZ43", "asin": "B0002TKGFS", "reviewerName": "A. Pulli", "reviewText": "love this thing!", "summary": "Five Stars", "unixReviewTime": 1475971200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A11MLX0UWSSH80", "asin": "B0000AZ6NH", "reviewerName": "Michael D.", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A2BM9CCWS6QN6A", "asin": "B000B68V8G", "style": {"Color:": " Universal Gold"}, "reviewerName": "Kieran", "reviewText": "Good engine paint", "summary": "Five Stars", "unixReviewTime": 1444348800} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A38TZK91LZ4JUP", "asin": "B000CONU1K", "reviewerName": "CiskO", "reviewText": "Does not fit the 2014 RX350 even though McGard says it does in lit and customer service. Had to go to generic Toyota part.", "summary": "NO Joy", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A35GIYSIO18C7G", "asin": "B000CF8VUE", "reviewerName": "GRJ Motorsport", "reviewText": "Right fit", "summary": "Five Stars", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A13Q6P3QM35ENN", "asin": "B000C5I2YO", "reviewerName": "Dubbs", "reviewText": "There's not a lot you can say about a rubber brake pedal cover but it fit properly and doesn't fall off. The shipping was very prompt.", "summary": "There's not a lot you can say about a rubber ...", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "AO50T48Z9JI5X", "asin": "B0002MBI6Q", "reviewerName": "Pastor Erstrom", "reviewText": "Product is of excellent quality and durability. I highly recommend this product.", "summary": "Five Stars", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A14KFLZ0P6U1E9", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "ACMF-Patrick", "reviewText": "i would buy it again", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "AWC334QR1RUW6", "asin": "B000BO0532", "style": {"Size:": " 5 Quart (160 Ounces)"}, "reviewerName": "Matthew_b85", "reviewText": "Noticed a good change in my engine when i put this in over using regular conventional oil.", "summary": "Smooths everything out", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "A15SLYWT4DYHGP", "asin": "B000C581WW", "reviewerName": "Dave", "reviewText": "tightened up the steering and cleared up the death wobble on my 01 jeep grand cherokee with a 2.5\" lift", "summary": "tightened up the steering and cleared up the death wobble ...", "unixReviewTime": 1435449600} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A23EOA6BH1AL9Y", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "Jonathan Ree", "reviewText": "Well made, does the job, nothing special.", "summary": "Four Stars", "unixReviewTime": 1489622400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "AYMR6LUUGSB67", "asin": "B000C9GYTA", "reviewerName": "Jethro", "reviewText": "Fit great easy to replace.", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "A2PVNXKCZO0TF", "asin": "B0009TAOBW", "reviewerName": "William A. H", "reviewText": "Not much to stay, it's sturdy, decent chrome plating and does what it supposed to do. Tightening it on the hitch is a little tough, just need the right wrenches and some weight.", "summary": "It's a trailer hitch ball", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A20OSVYMABH5OF", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "the_gelatinous_cube", "reviewText": "simple, easy to use, accurate and indestructible.", "summary": "easy to use", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A1JT7SP456R015", "asin": "B00062ZMSC", "reviewerName": "mauricio ortega", "reviewText": "The best Filter", "summary": "Five Stars", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A38VD640SJ3Z1E", "asin": "B000DN7T3A", "reviewerName": "Amazon Customer", "reviewText": "Installed in my boat....nice low tone horn like my original.", "summary": "nice low tone horn like my original", "unixReviewTime": 1470614400} +{"overall": 4.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A18MTGYS5JB0LH", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Mongo Man", "reviewText": "A super easy way to fill a differential case is to use this pump with your favorite oil. You don't have to screw the pump to the bottle to use it but it sure helps. Pouring oil \"uphill\" has never been easier.", "summary": "why didn't I buy one of these before?", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A1S3ULV6ZC1HPK", "asin": "B000BUTD9S", "style": {"Size:": " 18 Inch", "Color:": " Gray"}, "reviewerName": "Rhondalj76", "reviewText": "These work great, they pick up a ton of dirt and sand off of shoes before it hits the camper floor. Super easy to attach and remove and stay on with not issues. Very glad I purchased these!", "summary": "Keep that dirt out", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A414ZB6X917BZ", "asin": "B000C5EATU", "reviewerName": "K. Watts", "reviewText": "Works as should.", "summary": "Five Stars", "unixReviewTime": 1431475200} +{"overall": 5.0, "verified": false, "reviewTime": "07 25, 2014", "reviewerID": "A1HSGULR1HTQFA", "asin": "B000CB6FNS", "reviewerName": "Tower", "reviewText": "My last one lasted 15 years of hard off road driving.", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81ZOG8qkbHL._SY88.jpg"], "overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A3LR1UA8JYHA3G", "asin": "B000CO9YME", "reviewerName": "Jorge M", "reviewText": "Good engine jack\n350 5.7L with transmision", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A3DNMKC6WLKIR7", "asin": "B000A8J97C", "reviewerName": "Timmy Clegg", "reviewText": "Fit perfect!", "summary": "Five Stars", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "AWSMITV7V3P52", "asin": "B000CQOIVO", "reviewerName": "UP Powers", "reviewText": "This one was the best value but in my opinion great quality.", "summary": "Five Stars", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A3OE6NQQD23T5I", "asin": "B000BXOGNI", "style": {"Size:": " 11 Ounce"}, "reviewerName": "Carbona Not Glue", "reviewText": "Great cleaner for the price. Hard to beat. Go through about a bottle a month.", "summary": "My Go To Electronics Cleaner", "unixReviewTime": 1489449600} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2012", "reviewerID": "A1MDVYDLJNCKA", "asin": "B00062YJ6S", "reviewerName": "Westcoast", "reviewText": "This is my second unit in 2.5 years, K&N rocks, cannot be happier, throttle response immediately shows difference. Installation is breeze, even grandma can do it. Happy camper here.", "summary": "Fits my ML 320 like a glove. No complaints.", "unixReviewTime": 1340928000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A2GX9QSPUAF5I8", "asin": "B0006MRS7U", "style": {"Size:": " Quantity 1"}, "reviewerName": "B. Langhans", "reviewText": "Fit perfect, shipped fast. I am all hooked up now. Great product!", "summary": "Hard to find, but this place shipped fast.", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A1RCPSZ3KBEQN7", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "M. Daniel", "reviewText": "I purchased this to replace the non-gauge tire inflator that came with my Craftsman air compressor and it works wonderfully to pump up tires to the correct pressure. I've compared the pressure with a standard tire pressure gauge and it seems to be relatively accurate.", "summary": "Easy to use tire inflation connector with a gauge", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "AOU7ZHBNRB7UK", "asin": "B000AM8BF4", "reviewerName": "Robotman", "reviewText": "Dead batteries aren't a problem with this charger. Various current settings can be used with different batteries. Not too big, not too small. Great for household use.", "summary": "No more dead batteries.", "unixReviewTime": 1501545600} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "AM3NGM0JWLOJ5", "asin": "B000CMD9TK", "style": {"Size:": " 12-mm X 1.25"}, "reviewerName": "J. Villamar", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1421452800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A2H4P3J64Z1KD8", "asin": "B000C6KM4G", "style": {"Size:": " single filter"}, "reviewerName": "gizmo junkie", "reviewText": "cheap replacement filter for my lawnmower", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A3JEHY6YI4OQLP", "asin": "B000C3ZD0M", "reviewerName": "John", "reviewText": "works like it should have had it on for a while now and still works", "summary": "Five Stars", "unixReviewTime": 1439942400} +{"overall": 4.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A2W7L917BUTZIA", "asin": "B0002H335A", "style": {"Size:": " 3 Ton"}, "reviewerName": "yukihiro sekiuchi", "reviewText": "It was a very good product", "summary": "Four Stars", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": false, "reviewTime": "07 2, 2014", "reviewerID": "A1AM9T6DVUMHZY", "asin": "B000CB69ZW", "reviewerName": "Ricky", "reviewText": "Needed a replacement washer pump for my 64 Fury. This worked fine.", "summary": "Excellent replacement pump.", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A3FI5X42VQ7CYV", "asin": "B000A0CAJE", "style": {"Size:": " 1 Filter"}, "reviewerName": "Michael Lo", "reviewText": "I highly recommend this air filter. Traps a lot of dirt. When I remove this it is completely covered in brown dust and dirt so this indicates that it indeed does what it was supposed to. The fibers like many high quality fram filters is very thick and durable.", "summary": "I highly recommend this air filter", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A135JATJIGGL9J", "asin": "B0006IX7WY", "style": {"Size:": " 16 Inches - 28 Inches", "Style:": " Double Refrigerator Bar"}, "reviewerName": "Manuel J. Hevia", "reviewText": "Good price", "summary": "Good price", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "A1SJJTUAN1RF8L", "asin": "B000BRF3VS", "reviewerName": "Reviews", "reviewText": "Just as described and worked great.", "summary": "Five Stars", "unixReviewTime": 1372032000} +{"overall": 4.0, "verified": true, "reviewTime": "07 1, 2013", "reviewerID": "A4G1V5HXIC8QS", "asin": "B0009IQZQG", "reviewerName": "Mahindra Nagassar", "reviewText": "Works quite well. Makes waxing and polishing my vehicle a rewarding task, this item is exactly what was needed to get the job done", "summary": "Excellent product", "unixReviewTime": 1372636800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A2B8LX6U4HF6FU", "asin": "B000C58046", "reviewerName": "Lesley Lawson", "reviewText": "worked well", "summary": "Five Stars", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "AC8HBNLQHJW6L", "asin": "B000182EW8", "reviewerName": "Tim", "reviewText": "cheap, great protection and easy to install!", "summary": "great protection and easy o install", "unixReviewTime": 1464912000} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A164MN35926Y0E", "asin": "B000C5WCUE", "reviewerName": "James Mathis", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A2HTLSOTOATMGQ", "asin": "B00092893E", "style": {"Size:": " 20 Ounce", "Color:": " 20 OZ"}, "reviewerName": "Kindle Customer", "reviewText": "Increased my mpg after use.", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"reviewerID": "A1TTC7M9XYTSZK", "asin": "B000E1FZYG", "reviewerName": "Wayne Goodman", "verified": true, "reviewText": "Fits on my 1-7/8 hitch ball perfectly", "overall": 5.0, "reviewTime": "07 15, 2015", "summary": "Fits", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A3UWCIY33CB4RF", "asin": "B000C2ACLI", "reviewerName": "C. Ramsey", "reviewText": "Best gaskets available. I avoid self adhesive ones because scraping gaskets is never fun. No leaks, no problems, good quality.", "summary": "Best gaskets available", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "ABLEFS9HEEOH9", "asin": "B00077ZDUS", "reviewerName": "Stan Wiggins", "reviewText": "I wish I had time to share more information about the quality and positive results from this product. You won't go wrong by purchasing this and other products from this company. Stan - West Columbia, Texas", "summary": "You can't go wrong with this product..,", "unixReviewTime": 1419552000} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A1542J0VRQ31TC", "asin": "B000C9WLA6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Juan Carlos Castillo", "reviewText": "Very good....", "summary": "Four Stars", "unixReviewTime": 1405123200} +{"overall": 1.0, "vote": "5", "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A3VH9EFJ6IVHOG", "asin": "B0002SQYTG", "style": {"Size:": " Single"}, "reviewerName": "Amazon Customer", "reviewText": "This is the cheapest version I've ever had....materials are poor and it doesnt measure correct. I don't understand how is it possible to had so much high scores and reviews. DO NOT buy this", "summary": "Cheap..NO good", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A2DXPLDVAPZ62T", "asin": "B000ABCHMS", "style": {"Size:": " One Each, 6 oz."}, "reviewerName": "Jonly Donly", "reviewText": "Perfect! Exactly as I expected.", "summary": "Perfect!", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A1HXDLQ62UBDSI", "asin": "B00063X38M", "style": {"Size:": " 5 Ounce"}, "reviewerName": "Brad Wilson", "reviewText": "Used to re-attach weather stripping on my car after painting it and it's holding wonderfully. Used 1/4 of a tube to attach all the weather-stripping on my entire car. This stuff goes a long way", "summary": "Works great, holds strong, one tube goes a long way", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A2G42XP03R1QUR", "asin": "B000BYB7H0", "reviewerName": "Amanda", "reviewText": "This is a perfect fit for 2000 F-150 5.4L 4X4", "summary": "Five Stars", "unixReviewTime": 1478822400} +{"overall": 1.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A1BTTWA0JLY2C2", "asin": "B000BUU5XQ", "style": {"Style:": " Regular"}, "reviewerName": "knox", "reviewText": "didn't work for me to short for the base of my jacks", "summary": "One Star", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2018", "reviewerID": "A10JO6RV8UFYBV", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Jeff Hart", "reviewText": "A++", "summary": "Five Stars", "unixReviewTime": 1521676800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A3GO1ZJDJ0LJ21", "asin": "B000C34KWO", "reviewerName": "WENDELL MCGOWAN", "reviewText": "easy install no more sqeaks", "summary": "easy fix", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A23BZJ9XRBRW3A", "asin": "B0000AZ8JB", "reviewerName": "Steve", "reviewText": "Nice, Large mirror to see back thru my Motorhome. Mounted to dash 6 months ago and still mounted tight.", "summary": "Five Stars", "unixReviewTime": 1478304000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A2LJ4A8HILP2KU", "asin": "B000CERATS", "reviewerName": "Tater", "reviewText": "Quality pump. Part fits and functions as it should.", "summary": "Quality Part", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A7MRYFO6NMKQE", "asin": "B0009H52AC", "style": {"Style:": " Extra Guard"}, "reviewerName": "jkrcmar", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A3P0CEE0MD7MAY", "asin": "B0006307WW", "style": {"Style:": " Air Filter"}, "reviewerName": "John Galt II", "reviewText": "Look, you bought that cool new ride, right? And you're going to put some cheap, jiffy lube type air filter in it? No No No. You wanna take care of your stuff - use this filter for your wheels. Don't be a cheapskate, yo.", "summary": "You gotta take care of your ride", "unixReviewTime": 1397260800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A11AECDWV0M5WW", "asin": "B000BZEHW6", "style": {"Size:": " 1 ea"}, "reviewerName": "N. Coleman", "reviewText": "Excellent Product. As Advertised", "summary": "Five Stars", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A2RGLLDE840TBE", "asin": "B000281X6U", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Andrew E. Kinsey", "reviewText": "Worked as designed. No issues.", "summary": "Five Stars", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "AO56T41WRW7N6", "asin": "B00063X7KG", "style": {"Style:": " Clay Kit"}, "reviewerName": "Amazon Customer", "reviewText": "Easy to work with. Does the job it's intended for. Would buy again.", "summary": "Car Clay", "unixReviewTime": 1522886400} +{"overall": 5.0, "verified": false, "reviewTime": "12 23, 2016", "reviewerID": "A3AHZ61N6YD59L", "asin": "B0006JLW84", "reviewerName": "Gen. T.J. Jackson", "reviewText": "I installed four of these on my roof reconditioning. They went up without an issue.", "summary": "Five Stars", "unixReviewTime": 1482451200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "AIVVJLKWGXYGC", "asin": "B000CKGAV6", "style": {"Style:": " 9006"}, "reviewerName": "ShopTherapy", "reviewText": "Great for the price", "summary": "Five Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2013", "reviewerID": "A3LMJPZATWW89N", "asin": "B000CIADLG", "reviewerName": "Lester", "reviewText": "This kit was very easy to assemble and everything was as described. I have it charging a 12V marine battery and it does well at maintaining 13.8V. I have used the inverter for emergency minimal amperage equipment.", "summary": "60W solar Kit", "unixReviewTime": 1369872000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A1VRD0ZOQOB515", "asin": "B000E28C7M", "style": {"Color:": " Black"}, "reviewerName": "Letitia D. Schnobrich", "reviewText": "Worked great, great price.", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A384N48WF06ZUE", "asin": "B000C55SV4", "reviewerName": "KJS", "reviewText": "very happy", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "AK38G02XEY0LI", "asin": "B0002KO10I", "style": {"Size:": " Battery Filler (2QT)"}, "reviewerName": "jdbenade", "reviewText": "Great for the RV", "summary": "Five Stars", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A3IQ15DUKK1R28", "asin": "B000E9Z49Y", "style": {"Size:": " re|vision Glass+Surface Cleaner, 24 oz."}, "reviewerName": "Logan Campbell", "reviewText": "Some of the best window cleaner around. Safe to use on cell phones and TV/monitors too (spray some onto a towel or microfiber towel in that case though).", "summary": "Great stuff", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A3CHAS8K93K92L", "asin": "B00062W5TG", "reviewerName": "Timothy Gentner", "reviewText": "This stuff works hands down the best I can find. Montana has bugs and lots of them. Spray on and go through an automatic wash or hand wash it removed 95% of the dried on bugs every time.", "summary": "This stuff works", "unixReviewTime": 1446508800} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2014", "reviewerID": "A3UNVW3RISW8KI", "asin": "B000BQSIWK", "reviewerName": "William James", "reviewText": "It works. I wanted a charger that would auto switch to trickle charge when the battery was full and so far this one does the job.", "summary": "Does what it's supposed to.", "unixReviewTime": 1394064000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A1FTJK3B3N57SG", "asin": "B0007XXTVC", "reviewerName": "Silver Hooligan", "reviewText": "Great price and worked well.", "summary": "Great price and works", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A1OPDMWZ69JHR6", "asin": "B0002Z9O8C", "reviewerName": "Frank A Lerma Jr", "reviewText": "Works as advertised", "summary": "Five Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A2UP77VMW5GVQU", "asin": "B000E3BVSI", "reviewerName": "Car Guy", "reviewText": "Look great! Easy install!", "summary": "Look Great!", "unixReviewTime": 1463443200} +{"overall": 4.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A33EZR3IA2S5I7", "asin": "B0009IQZQG", "reviewerName": "Duane L. Deckert", "reviewText": "works", "summary": "Four Stars", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A1NTAWBLI3UCT1", "asin": "B000A8JLIY", "style": {"Number of Items:": " 1"}, "reviewerName": "JO", "reviewText": "Great Item A+++++", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"reviewerID": "APTPT0R2IBIZ2", "asin": "B000CJ061C", "reviewerName": "pete", "verified": true, "reviewText": "yes", "overall": 5.0, "reviewTime": "07 21, 2016", "summary": "Five Stars", "unixReviewTime": 1469059200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A1VLM8JSG4CPLL", "asin": "B0002SRG34", "reviewerName": "Richard Davidson", "reviewText": "Product described accurately, quick delivery.", "summary": "Five Stars", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "AE1QRSINWT7EV", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK1880"}, "reviewerName": "PirateBob", "reviewText": "Fit great, easy swap.", "summary": "2006 Toyota Matrix", "unixReviewTime": 1461542400} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "A19SW921WDZQ7V", "asin": "B000CIQ47S", "reviewerName": "Douglas J. Mccormick", "reviewText": "Installed and worked as Advertised", "summary": "New PLug", "unixReviewTime": 1429315200} +{"overall": 4.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A1IPYRC4O5ZTRH", "asin": "B000COC67E", "reviewerName": "KC Jones", "reviewText": "A little smaller than I thought, but well worth the price. Came quickly, easily assembled", "summary": "Well worth the price. Easy to assemble. A little small (e.g. seat is only about 8\" wide)", "unixReviewTime": 1437609600} +{"overall": 1.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A3HQ7TUG29MUJY", "asin": "B000COMXGI", "style": {"Size:": " 3/4\""}, "reviewerName": "Craig Petku", "reviewText": "didn't work. Leaked air", "summary": "One Star", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2009", "reviewerID": "AFCQ78N0GKHRZ", "asin": "B000BQSL5E", "style": {"Size:": " Single"}, "reviewerName": "O. K. Maharaj", "reviewText": "This thing sucks up water like crazy. I dry my cars fast and easy. A definite buy!", "summary": "Awesome", "unixReviewTime": 1255478400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "AGXSXTM06AKQZ", "asin": "B0000AXTUY", "reviewerName": "Jay Stearns", "reviewText": "Works well...compact...keeps battery fully charged. Have installed one on each of 4 sport cars I keep stored for the winter. When I get a nice day, I find they start easily an d are ready to go.", "summary": "se-125 battery charger", "unixReviewTime": 1389225600} +{"overall": 2.0, "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "A2106YOW9PFF77", "asin": "B0007LZI8G", "style": {"Color:": " White", "Style:": " Bulk"}, "reviewerName": "Robert Stapleton", "reviewText": "It's not terrible, however, it's lower quality and a bit flimsy. It'll do the job of covering your ball, but it would fall off a lot.", "summary": "Not bad.", "unixReviewTime": 1386979200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/714SPQfVkWL._SY88.jpg"], "overall": 4.0, "verified": true, "reviewTime": "01 2, 2018", "reviewerID": "A3HPDRMBNQ5G1Y", "asin": "B000CMD9TK", "style": {"Size:": " 12-mm X 1.25"}, "reviewerName": "Amazon warrior 1455", "reviewText": "looks neat bought 2 sets to balance out the weight probably not needed but oh well! perfect fit for my Nissan vehicle", "summary": "perfect fit for my Nissan vehicle", "unixReviewTime": 1514851200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A3ES644U91HF7U", "asin": "B0009IQXXG", "style": {"Size:": " 24 Ounce"}, "reviewerName": "Calif21", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "A1IEMXUW2UR1ZO", "asin": "B0002KKIR8", "style": {"Style:": " Fabric Top Kit"}, "reviewerName": "Jesus Granados Jr", "reviewText": "two thump wayyy up!!", "summary": "Five Stars", "unixReviewTime": 1493856000} +{"overall": 4.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "ASDCY0XFJWBAG", "asin": "B000BYB2WA", "reviewerName": "willaim anderson", "reviewText": "great orice", "summary": "Four Stars", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3FTLJ7NU8BKHY", "asin": "B000CIQ47S", "reviewerName": "KevinNJ", "reviewText": "worked well on my snowblower", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A21DCWULCQBVA8", "asin": "B000AME5I6", "style": {"Style:": " 9006"}, "reviewerName": "Amazon Customer", "reviewText": "Performs as advertised. Sylvania hits another home run in the standard auto lightbulb department.", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A2KUE28AB4QP8", "asin": "B00008RW9V", "reviewerName": "THoehn1", "reviewText": "I didn't look at the description close enough. I was expecting California Dash Duster as I the title states but got the \"mini\" instead. After looking at the title ... it states the mini on the tail end of the wording. All in all though, it works great.", "summary": "it works great.", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A3NZGWF5SDW4JH", "asin": "B000BYERAO", "style": {"Number of Items:": " 1"}, "reviewerName": "Reichsprasident", "reviewText": "I bought two for my 2010 Kawasaki Ninja 250, and they work marvelously. Start-up is clean and crisp, firing is smooth, and the bike runs perfectly without any issues. Excellent spark plugs.", "summary": "Concerning plugging, with a dissertation on sparks -", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2018", "reviewerID": "A3DFGN57S6ZKOT", "asin": "B0002SQUTU", "reviewerName": "R. Phelps", "reviewText": "it is an extravagance I afforded myself and I'm glad. It works beautifully and my old c clamps are thanking me.", "summary": "really great tool.", "unixReviewTime": 1520467200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2013", "reviewerID": "A383DTK6Q8UYJ", "asin": "B00063Z4FM", "style": {"Size:": " 5/16 in x 15 ft", "Style:": " Roll"}, "reviewerName": "limited360", "reviewText": "Used this product to reseal a set of headlamps after I removed the lens for a retrofit project. Worked amazing! Will be buying this again.", "summary": "Awesome for resealing headlamps", "unixReviewTime": 1364774400} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2013", "reviewerID": "AYIS7QVVE0BG3", "asin": "B0006IX7Y2", "style": {"Size:": " 15 Feet"}, "reviewerName": "Stuart Wetley", "reviewText": "Easy to set up and pack away, doesn't take up much space, and lite weight but yet strong, maintains support and adjustable length comes in handy", "summary": "works as advertised.", "unixReviewTime": 1369094400} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A3FSWKL8XJDTET", "asin": "B00021TMTW", "reviewerName": "Steve and Stacie Poythress", "reviewText": "The ABS plastic trim panel is about 1/2\" - 3/4\" oversize, if you use it expect that it will need to be trimmed to fit (I did not use it in my case). The steel plate is a godsend for restoring strength back to the dash, it eliminates flexing.", "summary": "The ABS plastic trim panel is about 1/2\" - 3/4\" ...", "unixReviewTime": 1470355200} +{"reviewerID": "A6QAGEBVVO4DZ", "asin": "B000CAYTJ6", "reviewerName": "Ahnko Chee", "verified": true, "reviewText": "Excellent American made quality product I highly recommend this item. Easy to install using a 1/2\" breaker bar or ratchet on belt tensioner after removing splash guard in right side wheel well.", "overall": 5.0, "reviewTime": "03 10, 2015", "summary": "Great American Made Product.", "unixReviewTime": 1425945600} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A38AKSRTPDI337", "asin": "B000BOKN8Y", "style": {"Size:": " Pack of 1", "Style:": " 12 oz."}, "reviewerName": "Cajun Gourmet", "reviewText": "This belt dressing works well, when you can actually reach the belts on these newer vehicles, which the manufacturer's try to cram as much under the hoods as they can which makes access to belts quite difficult. Works especially well on noisy belts.", "summary": "A good to better brand of belt dressing, works well with noisy belts", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A1NCUGPRCNPPYQ", "asin": "B000A7PA6M", "style": {"Size:": " 1-Pack"}, "reviewerName": "Nash-O", "reviewText": "Exactly as described. Per other reviews, you should measure yours beforehand but otherwise it is the size it says it is. Does not include any mounting hardware so be prepared to get some screws.", "summary": "Exactly as described. Per other reviews, you should ...", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "AG7W4HX4OY9QD", "asin": "B0007V9XAU", "reviewerName": "egt45", "reviewText": "The hitch was easy to install. Everything was included and fit. Have not had the opportunity to tow with it yet.", "summary": "Easy to install.", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A3HU89DMYTYNTS", "asin": "B0002BG69Q", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "tahot", "reviewText": "91 accord ex. Worked great to install older alpine radio", "summary": "Worked great to install older alpine", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "AZIDB4GJMA4BD", "asin": "B000CPI5XM", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Dano321", "reviewText": "Good quality", "summary": "Good quality", "unixReviewTime": 1406678400} +{"overall": 3.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A3JM0LD6A9GPR4", "asin": "B000EA5WLS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Matt S.", "reviewText": "Mediocre product. Used it on two seporate windshields. You can still see the chip, but better than it was. It's not like new, and I tried hard.", "summary": "So, so.", "unixReviewTime": 1446249600} +{"reviewerID": "A356CMD77XJ6N2", "asin": "B000CAYTJ6", "reviewerName": "Duc Nguyen", "verified": true, "reviewText": "Good , I love it", "overall": 5.0, "reviewTime": "07 27, 2016", "summary": "Good, I love", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A3NGAJL9UBZUGP", "asin": "B0009N0W6U", "reviewerName": "Cruse", "reviewText": "I bought a couple of these for my truck and they look great at night. They put out more light than I expected so they are functional in providing cabin light to some of your accessories such as the cup holder.", "summary": "Skull Dash Light", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2018", "reviewerID": "A2ZGL2E7310IRB", "asin": "B000BUQOEK", "style": {"Size:": " 30-Pack", "Style:": " Orange Scent"}, "reviewerName": "terry", "reviewText": "Smells better than others", "summary": "Five Stars", "unixReviewTime": 1520467200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A1O816MS7MOXMR", "asin": "B000CQ01SS", "style": {"Style:": " 14.1 Ounce"}, "reviewerName": "L. McNerney", "reviewText": "quality great, well packaged and almost mess free. This however is NOT stain free, so be careful.", "summary": "Quality, but not stain free", "unixReviewTime": 1472688000} +{"overall": 4.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A1PJXV5DCI010T", "asin": "B0006JO0XI", "reviewerName": "One Who Shops", "reviewText": "Haven't used yet . Looks well made came well packaged. I am staging items and this was what I needed at a great price . I recommend this item", "summary": "Perfect", "unixReviewTime": 1412380800} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "11 14, 2012", "reviewerID": "A3V30UKO5M5IBF", "asin": "B0009IQZQG", "reviewerName": "AD", "reviewText": "Very disappointed. Seemed easy to use. Used it to apply polish to car- worked well.\nBut in first wash, seams opened up.\n\nReturning to Amazon seems straightforward.", "summary": "Seams opened up in first wash", "unixReviewTime": 1352851200} +{"overall": 5.0, "verified": false, "reviewTime": "09 4, 2014", "reviewerID": "A1FEOXHQ2KNELO", "asin": "B0002NYDZ8", "style": {"Style:": " Grease Gun with Whip Hose Pipe"}, "reviewerName": "Steve M.", "reviewText": "Very good quality, has served us well for several months now with no problems.", "summary": "Five Stars", "unixReviewTime": 1409788800} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A1R2HX1XDAU5XV", "asin": "B000BKC25K", "style": {"Size:": " Pack of 1", "Style:": " 16 oz."}, "reviewerName": "S Hug", "reviewText": "does a good job.", "summary": "Four Stars", "unixReviewTime": 1451260800} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A17VCWOD3PE2LW", "asin": "B00009WC6A", "style": {"Size:": " 1 pack"}, "reviewerName": "avalanchez71", "reviewText": "very useful", "summary": "Four Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "08 4, 2010", "reviewerID": "A2ICY2Y1JNCXAM", "asin": "B00061SGO0", "reviewerName": "p582938", "reviewText": "I like the product, but too many tools without knowing how to use them all. It would be good to include the instruction even you suppose to know before you work on the brakes.", "summary": "Good Product, but need instructions.", "unixReviewTime": 1280880000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A33OQ6CF8S2F73", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Mr. Verbatim", "reviewText": "Can't live without this stuff if you own a K&N filter.", "summary": "Five Stars", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2014", "reviewerID": "A14PCZ9HUA1MTC", "asin": "B0007LVJ2A", "reviewerName": "CD", "reviewText": "This Curt Manufacturing 5/8 in. Hitch Lock works great so far. I have not had any issues with it yet.", "summary": "Works great so far", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A240Z0433MLOEU", "asin": "B0009JKISQ", "style": {"Size:": " 8 Ounces"}, "reviewerName": "roger blessing", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2014", "reviewerID": "A296Z116T97V24", "asin": "B0006MTREC", "style": {"Size:": " Quantity 1"}, "reviewerName": "Ed S", "reviewText": "Excellent product, great quality and the product works great. Have used this product for one month or more. Works well on the RV.", "summary": "RV Supply", "unixReviewTime": 1400976000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A3MSH4X6W92GO9", "asin": "B0006MRQRM", "style": {"Size:": " 90 Degree"}, "reviewerName": "VS", "reviewText": "Works. Had to replace prior same item, as one of the teeth on the turn lock broke.", "summary": "Works. Had to replace prior same item, as ...", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2012", "reviewerID": "A1PRPYVJR3X6DX", "asin": "B0007A29RK", "style": {"Size:": " 5-Square/Feet"}, "reviewerName": "Paul L. Alford", "reviewText": "This worked very well for me. It is large enough, soft and easy to use. Just lay on the car and drag, presto! no water. Recommended", "summary": "Excellent chamois", "unixReviewTime": 1344384000} +{"overall": 2.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A2N0ID1BM4H0I9", "asin": "B0002KO4GY", "style": {"Size:": " Light Duty Coil Spring Compressor"}, "reviewerName": "CSSteve", "reviewText": "Its a little difficult to work with. The clips do not like to stay in place while compressing a spring. Found zipties and a jig made it work.", "summary": "The clips do not like to stay in place while compressing a spring", "unixReviewTime": 1451865600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "AE0BMVEVVU6DQ", "asin": "B000C5449G", "reviewerName": "jp2code", "reviewText": "Looks much better made than the \"stamped steel\" stock Ford parts I removed from my 2005 Ford Focus!", "summary": "Well made", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2017", "reviewerID": "A2BD65MLTDRD34", "asin": "B0002SRL20", "reviewerName": "camilo cardenas", "reviewText": "Great tool", "summary": "Five Stars", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "AXWRY5Y9SJQSV", "asin": "B000C7YRNM", "reviewerName": "Paul", "reviewText": "Product replaced OEM thermostat and is working wonderfully on Ford Taurus", "summary": "Ford Taurus Thermostat Replacement.", "unixReviewTime": 1487980800} +{"reviewerID": "ARD1J97NG0FVM", "asin": "B0000AY69V", "reviewerName": "AJ", "verified": true, "reviewText": "leaves streaked on glass. ok on paint but you will find re-doing your car windows :(", "overall": 2.0, "reviewTime": "09 28, 2017", "summary": "Two Stars", "unixReviewTime": 1506556800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A2ZW2AF10TCKR1", "asin": "B000C2S6ES", "reviewerName": "Craig's Garage", "reviewText": "Good price buying parts online as always, name brand as off brand pricing.\nEngine is cooling properly and no leaks, very pleased.\nCame with gaskets and plug to block port on pump.", "summary": "Perfect fit.", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A11Z0JPISOX1B6", "asin": "B000CGFNW2", "reviewerName": "Wolfpacker15", "reviewText": "Was a perfect sized replacement for the OEM strut in my 1998 Camry 4 cylinder. There has been a noticeable reduction in vibration inside the cabin.", "summary": "Perfect OEM Replacement Strut for 1998 Camry", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "AEPH7MHV1GV59", "asin": "B0002STTPW", "reviewerName": "Eugene", "reviewText": "have not used yet , looks handy .", "summary": "connecter tool", "unixReviewTime": 1442880000} +{"overall": 4.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "AZY4MTKOV5RAZ", "asin": "B0006ODWE6", "reviewerName": "Cory McLean", "reviewText": "easy install, like 10 minutes. hard to tell if its placebo or reality, but throttle response does seem quicker and smoother. and the sound, no denying that, when you get on it, sounds good. I do most my driving under 2200 rpms, but that just may change to let it roar a bit.", "summary": "easy install, like 10 minutes", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A4N6A3O5AYN59", "asin": "B000BVRZ74", "reviewerName": "dinesh", "reviewText": "Good size and quantity of the rain-x compound, which makes dealing with rain and snow much easier and safer while driving. Each application lasts about 2-3 months in northeast weather, which is reasonable value given the size of the bottle and its cost.", "summary": "Good size and quantity of the rain-x compound", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A2UAJD1SDL40KE", "asin": "B000CQDLAS", "reviewerName": "Scotty J", "reviewText": "I have had one for about a month. No problems.", "summary": "Good.", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A1FDUBBI8AQSXK", "asin": "B000B8GAPK", "reviewerName": "HEB", "reviewText": "Works great. Very pleased. fast delivery.", "summary": "Good fuel cap", "unixReviewTime": 1501632000} +{"reviewerID": "A2WTET99Y6H9D4", "asin": "B000ALDY02", "reviewerName": "Grant Armendariz", "verified": true, "reviewText": "This does not match the Torch Red Color of a Corvette. It should but does not. I ordered patch paint from another supplier the matches exactly.", "overall": 1.0, "reviewTime": "08 8, 2014", "summary": "Color does not match", "unixReviewTime": 1407456000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "A2PAYMQLADBO4G", "asin": "B0006JLW66", "style": {"Color:": " White"}, "reviewerName": "Eloi", "reviewText": "Good quality vinyl trim, better than the original. Note the 1 in. trim fits corner or roof trim. Most door and some window trim requires 3/4 in. trim. Shipping was as expected Amazon Prime (2 days).", "summary": "Camco 25202 RV Vinyl Insert (1\" x 100', White)", "unixReviewTime": 1378339200} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2012", "reviewerID": "A2DTZUZK9YRJVK", "asin": "B000BXKYYI", "reviewerName": "clearanceman", "reviewText": "What a deal, it's huge, has a screen that snaps in and it's the right size for putting gasoline in things. In this day and age where most gas can spouts don't have screens, this is an excellent item to have and a great price.", "summary": "Wow, for the money wonderful", "unixReviewTime": 1341964800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A864FYUPV285N", "asin": "B0002STSQM", "style": {"Size:": " Single"}, "reviewerName": "Mike", "reviewText": "Not as good as a professional tool but gets the job done. Can't really mess up a tire depth gauge", "summary": "Not as good as a professional tool but gets the job done", "unixReviewTime": 1464480000} +{"overall": 3.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A2CSYPT90N45AE", "asin": "B000768D9W", "reviewerName": "ART BOYDS DETAILING", "reviewText": "not good", "summary": "Three Stars", "unixReviewTime": 1505433600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A36VV15O8ZIZ29", "asin": "B00092893E", "style": {"Size:": " 20 Ounce", "Color:": " 20 OZ"}, "reviewerName": "Rey", "reviewText": "Nice product !", "summary": "Five Stars", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2012", "reviewerID": "AWBJBMNDR5CMK", "asin": "B00030CPOQ", "reviewerName": "Lorenzo", "reviewText": "I purchased this fuse holder for a pv system, works great.! Pure copper and who cares if it's not water proof, I just put some dialectric grease where the fuse contacts are to keep moisture out, no brainer there.!!! I'll order more to connect my car amp.", "summary": "Maxi fuse holder", "unixReviewTime": 1347321600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A233GB2ZR466QF", "asin": "B0000AXU02", "reviewerName": "Kenneth Winlaw", "reviewText": "As described", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A56IBOFPSCLFB", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "doc_brown", "reviewText": "this thing saved me a lot of trouble. I used it to add transmission fluid to my Honda del sol, no complaints", "summary": "excellent pump", "unixReviewTime": 1506556800} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "AX6QV4QROHKNX", "asin": "B0002NIKGQ", "reviewerName": "kevin wood", "reviewText": "Perfect for my yellow camaro, great weight and look custom.", "summary": "floor mats u can brag about#", "unixReviewTime": 1430265600} +{"overall": 4.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A2N4UQ7I0RK2BZ", "asin": "B000BYB1Z8", "reviewerName": "Brother Cannon", "reviewText": "My S10 didn't want to start when it was wet out.\nReplacing this and the Distributor/Ignition Rotor solved the issue and didn't break the bank.", "summary": "Fixed my truck", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A97174YQDN165", "asin": "B000CQFPYI", "reviewerName": "john", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A3KRQ817LJY0NC", "asin": "B0006IX7Y2", "style": {"Size:": " 15 Feet"}, "reviewerName": "Leonard Young", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A3OZQDZNWIC3HY", "asin": "B0009OMYDS", "reviewerName": "Austin Cox", "reviewText": "Good brush.", "summary": "Good brush.", "unixReviewTime": 1503100800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "A193KJKYP39WMD", "asin": "B0008F68KS", "reviewerName": "Chris Thomson", "reviewText": "Reese is a quality mfg. This product installed and works to my expectations. Don't mess with cheaper products, go Reese", "summary": "Perfect", "unixReviewTime": 1356825600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "AM8415JI5EE65", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "LESLIE R RAISCH", "reviewText": "Perfect to eliminate the problem.", "summary": "Five Stars", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A3HRDXJ5D9C4NL", "asin": "B000CB5AJI", "reviewerName": "Thomas", "reviewText": "This cap came with better hardware, and was better constructed than the factory Cap on my 2003 Nissan Frontier. I waited far too long to change the cap and rotor, but once I did, what a difference!", "summary": "Better Than OEM", "unixReviewTime": 1390521600} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A3BMRVQS222NZ5", "asin": "B000CD8HH8", "style": {"Size:": " 26\"", "Style:": " 900267B"}, "reviewerName": "eugene Clinkscale", "reviewText": "The purchase was just what I was looking for and it was very easy to install. Visibility is superb.", "summary": "great product", "unixReviewTime": 1410912000} +{"overall": 3.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A3GM3NUR3JFQMN", "asin": "B0002BEUXK", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Mike", "reviewText": "Used for an install in a 1995 F150. A lot of material to fill an 1/8 inch gap.", "summary": "Three Stars", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2010", "reviewerID": "A1YXDXLDI1C9DJ", "asin": "B000DN7Q3S", "reviewerName": "SB", "reviewText": "These were a breeze to install and worked perfectly! Highly recommend to anyone who is having issues with the tailgate or hood crashing on their head when trying to open!", "summary": "Excellent Replacement!", "unixReviewTime": 1291593600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A3QIZG0CGBB2Y", "asin": "B000C57YQQ", "reviewerName": "Brad", "reviewText": "Made in the USA and perfect fit!", "summary": "Five Stars", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "AXVS62SEI6K02", "asin": "B000ALJYEW", "style": {"Size:": " Pack of 1"}, "reviewerName": "Patricia Felland", "reviewText": "works well on our mirror", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A3SRM13YU97A5", "asin": "B00068AJPM", "style": {"Size:": " 64 oz."}, "reviewerName": "Jose", "reviewText": "Awesome car wash detergent.", "summary": "Five Stars", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "AQC53T5V8WE3", "asin": "B0002SQU9K", "reviewerName": "Michael S.", "reviewText": "Worked perfectly and much cheaper than anywhere else I looked.", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 4.0, "verified": true, "reviewTime": "03 25, 2013", "reviewerID": "A1JUTNHMN0UGJ8", "asin": "B000EAIERW", "reviewerName": "Jeff Parra", "reviewText": "It is not as strong as I would like but it looks good and for the price I cant complain.", "summary": "works good", "unixReviewTime": 1364169600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A2KPBOBUUVAAOP", "asin": "B000B8N3MS", "reviewerName": "Karman W.", "reviewText": "Great. Works good.", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A38XSLIBZ6B1NQ", "asin": "B000C55MOC", "reviewerName": "Brad Crutchleo", "reviewText": "The ride with these is fantastic whether you are towing or not. Great item and easy install. Don't forget the heavy duty brake pads!", "summary": "Awesome! Worth every penny", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": false, "reviewTime": "11 24, 2015", "reviewerID": "A3T80CIVKOY78F", "asin": "B0006ZFRQG", "style": {"Size:": " 48\" (3 Ton Capacity)"}, "reviewerName": "Duc Nguyen", "reviewText": "Works perfectly and was relatively inexpensive.", "summary": "Works.", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "APZA99XYDRW2F", "asin": "B000C2GGAY", "reviewerName": "Wyatt Earp", "reviewText": "Perfect fit for 2003 Siverado", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 1.0, "verified": false, "reviewTime": "12 12, 2017", "reviewerID": "A14ACAI1MB0JLG", "asin": "B000AS1XYO", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Rummy", "reviewText": "Snake Oil. No additives. If you want thicker oil, buy 20W-50 or 10W-60.", "summary": "SNAKE OIL", "unixReviewTime": 1513036800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A2YY6KZD4604O0", "asin": "B000C5WCLI", "reviewerName": "Drew Dingeman", "reviewText": "Worked perfect, cleared my Check Engine Light on my 2002 IS300. High quality!", "summary": "High quality at good price!", "unixReviewTime": 1446768000} +{"overall": 3.0, "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A11WRXQCMUN1GE", "asin": "B0009JKGJC", "style": {"Size:": " 12 Ounces"}, "reviewerName": "Amazon customer", "reviewText": "Does ok! Cleans well, but polish isn't as great as I would hope.", "summary": "Mediocre", "unixReviewTime": 1513468800} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A3PNQCL5YKJ8XA", "asin": "B000C9NPBA", "reviewerName": "Paul stanley", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2014", "reviewerID": "A2T9ECMEHSAIG5", "asin": "B000COCWIC", "reviewerName": "Dieselboy", "reviewText": "Love it, 99 cents and it does the job wonderfully, plug the hole, looks neat and has a no-smoking sign.", "summary": "Just perfect", "unixReviewTime": 1402790400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A3S1NQWNC5XZS2", "asin": "B000A0EJD4", "reviewerName": "TULL", "reviewText": "GOOD DEAL", "summary": "Five Stars", "unixReviewTime": 1486166400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A3UHHFOT42FROD", "asin": "B0000AXWS5", "style": {"Size:": " 1-1/16-Inch"}, "reviewerName": "Retired Sparky 176", "reviewText": "Great quality bearings and seals that fit perfectly...no problem! They are shipped without being packed with grease, so have some on hand, ready for installation.", "summary": "Great quality pair of bearings and seals with new cotter keys", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A39E5GMORTXY82", "asin": "B000182ES2", "reviewerName": "Shane Johnson", "reviewText": "Great piece, looks sharp, does the job, and it was 15 bucks cheaper than the auto parts.", "summary": "Five Stars", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A3SVJNP9M95595", "asin": "B000CONU2O", "reviewerName": "Jon Gerke", "reviewText": "SHINY", "summary": "Five Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": false, "reviewTime": "11 11, 2014", "reviewerID": "A2WKFXM3EV60F8", "asin": "B00063X38M", "style": {"Size:": " 5 Ounce"}, "reviewerName": "John Paul", "reviewText": "Best weather stripping adhesive you can get, thin coats and let it dry to tacky and BAM!! Holds like a ninja...would recommend..", "summary": "Best weather stripping adhesive you can get", "unixReviewTime": 1415664000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "03 5, 2011", "reviewerID": "A1VXK0OC2MKZN", "asin": "B0009OMYCO", "reviewerName": "Mr. N. Broadrick", "reviewText": "Alas, I bought this and I didn't need. Hey, that's definitely GOOD news! It is well made and it would perform its function well if needed. It's great to know that it is in my tool chest in case I ever do need it.", "summary": "I'm glad I bought it", "unixReviewTime": 1299283200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A28JDDONPTJA3E", "asin": "B000C1OX00", "reviewerName": "frank g. rodriguez", "reviewText": "Love it on my car.", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "A3HTQ3LCK8T71V", "asin": "B000E346X0", "reviewerName": "Andrew", "reviewText": "thewse worked great on my 98 Silverado. it was extremely easy to install, pretty self explanatory. the price was unbeatable especially by the local auto parts.", "summary": "Worked Great", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2017", "reviewerID": "A12COWVUMAFI72", "asin": "B000778LCU", "style": {"Size:": " Quantity 1"}, "reviewerName": "Reed Winfrey", "reviewText": "I've been using these for many years and will never go back to using grease as a 5th wheel lubricant. I sure wished these could be used back when I was driving Semi's.", "summary": "Best product ever.", "unixReviewTime": 1501891200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2014", "reviewerID": "A1EP49EQIRLQZ2", "asin": "B000C59Y8M", "reviewerName": "Katie Harley", "reviewText": "Great product and better than the original. replaced the Idler arm, arm bracket and Pitmen arm at the same time.\nNo more Mr Toads Wild Ride from my 2500HD", "summary": "Moog Idler Arm", "unixReviewTime": 1397692800} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A1VQC0MWX3V260", "asin": "B000182ESC", "reviewerName": "Backnthaday", "reviewText": "I bought this deflector to match my over the doors wind visors. Perfect fit, top quality and easy install. Great add for function and styling.", "summary": "Great quality deflector", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "AZD6OM6060865", "asin": "B000BR8UAO", "style": {"Size:": " ZT729"}, "reviewerName": "Randy McDonald", "reviewText": "These are my favorite chains. Easy to put on, easy to take off, easy to store. They work great in ice, snow and icy snow. Living in NW these work great in our sloppy snow.", "summary": "The only Chain I will put on my cars", "unixReviewTime": 1497225600} +{"overall": 1.0, "verified": true, "reviewTime": "04 10, 2017", "reviewerID": "A3ITIDXLY7EVVO", "asin": "B0001CLFLA", "reviewerName": "S.W.", "reviewText": "Has failed twice on me now.", "summary": "One Star", "unixReviewTime": 1491782400} +{"overall": 4.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A2F273Z5AT02JQ", "asin": "B000COTIKM", "reviewerName": "KBednarsky", "reviewText": "Got the job done at a good price. Added new life to my '91 Chevy Truck.", "summary": "Four Stars", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A36754H1BYKBAX", "asin": "B000C8T96Q", "reviewerName": "Amazon Customer", "reviewText": "Great Seller! Great Price! Great Product!", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "ANQRYBNWPSKBO", "asin": "B000COO1Q8", "reviewerName": "jake", "reviewText": "awesome", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "AFUWV47DFKA5B", "asin": "B000C9WLBA", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "George A. Williams", "reviewText": "All OK.", "summary": "Five Stars", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2012", "reviewerID": "A1LXQ7HDMEO17H", "asin": "B000AMBOI0", "style": {"Size:": " Analog / BT-100"}, "reviewerName": "EagleScout", "reviewText": "There is no need to go and spend a bunch of money on one of these at your local auto parts store i work on heavy equipment for a living and I'm having to constantly use this it works great and is easy to read.", "summary": "Works great", "unixReviewTime": 1351641600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "APOL1MSFCE6XY", "asin": "B000BPLNXC", "style": {"Size:": " 26\""}, "reviewerName": "james d norris", "reviewText": "Fast shipping, great product", "summary": "great", "unixReviewTime": 1451260800} +{"overall": 3.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A1ZK2MTBAFWQN8", "asin": "B00032K9RO", "style": {"Color:": " Chrome"}, "reviewerName": "larry allison", "reviewText": "it does not fit the plate like it should not worth the money", "summary": "Three Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "AVAIDG7HCX1GY", "asin": "B000C5HXLM", "reviewerName": "RICHARD C GENZEN SR.", "reviewText": "they fit perfict", "summary": "Five Stars", "unixReviewTime": 1457308800} +{"reviewerID": "A3745S2YR452O2", "asin": "B000C00YAE", "reviewerName": "Jeff Monroe.", "verified": true, "reviewText": "Boots fit well, Rubbers for the slider pins are not correct for 2001 honda accord LX 2.3", "overall": 3.0, "reviewTime": "03 20, 2015", "summary": "Three Stars", "unixReviewTime": 1426809600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "ANO5JGHXIHCZF", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "good stuff!", "summary": "Five Stars", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2016", "reviewerID": "A3NR624Z1CF0KS", "asin": "B000COU7LG", "style": {"Size:": " 4 oz."}, "reviewerName": "bostonpauly", "reviewText": "great shine with little work", "summary": "Five Stars", "unixReviewTime": 1474761600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A34NXKAQVF6WHF", "asin": "B0009VIQ1A", "style": {"Style:": " Duster"}, "reviewerName": "Richard Kemp", "reviewText": "Works great, don't care much for the plastic handle but that ok the mope part works great, Thank You", "summary": "California car Duster, works great, Thank You", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A27JVV8EBIN0WE", "asin": "B000BP7M8W", "style": {"Size:": " 20 feet", "Style:": " Super Heavy-Duty"}, "reviewerName": "Russ C", "reviewText": "Great high quality hose that will last a very long time", "summary": "Great hose", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A2KUHQFHGLW6G0", "asin": "B00068OLEW", "reviewerName": "SLEAHA", "reviewText": "Just what I needed!", "summary": "Great product", "unixReviewTime": 1426550400} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "AQ1DJED1GNQZA", "asin": "B0002JMUZC", "reviewerName": "MGA", "reviewText": "OEM fuel filters for half the cost because the boxes were damaged. Good deal for me. Thanks.", "summary": "Good deal for me.", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A2ZGGJ9LTEWFO3", "asin": "B0000AY3X0", "style": {"Color:": " Yellow", "Style:": " Single"}, "reviewerName": "Peter", "reviewText": "I've been using the Absorber for over 15 years and I still haven't found a better chamois.", "summary": "Haven't found anything better yet.", "unixReviewTime": 1481500800} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A1JHF612Z1MQ19", "asin": "B000C9LPEO", "reviewerName": "kurt", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A33683OG22S6JP", "asin": "B0009H52BG", "style": {"Style:": " Ultra Synthetic"}, "reviewerName": "Dave", "reviewText": "I hate the orange can of death, but these fram ultra seems completely different. Cost is low while the quality seems comparable to the penz and seems better than KN and M1!\nHowever looks can be deceiving so I would not know, let the engineers figure that out.", "summary": "Great filter at great price!", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A29ZW2JY6EUNE9", "asin": "B000C9TU3M", "reviewerName": "Rich", "reviewText": "Like to use manufactures stuff Shen I can. Worked great", "summary": "Five Stars", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2010", "reviewerID": "AQQA313LSDINB", "asin": "B000C34KV0", "reviewerName": "REAL4WD", "reviewText": "this belt works amazing! if i washed my crown vic and i started her up i used to hear belt squeak. now, no squeak! with the fast and firm shifts sometimes the belt would slip, no more! these are awesome! great price! will buy again!", "summary": "awesome!", "unixReviewTime": 1293148800} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2017", "reviewerID": "ASUSVUOPEEP3K", "asin": "B000A8JLIY", "style": {"Number of Items:": " 4"}, "reviewerName": "David Taylor", "reviewText": "as expected", "summary": "Five Stars", "unixReviewTime": 1508544000} +{"reviewerID": "A2CLM94QEGJDMC", "asin": "B0009T6EA2", "reviewerName": "SmittyNYUSA", "verified": false, "reviewText": "Very nice", "overall": 5.0, "reviewTime": "09 19, 2017", "summary": "Very nice", "unixReviewTime": 1505779200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A2TIC4FGPQ2F8W", "asin": "B000AM8BLI", "style": {"Style Name:": " 3157"}, "reviewerName": "Christopher", "reviewText": "Good product A+++ Just what I needed and wonderful price", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A21DVLPGHQKQ2C", "asin": "B0000AY4YJ", "reviewerName": "cg", "reviewText": "Great stuff", "summary": "Five Stars", "unixReviewTime": 1510185600} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A2B3H7RQ3MTFGX", "asin": "B000CO787C", "reviewerName": "Ryan of Indiana", "reviewText": "Because Dodge can't make anything right the first time, I had to buy some of these for Dad's mistake. Work great, fit well, bought two as directed for proper balance/length issues.", "summary": "Go ahead, they're good, get two at a time to evenly distribute the load.", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A2DXKV4SQZLRUH", "asin": "B0009OMYDS", "reviewerName": "Lwuajiro", "reviewText": "Very sturdy and useful. Already got my money's worth.", "summary": "Five Stars", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2016", "reviewerID": "A3IK64MODV1WMP", "asin": "B0009IQXCM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Cameron", "reviewText": "I've used it twice and it gives my Vw a perfect shine.\nRead other reviews before buying this and it seems to be the best out there, don't have anything to compare it to.\nIt comes with a yellow applicator pad and 2 pads worth of solid wax, which for me was 2&1/2 wax sessions.", "summary": "Chinny car wax.", "unixReviewTime": 1468195200} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2016", "reviewerID": "AXBFQJH0MDYVB", "asin": "B000CMD9TK", "style": {"Size:": " 1/2-inch"}, "reviewerName": "Kevin J.", "reviewText": "In my opinion the best theft protector wheel locks. One key 4 nuts. Key works with two wrench sizes.", "summary": "Excellent product", "unixReviewTime": 1475884800} +{"overall": 5.0, "verified": false, "reviewTime": "02 10, 2017", "reviewerID": "A2IATHX3992XE9", "asin": "B000BOC9K4", "style": {"Size:": " 1 3-pack"}, "reviewerName": "Tom M.", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A1NANM7VNUUXDK", "asin": "B0009IQXJ0", "reviewerName": "jeodee", "reviewText": "Makes my tires shiny and good looking.", "summary": "Good Stuff", "unixReviewTime": 1464566400} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A5HFEHGX38UPM", "asin": "B0009RYBMW", "reviewerName": "J. Lackey", "reviewText": "Could have been LED. Other than that, can't really complain. Replaced lousy old incandescent bulb with high quality, longer lasting, power saving, cooler running LED bulb.", "summary": "Works great.", "unixReviewTime": 1373500800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A1ABM4LFWYX70Z", "asin": "B0002SRCMO", "reviewerName": "Mike", "reviewText": "way better than using a crew driver to pull those plastic rivets out, won't tear them up.", "summary": "Better than a screwdriver", "unixReviewTime": 1474329600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A33X463QN1OP5G", "asin": "B000C30J5Q", "reviewerName": "Jim Browning", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "A20G13SYXHG5XS", "asin": "B000E471PE", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "AHIC808", "reviewText": "Fits perfectly and the price was half of what Pep Boys was selling it for. As a Prime member, it came in just 2 days.", "summary": "Fits like a glove", "unixReviewTime": 1395878400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A15VV2R5H7S0J9", "asin": "B000BPQGSY", "reviewerName": "Andres Medina Class", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "ACZJOPX05KNS0", "asin": "B000BQ5QZC", "style": {"Number of Items:": " 1"}, "reviewerName": "M. Miller", "reviewText": "Works great in my Yamaha dual sport bike.", "summary": "Great OEM spark plug", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "AB53JPVWYP6PL", "asin": "B000CC0HZ4", "reviewerName": "Donald C. Licorish", "reviewText": "Very convenient and has held-up well.", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A3CYIUDIVFJRSW", "asin": "B0002NYDYO", "reviewerName": "Amazon Customer", "reviewText": "works great an a good $$$$$$$", "summary": "Five Stars", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2013", "reviewerID": "A2AM7592UJANYG", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Bob077", "reviewText": "I have tried other brands and they have overheated my batteries. These keep a good charge and have not overcharged. Remember use need to start with a well charged good condition battery, and this wll keep it up.", "summary": "Worth it!", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A1WB4ZU1TR527V", "asin": "B0009TAOBC", "reviewerName": "James Cotter", "reviewText": "Fit fine on my HaulMaster trailer", "summary": "Five Stars", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A8VCHZP0BXZ9O", "asin": "B000C2WKPE", "reviewerName": "John", "reviewText": "IT a Gates belt. One of the best quality products I have found for my 2001 Silverado Truck.", "summary": "Quality Product", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2014", "reviewerID": "A18JG6ITKGJLPT", "asin": "B000BNLX5C", "style": {"Color:": " Gray"}, "reviewerName": "James", "reviewText": "These fit my 2001 Subaru impreza with only trimming the top on the drivers side. They are made of a quality material that I feel should hold up great.", "summary": "great quality", "unixReviewTime": 1400630400} +{"overall": 4.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A3375IRJ79KFF7", "asin": "B000BGM240", "style": {"Color:": " Polar White"}, "reviewerName": "d2", "reviewText": "It was identical to the cap it replaced. Be aware that you need calk or sealant not included. Some effort to install but not too bad.", "summary": "Fit well.", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A26CXWCR4HJFHD", "asin": "B000CPAVIE", "style": {"Color:": " Gloss Clear"}, "reviewerName": "Howard T. Amy", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "AYQRCQ2Q7FM3B", "asin": "B0002KO39C", "style": {"Size:": " 2-Piece Valve Lapper Set"}, "reviewerName": "Bill Huff", "reviewText": "Worked well as promised", "summary": "Five Stars", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": false, "reviewTime": "09 28, 2014", "reviewerID": "A13TTFZW3M81QT", "asin": "B000C5WCRW", "reviewerName": "redassaggie00", "reviewText": "Fixed my lazy worn out O2 Sensors. Truck runs much better. Plug and play, no cutting or splicing.", "summary": "FJZ80 Oxygen Sensors (plug and play!)", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A2JJXRS9RGE9Z9", "asin": "B000CO7DIQ", "reviewerName": "Russell ", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A1TI0EZWDE7RXW", "asin": "B000E4N2PW", "reviewerName": "Patrick Wall", "reviewText": "Fit perfectly! Window is working again. :)", "summary": "Fit perfectly! Window is working again.:", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A1RRAUDSUZHVKU", "asin": "B000C3XD90", "reviewerName": "Tacket", "reviewText": "Fits my 1999 Maxima perfectly and works well.", "summary": "Five Stars", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A1JRX70NKG9QC5", "asin": "B0002SQZPY", "reviewerName": "Dent Kirkland", "reviewText": "Works great. Thanks fast shipping", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A3524MY9NZSOIS", "asin": "B0009IQXM2", "style": {"Style:": " Cleaner"}, "reviewerName": "James Cutolo", "reviewText": "Did a nice job of cleaning. The sprayer has a wide angle and covers a lot of rim. However after four rims I used about a fourth of the bottle. Luckily the price isn't ridiculous so it is still very much worth it.", "summary": "Have to use a lot", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A14IWIBPKZNOI6", "asin": "B0007LMC1C", "reviewerName": "jvalit", "reviewText": "This is the brush I use to clean the inside parts of the rim. As long as you clean regularly the stuff on the rims comes off with just a little bit of scrubbing.", "summary": "Very useful", "unixReviewTime": 1417651200} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A28E7SUAF9F9UY", "asin": "B00030CY5G", "reviewerName": "duane d ellis", "reviewText": "works great with proper crimping tool", "summary": "Four Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A3NLGT465W9DUK", "asin": "B0002KR88A", "style": {"Size:": " 12AMG Inline Fuse Holder-5 Pack"}, "reviewerName": "Auston", "reviewText": "Seems to work fine for what I'm using it for. Good price as well.", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "AI6NMLJQTJVQ1", "asin": "B000AP6RHK", "reviewerName": "Corey", "reviewText": "No real difference in power, but the sound is a bit different. Definitely less restrictive than stock.", "summary": "Less restrictive than stock", "unixReviewTime": 1436227200} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A2D59YJKZ8ZJ9C", "asin": "B0009OMYDS", "reviewerName": "Kindle Customer", "reviewText": "Love it works great", "summary": "Four Stars", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2012", "reviewerID": "A3TJB9UYQ63FGN", "asin": "B000E2ARDO", "reviewerName": "kevin", "reviewText": "Threw this filter on my 1991 GS500 while doing an oil change. Fit perfectly and even came with a new seal to replace the old one. No noticeable difference from a regular oil filter, but my bike is running well, probably safe to assume that it's doing it's job.", "summary": "Fits perfectly, works well", "unixReviewTime": 1325808000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A1GS3PYV7KQGM1", "asin": "B0006SH4LY", "reviewerName": "2STARANCHOR", "reviewText": "no issues", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A277VRMZMI06AI", "asin": "B000ALIT2K", "reviewerName": "Melina", "reviewText": "Worked perfectly for my GC and now I don't have to use a piece of wood to hold it up.", "summary": "Worked great", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A1BI8QZMMIUPW3", "asin": "B000C5YD42", "reviewerName": "elias osefo", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A2UVFFPO8SMMVE", "asin": "B000CFKS9Q", "reviewerName": "Buckwheat", "reviewText": "works for old and newer starters", "summary": "Five Stars", "unixReviewTime": 1422316800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A1DGQYRB0AIM3P", "asin": "B000CPAFXK", "reviewerName": "Tad T.", "reviewText": "Perfect fit, Does what it's supposed to do perfectly", "summary": "Five Stars", "unixReviewTime": 1404518400} +{"overall": 1.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "ANUTISY02L0K9", "asin": "B000BQYH6Q", "reviewerName": "taper002", "reviewText": "Returned. They turned out to be hollow cheap plastic , not solid .", "summary": "One Star", "unixReviewTime": 1415923200} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "ADAHDJIMTQVQ", "asin": "B000BWCFT6", "reviewerName": "OsayaEkiuwa", "reviewText": "didnt end up using it", "summary": "Four Stars", "unixReviewTime": 1427932800} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "ATWDFTGTZ81F7", "asin": "B0002MB80C", "reviewerName": "David Ohde", "reviewText": "I am still debating whether I should make the effort to install a laced cover, which would be preferable.\nIt is a good cover, eminently satisfactory and an improvement over the naked wheel.", "summary": "Good leather cover in a jiffy.", "unixReviewTime": 1366156800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "A2MHRJUSQ4R2NJ", "asin": "B000CMF4J8", "style": {"Size:": " Standard Socket"}, "reviewerName": "The Shadow", "reviewText": "Bought this for 2012 Jeep JK. Fits nice and easy in my Jeep. Easy to use-like the extra sockets that came with the wrench.", "summary": "Fantastic idea", "unixReviewTime": 1399593600} +{"overall": 3.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A3HK0QK3YVKJM9", "asin": "B00029J2GW", "style": {"Size:": " X-Large", "Color:": " Black Denim"}, "reviewerName": "David W Somers", "reviewText": "A good material but order a size larger at least than rec. as sizing instructions come in to small espeacially for off-roads.", "summary": "Besttop", "unixReviewTime": 1388707200} +{"overall": 1.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A38LE98UKCQXP3", "asin": "B0000AXDFT", "style": {"Size:": " Size 4: Fits Cars up to 19' Long"}, "reviewerName": "Ken", "reviewText": "It said it fits my car (1999 Benz S600) That cover Won't even cover the top portion of that car!? Return cost is 60% of the cost of the cover, Thnx Amazon!!!!", "summary": "It said it fits my car (1999 Benz S600) That ...", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "A2PWQE3AKYKSXO", "asin": "B000C8224M", "reviewerName": "Albert Wright", "reviewText": "Fits well.", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 2.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A33JNUQJDE4F8", "asin": "B0006IX7Y2", "style": {"Size:": " 15 Feet"}, "reviewerName": "OldArmyVeteran", "reviewText": "Handle/carrier was broken right out of the box. I hope the rest of the product holds up better. The carrier is made out of cheap plastic that is insufficient for the weight of the product.", "summary": "Broken Out of the Box!", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A1AWMH1PIBUJ18", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK986"}, "reviewerName": "Miguel Suarez", "reviewText": "Good quality.", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 3.0, "verified": true, "reviewTime": "09 16, 2013", "reviewerID": "AFOZMH2ZQVF3F", "asin": "B0007KK2C4", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Dave", "reviewText": "It is just Ok it got the job done. The adapter is not a straight bolt in application, you must use washers and other parts to build it to your dash.\nIt will work, BUT have lots of patience when assembling the radio to the dash and check fit often before final assembly.", "summary": "It is ok", "unixReviewTime": 1379289600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "AUAYCISK3STO7", "asin": "B0000WU0BC", "style": {"Style:": " TL220"}, "reviewerName": "Tim", "reviewText": "Nice...", "summary": "Nice...", "unixReviewTime": 1486166400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A1WE1P4OGX3AS8", "asin": "B0001EW044", "reviewerName": "tc", "reviewText": "fit and work great", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": false, "reviewTime": "04 10, 2007", "reviewerID": "AYXGBCPEZHJTM", "asin": "B000AMADZA", "reviewerName": "Carlomagno Alvarado", "reviewText": "These bulbs have a grat look if you have clear corners on your car.", "summary": "Great look", "unixReviewTime": 1176163200} +{"overall": 2.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A32O2ZDO62O6HR", "asin": "B0001XPCCM", "reviewerName": "L. James", "reviewText": "Looked nice but broke when the first rock hit it. Suggest buying the flat type that is guaranteed for life rather than this product.", "summary": "Won't last", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A2QW1MZR2S71EX", "asin": "B000AMLWH8", "reviewerName": "Ivan", "reviewText": "Works. What else can I say?", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "AGZMJG0Q98L60", "asin": "B000AMBOI0", "style": {"Size:": " Analog / BT-100"}, "reviewerName": "Robert M St John Sr", "reviewText": "Great product a real need when you have to know how well your battery is working", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "A3T5COVBSBQR7Q", "asin": "B000BUTD9S", "style": {"Size:": " 18 Inch", "Color:": " Gray"}, "reviewerName": "hfrez", "reviewText": "Fit nicely and do a good job keeping the majority of the dirt out of the trailer.", "summary": "Five Stars", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A3DDPX2SPJ332B", "asin": "B000C9TD66", "reviewerName": "Nick", "reviewText": "Throw the cheap gasket away and use the OE steel reinforced gasket (reusable) (1997 Buick Park Ave). Otherwise, seems to be a good filter and fit.", "summary": "seems to be a good filter and fit", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A1WMWM42LEUMGV", "asin": "B0002Q81W6", "reviewerName": "Terry", "reviewText": "great item", "summary": "Five Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A19UQXFFS6PN3T", "asin": "B000DINKPQ", "reviewerName": "Michael Grimes", "reviewText": "Installed it on my Ducati Monster. Haha! Love it! Definitely does not sound like a motorcycle horn!", "summary": "motorcycle compatible", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A1VVPU72VAWMB", "asin": "B0002TDUXS", "style": {"Style:": " Standard - Kit"}, "reviewerName": "Russell Farrow", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A1V5V2BMSRUDNT", "asin": "B000E2AMKC", "reviewerName": "Christopher D.", "reviewText": "Got my new filter for my 420 rancher in a few days back and just like all of K&N products it fit perfectly and was ready to go right out of the box", "summary": "... 420 rancher in a few days back and just like all of K&N products it fit perfectly and was ...", "unixReviewTime": 1423353600} +{"overall": 4.0, "vote": "11", "verified": true, "reviewTime": "08 25, 2010", "reviewerID": "AL9WTQCTB58PY", "asin": "B0000AY2BR", "reviewerName": "K.C.", "reviewText": "Light is as advertised. It is a tail light and brake light. Cord could be a little longer. It is only about twelve inches long. I tried many of these type lights and to me this one worked best.", "summary": "Nice fourth tail light", "unixReviewTime": 1282694400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A3B0PFTK0UE4BO", "asin": "B0002F68JK", "reviewerName": "DrewAZ", "reviewText": "High quality material and finish and it fit perfectly on my 2014 Ford E350 based RV (Thor Chateau).", "summary": "Five Stars", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A32KB6AJP7SEKW", "asin": "B000BRF38Q", "style": {"Size:": " 10 Millimeter"}, "reviewerName": "R.M.B.", "reviewText": "So far, so good!", "summary": "so good!", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A1FSBAE5GQ17MD", "asin": "B000BAT9VK", "style": {"Size:": " 1 Quart (32 Ounce), (Pack of 6)"}, "reviewerName": "Yong Lee", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 3.0, "verified": false, "reviewTime": "06 13, 2016", "reviewerID": "A2O6JJTXB93Y4J", "asin": "B00029JNCA", "style": {"Style:": " Florida State Seminoles"}, "reviewerName": "rhianna jantz", "reviewText": "NOLES - - this product has the NEW LOGO on it - - NOT the original logo in the pic. I bought it specifically because it was the original logo. So if you are looking for the old logo, this is not it.", "summary": "New Logo (not original as pictured)", "unixReviewTime": 1465776000} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A3J5FCBP6TCQC4", "asin": "B000ALJ4MY", "style": {"Size:": " Single Unit"}, "reviewerName": "Steph.", "reviewText": "Works", "summary": "Four Stars", "unixReviewTime": 1516492800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 2, 2017", "reviewerID": "A8STAP75OK51N", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "StreetDoctor", "reviewText": "This stuff just works!\nFollow the instructions and run cleaner, leaner, with better performance, and mileage.", "summary": "Works as advertised!", "unixReviewTime": 1496361600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "ANRDFR00A4UM9", "asin": "B000CPCBEQ", "style": {"Size:": " Pack of 1"}, "reviewerName": "Chris Weber", "reviewText": "Best GL4 stuff around!", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2016", "reviewerID": "A14BTVB22C22GU", "asin": "B0007ZAJRM", "style": {"Size:": " 10 oz."}, "reviewerName": "Jeff Shattuck", "reviewText": "i have not used it yet in my 1971 chevelle but i am veryexcited to use it . looks like a great product.", "summary": "looks like a great product", "unixReviewTime": 1452470400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2017", "reviewerID": "A26PKXYHI3LR18", "asin": "B000C57WB8", "reviewerName": "WMH 87", "reviewText": "Great, easy install and fit for my 2005 2500HD CCLB Silverado.", "summary": "Five Stars", "unixReviewTime": 1507593600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A20ZKO4AY0ITBW", "asin": "B0009IQYBC", "style": {"Style:": " Ultra Synthetic"}, "reviewerName": "alex turner", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A1K9Y1RQLE6HSJ", "asin": "B000CIQ4VE", "style": {"Size:": " Sedan, 13.2' to 14.2'", "Style:": " Triguard, Light Outdoor Weather Cover"}, "reviewerName": "farivar talai", "reviewText": "perfect fit for my car", "summary": "Five Stars", "unixReviewTime": 1490486400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71QgJgvG8WL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/91L0Yr4ZRlL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "AVQ441OWME2VL", "asin": "B000C7TU9I", "reviewerName": "Malcolm Frasier", "reviewText": "Dropped right in with no hassles. Everything lined up perfectly with factory dimensions. No leaks after a few miles. Will report an update as time passes.", "summary": "An affordable, quality product that works better than stock.", "unixReviewTime": 1506211200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A106AT8UVDP8YM", "asin": "B000E7D394", "reviewerName": "Karl", "reviewText": "Works great and is ridged that you can bend it and feed it through tubes and hold its bend for nice clean work", "summary": "Great", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2011", "reviewerID": "ABKHWM6FEYFJ6", "asin": "B000CKGAV6", "style": {"Style:": " 9007"}, "reviewerName": "Joseph Reagan", "reviewText": "I have tried all different types of light bulbs but hands down I love Xtravision. More bright than standard and not to bright. I love these lights. Brighter and wider very good for driving at night. Was also superfast shipping oh and great price A+++++", "summary": "bright lights", "unixReviewTime": 1318377600} +{"overall": 3.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2DEBKUFOJS528", "asin": "B000E4PV42", "reviewerName": "m b", "reviewText": "The work, easy to replace, but don't seem to last for a lifetime.", "summary": "easy to replace", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A64OFFMMBLAG3", "asin": "B0002KKJ1I", "reviewerName": "Amazon Customer", "reviewText": "Quality product, worth every penny", "summary": "Five Stars", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "AFJY469J3WGVO", "asin": "B0009VIQ1A", "style": {"Style:": " Duster"}, "reviewerName": "NotCoolBro", "reviewText": "Great product!", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A3QGHTEYEF3ZZA", "asin": "B000C42R82", "reviewerName": "Daniel R.", "reviewText": "Fits perfectly a Jeep Cherokee 1999.", "summary": "Five Stars", "unixReviewTime": 1444262400} +{"overall": 3.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A3CNM5N4INTQHK", "asin": "B000C8224M", "reviewerName": "Cpt", "reviewText": "Hard to find one that is NOT made in Mexico, Hope it holds up ? Looks a bit on the flimsy side ?", "summary": "Made in Mexico and kind of looks like it too !", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A2XTLJDMNLS55N", "asin": "B000E28N7G", "reviewerName": "Kermitnator5", "reviewText": "saved me 10.00 off what dealer here wanted.better than dealer product.", "summary": "better than dealer", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2013", "reviewerID": "A7JP9T6MNKAZG", "asin": "B000CRBRZI", "reviewerName": "Scott Solomon", "reviewText": "I got these here for my Goldwing. Fit perfectly, the price was best I found and arrived on time. Good deal.", "summary": "just what the doctor ordered", "unixReviewTime": 1376697600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A3UFOFMJPUUFQ7", "asin": "B000CM5CGS", "reviewerName": "Jarvis829", "reviewText": "Nice fit", "summary": "truck mirror", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A2UO9UWGJALRVL", "asin": "B0002JJU28", "reviewerName": "Kathy", "reviewText": "Excellent for wire testing!!!", "summary": "Five Stars", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "ASAGY2AMDGE0", "asin": "B000AS1XY4", "reviewerName": "Mary E. Rose", "reviewText": "Filter works great. Can get any size you need as opposed to Walmart that offers only newer versions.", "summary": "Filter works great. Can get any size you need as opposed ...", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A2M8QZIKC9YM1V", "asin": "B000B59XMA", "reviewerName": "D. B. Rolling Press", "reviewText": "Warm face equals happy face.", "summary": "This badboy works", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A3OATW9CLIG444", "asin": "B000B8N3G4", "reviewerName": "Amy L. West", "reviewText": "works as advertised, no complaints. Make sure you get the proper PSI rating for your automobile. Plug and play. Thanks.", "summary": "works", "unixReviewTime": 1386288000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3A3X7WCCEDLX2", "asin": "B000C19DGY", "reviewerName": "Robin L", "reviewText": "No worries about the tailgate anymore. Store stuff safely", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A2HI8E4LM0PN5R", "asin": "B000BGJWA2", "style": {"Color:": " Black"}, "reviewerName": "HAMMERS LIST", "reviewText": "a+", "summary": "Five Stars", "unixReviewTime": 1477699200} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2014", "reviewerID": "A1DC5YW1TOEX2R", "asin": "B0006V2BHI", "reviewerName": "Doug White", "reviewText": "Worked just fine.", "summary": "Four Stars", "unixReviewTime": 1410048000} +{"overall": 4.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "AAGRFI0JRP7XY", "asin": "B000CB7DG6", "reviewerName": "David Small", "reviewText": "Worked well for my 325i (e46)", "summary": "Four Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A2KY5FCLA2QXSR", "asin": "B0002SR4Q8", "reviewerName": "Aubrey J. Taylor", "reviewText": "Smaller thanI thought. It does grip small filters just fine. Looks sturdy enough to last forever. The only thing subject to breakage or loss is the spring and it is replaceable.", "summary": "Works fine", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": false, "reviewTime": "05 8, 2012", "reviewerID": "AL7L4L7I84DWD", "asin": "B000CMD9TK", "style": {"Size:": " 12-mm X 1.50"}, "reviewerName": "The Subaru King", "reviewText": "These locks work perfect for my 08 subaru impreza the order came on time and never opened package very important i would recommend this product.", "summary": "wheel locks", "unixReviewTime": 1336435200} +{"overall": 1.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A34F6Z71P6K8WG", "asin": "B000E4JLM0", "reviewerName": "Amazon Customer", "reviewText": "Breaks easily on installation. it also came off as the glue did not hold well.", "summary": "Easily breaks, poor glue", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A36B4L3G5VOLBU", "asin": "B000CGMQB8", "reviewerName": "K.Henschel", "reviewText": "perfect fit.. 95 chevy blazer :)", "summary": "Dorman 696-100 Air Intake Hose", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A2D3U8GCMEEMFY", "asin": "B0009IBJAS", "reviewerName": "John Demianchyk Jr", "reviewText": "ITEMS WERE RECIEVED ON TIME--ITEMS WERE EXACTLY WHAT I EXPECTED--NO PROBLEMS --WILL ORDER AGAIN WHEN NEEDED", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "AMAH5NQ59ELIC", "asin": "B000CPJLEY", "style": {"Size:": " One Each, 10 oz."}, "reviewerName": "Joseph D. Hickenbotham", "reviewText": "this works where other products don't or just so so. great for older cars or trucks. My old truck shift much better now.", "summary": "works", "unixReviewTime": 1361577600} +{"reviewerID": "A1HXN3MCKON7BU", "asin": "B000C9SJUC", "reviewerName": "William R. Baker", "verified": true, "reviewText": "OEM replacement part that I needed. Perfect fit and function!", "overall": 4.0, "reviewTime": "03 29, 2016", "summary": "Excellent OEM replacement part!", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A2FQBB5RFV9N1H", "asin": "B000CO869Q", "reviewerName": "IPM", "reviewText": "good price, spent less than harbor freight", "summary": "prime free shipping made it best buy", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A3GEFOX0GYKPBG", "asin": "B0006Z9K1E", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "CO-Joe", "reviewText": "Did exactly what was needed. Seems good enough quality. Came with extra parts that we did not need.", "summary": "Worked perfectly.", "unixReviewTime": 1512000000} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A69QBC1U6HNIJ", "asin": "B000CB6ADS", "reviewerName": "Pen Name", "reviewText": "Works on 420sel thin wiper arms", "summary": "Four Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A3P9Q9PWAVAZTC", "asin": "B0002UEOLO", "reviewerName": "Alex Pavlov", "reviewText": "That works way better then KY Jelly and WD40 mix!", "summary": "That works way better then KY Jelly and WD40 mix!", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A14EW5NR2HUEC7", "asin": "B000E2CVT2", "reviewerName": "Montanawoodsman", "reviewText": "High end filter", "summary": "Will always make sure you get good filtration.", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A36RBDETUG40WZ", "asin": "B0009TAOBC", "reviewerName": "Big Wheel", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A1RS73RX3KJAKB", "asin": "B000CJB1AW", "reviewerName": "Carlos Vazquez", "reviewText": "Perfect replacement, maybe even better than oem because it is stiffer and thicker than stock which is twice the price.", "summary": "Better than OEM at half the price", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A2LCPFLXUN48R0", "asin": "B0002JN588", "style": {"Size:": " 3 Ounce, (Single Unit)"}, "reviewerName": "Charles Dayton", "reviewText": "A must have", "summary": "Five Stars", "unixReviewTime": 1487635200} +{"overall": 2.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A2URLVJYC7LI1G", "asin": "B000A3BXZ8", "style": {"Style:": " Ford"}, "reviewerName": "Sean MMMMMmmmm", "reviewText": "Don't think it even lasted a year. Might've been 8 months tops and it split on a warm day exposing adhesive. Upon removal I noted cracks on the internal material. It was toast. Good while it lasted but not long enough in my f150", "summary": "Didn't last as long as expected", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A2MLMD9JWBFVXZ", "asin": "B000C1QOGQ", "reviewerName": "Eric R Thompson", "reviewText": "okay", "summary": "Four Stars", "unixReviewTime": 1440201600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2013", "reviewerID": "AH076ZCLK43DT", "asin": "B000C544FA", "reviewerName": "scvcando", "reviewText": "This was a perfect fit and well made item. Price is unbelievably great through Amazon. Replacing the ball joint was one thing, but being able to replace the whole arm with the other two bushings for such little more cost was an absolute no brainer!", "summary": "Moog K80054 Control Arm with Ball Joint For my Ford Ranger", "unixReviewTime": 1364688000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "A1WTDL4QD2DWM0", "asin": "B0002SQZS6", "reviewerName": "pam", "reviewText": "The best product for the RV. Goes on easy. Takes off oxidation. Lasts 6 months. Use dual action polisher for best results.", "summary": "dav7von", "unixReviewTime": 1384905600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A1HF10QAB2JU4X", "asin": "B0002UHVJG", "reviewerName": "OD Walker", "reviewText": "solved my problem", "summary": "Five Stars", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2016", "reviewerID": "AWZ9BQ47C8P3P", "asin": "B000CO9TVA", "reviewerName": "sir buystuff", "reviewText": "This with a poweraid throttle body spacer and a magnaflow cat back system has my Ram 1500 screaming!!!! Install was simple.", "summary": "Worth it", "unixReviewTime": 1482537600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2017", "reviewerID": "A1Y8Z6FVVRBQG8", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "Nellie", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1493424000} +{"reviewerID": "A27II0QVPKPQ3S", "asin": "B0009T6EA2", "reviewerName": "Austinite", "verified": true, "reviewText": "exactly what the description says", "overall": 5.0, "reviewTime": "11 13, 2017", "summary": "Five Stars", "unixReviewTime": 1510531200} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "AHNSXEXQSE7BW", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "PhotoGirl156", "reviewText": "It does a good job making me think it does something. I used it as part of reconditioning a \"new for me\" car with 100k miles. Thousands swear by it, its never given me a problem and has smoothed out some of my cars in the past.", "summary": "not snake oil.", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A16RMMB6N95P7K", "asin": "B000CPCBF0", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Bill. -Bills Toy Shop Inc.", "reviewText": "One of the best out there.", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": false, "reviewTime": "09 10, 2016", "reviewerID": "AXEUQXI9SOHTL", "asin": "B0009JKGJ2", "style": {"Size:": " 1 Pack"}, "reviewerName": "VIP AUTO SOUNDS SI, NY 10303", "reviewText": "same formula, always same results, good product\n\nBest regards\nVIP AUTO NYC", "summary": "good product Best regards VIP AUTO", "unixReviewTime": 1473465600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A2SGGE2WTJBJH7", "asin": "B0000UUU6E", "reviewerName": "Firefighter3217", "reviewText": "My last K&N lasted 100k miles back when that was the warranty. In the end, the gasket started wearing out. This one came with a million mile warranty! I'm so excited to be living the K&N life", "summary": "Love these so much", "unixReviewTime": 1450224000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "A3MYV9EMO6OSCI", "asin": "B00093CL3M", "reviewerName": "Kelsey Williams", "reviewText": "slow shipping but product is as described.", "summary": "Five Stars", "unixReviewTime": 1501372800} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A1O4IXHS34EHDG", "asin": "B000BKKUSQ", "reviewerName": "Troy", "reviewText": "seals out water", "summary": "Four Stars", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A2NFX6EP7ZCD4T", "asin": "B00032KBFE", "reviewerName": "Bear", "reviewText": "no more getting my tag off..", "summary": "Five Stars", "unixReviewTime": 1463443200} +{"reviewerID": "AY8BILCPE3XJ7", "asin": "B000E1FZYG", "reviewerName": "jeff raymond", "verified": true, "reviewText": "great cover and price", "overall": 5.0, "reviewTime": "07 2, 2016", "summary": "Five Stars", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A168I9WV855K3H", "asin": "B000CIFKLY", "style": {"Style:": " Flat Black"}, "reviewerName": "laten &amp; crystal", "reviewText": "look good on my truck", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2C2GX6CREE4PS", "asin": "B000CSD29Q", "reviewerName": "Brian", "reviewText": "Used on my 2008 ford f350 Sinister coolant filter kit.", "summary": "Wix filters, Awesome", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A2MIHNQFFDPX2D", "asin": "B000E65NSE", "reviewerName": "Benjamin Perez, Jr.", "reviewText": "It worked.", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A378OWEXYMQXQA", "asin": "B000ALBZK8", "style": {"Size:": " 0.84 Ounce"}, "reviewerName": "Joshua S. Fry", "reviewText": "Did not work at all with my project. Does not work on all plastics", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"overall": 2.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A2AKS79KGX7NG2", "asin": "B000BZX28Q", "style": {"Size:": " 1 Kit"}, "reviewerName": "Nic", "reviewText": "if you're appliance needs touch up it most likely is old so white isn't going to match . it stands out like a sore thumb", "summary": "it stands out like a sore thumb", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A168HCYKO2NZAT", "asin": "B00027GO92", "reviewerName": "Ron McPhail", "reviewText": "Works well.", "summary": "Five Stars", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A2O9RDCYVOPCN1", "asin": "B000CKGAV6", "style": {"Style:": " 9003"}, "reviewerName": "I Love Gadgets!", "reviewText": "Lights work great! For some reason my Honda Pilot seems to go through headlights quickly so I keep a spare set on hand.", "summary": "Work great!", "unixReviewTime": 1460678400} +{"overall": 5.0, "verified": false, "reviewTime": "02 16, 2017", "reviewerID": "A2HP261WF5I1LP", "asin": "B0002SQU9K", "reviewerName": "Justin", "reviewText": "Used this to change the front brake pads on a couple Mazda 3's. It is a great tool. In fact, it paid for itself at least twice.", "summary": "One of the few things that pay for themselves.", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A3G9BTV4XH2TI8", "asin": "B000CMD9TK", "style": {"Size:": " 14-mm X 1.50"}, "reviewerName": "FAWAZ W ALTHUBAITY", "reviewText": "very Good", "summary": "Five Stars", "unixReviewTime": 1438387200} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A111HAQA0WMVDJ", "asin": "B0000DYVN9", "style": {"Color:": " Red Plaid"}, "reviewerName": "JOHN KRUCHER", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1427760000} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "AYDV3MWBXMKZO", "asin": "B00029K21G", "reviewerName": "Louis T. Tecco", "reviewText": "great old product\nhow about few words like they don't fit size not good thats all i can say if you cant put it on your feet how good can it be", "summary": "how about few words like they don't fit size not good thats all i can say if you cant put it on your feet how good can it be", "unixReviewTime": 1385683200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A11GBTUGNRGCR8", "asin": "B000AYDXJQ", "reviewerName": "Whitey", "reviewText": "I like this oil can. It reminds me of the old time oil cans. Arrived when expected.", "summary": "Oil can", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A11OW7FOYB3T00", "asin": "B000BRNF68", "style": {"Size:": " 2\" x 50' Roll", "Color:": " Tan"}, "reviewerName": "Sean Richards", "reviewText": "Worked well. I used this to wrap my headers on my 350z.", "summary": "Worked well. I used this to wrap my headers ...", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "AHCPDP3STXICC", "asin": "B0002SRCMO", "reviewerName": "juan tojo", "reviewText": "Works", "summary": "Five Stars", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A3ETS8AW8C00YE", "asin": "B000CONU2O", "reviewerName": "Kevin James", "reviewText": "Great Product", "summary": "Five Stars", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A1L791JLB4ZWBB", "asin": "B0007XVWW0", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "rkindness", "reviewText": "Worked Great", "summary": "Five Stars", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": false, "reviewTime": "01 18, 2017", "reviewerID": "A1K1I1LQE8DFFN", "asin": "B000BLGPFM", "style": {"Style:": " 9145"}, "reviewerName": "James & Kathleen Cogan", "reviewText": "Works exactly as advertised , but with an extra dose of quality.", "summary": "Sylvania a trusted product ,", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A3U6E9LU977XN8", "asin": "B0002SQZPY", "reviewerName": "Dave Johnson", "reviewText": "liked so much ordered another one", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "ABBR8UGOZTTQI", "asin": "B000CB3WWK", "reviewerName": "eop6", "reviewText": "Package had everything needed to replace the old one. It even had the rubber gasket that is necessary for a tight fit.", "summary": "Perfect fit and function.", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "A14BI5ZW2Q5FCE", "asin": "B0009IK5VW", "style": {"Size:": " 22 Inches, (Pack of 1)"}, "reviewerName": "Layne Dansie", "reviewText": "good product", "summary": "works great", "unixReviewTime": 1409356800} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2017", "reviewerID": "A1ZI08EVEN3R4W", "asin": "B000CO76EW", "reviewerName": "Frank", "reviewText": "good stuff .", "summary": "Five Stars", "unixReviewTime": 1496534400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "AHEN5LFGYVXDV", "asin": "B000C13UFO", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "charles", "reviewText": "Worked perfect.", "summary": "Easy to install.", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2013", "reviewerID": "ARQ4S8DK649FA", "asin": "B000A0EJ9I", "reviewerName": "J. J.", "reviewText": "Exact fit for my Ford truck. Price was great compaired to several auto parts stores. Fram is a very good product.\nWill purchase again when it time for a filter replacement. Highly recommend this filter.", "summary": "Air Filter.", "unixReviewTime": 1359072000} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A2P2DPTPBK1YXO", "asin": "B0002FU44K", "style": {"Size:": " 14 oz", "Style:": " 8880"}, "reviewerName": "S. Bridge", "reviewText": "1 Can, front brakes. Works as expected.", "summary": "Works as Expected.", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A39L35PUI58CFY", "asin": "B000E2CVI8", "style": {"Color:": " Black"}, "reviewerName": "Bubbles-Desmo", "reviewText": "best oil filters for the money in regards to how well it cleans and the nut welded on back is vital. also love how it has a hole for safety wire if needed.", "summary": "best oil filters for the money in regards to how ...", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A14QDNE055EBJB", "asin": "B000CSEWJA", "reviewerName": "G. W. Rue", "reviewText": "Right product for the right project. Fit well and had no problem putting it on.", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A1II7HYGZA7UOE", "asin": "B000CPI62W", "style": {"Style:": " 2 in Drop"}, "reviewerName": "Photoniks", "reviewText": "This is solid iron. Heavy duty is an understatement. It this doesn't do it you need a bigger truck.", "summary": "Solid, heavy duty towing.", "unixReviewTime": 1468281600} +{"overall": 4.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "AH26NGEARKDCI", "asin": "B0002MBKAA", "reviewerName": "otis cambell( rick)", "reviewText": "definitely had to warm up to install,looked like there was no chance in hell to get on but it did", "summary": "looked like there was no chance in hell to get on ...", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2017", "reviewerID": "AGGQG7AY80HZ2", "asin": "B00004YK76", "reviewerName": "Wendy G", "reviewText": "Love it! Made in America with all metal construction. The color even gives it a vintage look. Taking it apart, there are no hidden cheap parts. What's not to like?", "summary": "Love it! Made in America with all metal construction", "unixReviewTime": 1488844800} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2014", "reviewerID": "A1U072ZNFDPF3I", "asin": "B0001EVTGE", "reviewerName": "steve 4747", "reviewText": "Excellent shield about 1/2 price if purchased at parts store. Fits without any mods.on ford van remove rubber seal on hood.", "summary": "Bug Shield", "unixReviewTime": 1391558400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A23YDDGT14RCJT", "asin": "B000C57W1S", "reviewerName": "deadmen925", "reviewText": "Came in time, much cheaper then the local store, it was the right part and not damaged.", "summary": "good part", "unixReviewTime": 1423958400} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A3KWHFSU3R9WM6", "asin": "B000CSINYK", "reviewerName": "nuch", "reviewText": "not for my car", "summary": "Three Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A2L00YZBDOOM8N", "asin": "B000CPI5Z0", "style": {"Size:": " 15 Ounce"}, "reviewerName": "ziprun01", "reviewText": "Well this is my number 1 choice and the research and review support my decision.", "summary": "My No 1", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "AK3RXH945086F", "asin": "B000ARPVNY", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Adam J. Briggs", "reviewText": "I run this in everything. Trucks to lawn mowers, quiets down the motor, runs smoother, and saves fuel. At least with the lawn mower I can now get two mowing's out of a tank instead of one, but I'm also a freak and mow every two days.", "summary": "Lucus Syn Oil Stabil", "unixReviewTime": 1370908800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A2QQ12UIMGYHGD", "asin": "B000B5S88K", "style": {"Size:": " 26.75\" - 27.75\" Wheel Diameter", "Color:": " White"}, "reviewerName": "Paul Barraza", "reviewText": "Fits perfect looks classy", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A22A2ME3WQ8COO", "asin": "B0002U2V1Y", "style": {"Size:": " California Gold Clay Bar System, Single Unit"}, "reviewerName": "Joel Adkins", "reviewText": "I bought this clay bar to clean up my 2001 forester. I was amazed at what it got off of the paint. I am new to paint restoration and this is a must have for any weekend warrior trying to make their car look better. Easy to use!", "summary": "Great clay bar!", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A2QLN0TVXRST8S", "asin": "B00068KU1K", "style": {"Size:": " 8 oz."}, "reviewerName": "realgeek", "reviewText": "This works well without damaging the plastic.", "summary": "Works as expected", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "A35OEQOC0AVG5Q", "asin": "B000ALG0KS", "reviewerName": "Nell", "reviewText": "all very well..", "summary": "Five Stars", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A341ZQKUWLCFSC", "asin": "B00000J421", "reviewerName": "Cameron Caldwell", "reviewText": "Works Great", "summary": "Five Stars", "unixReviewTime": 1419292800} +{"reviewerID": "A1FEBYS6532T7I", "asin": "B000ALDY02", "reviewerName": "John", "verified": true, "reviewText": "Perfect color match.", "overall": 5.0, "reviewTime": "05 31, 2015", "summary": "Perfect Color Match", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A1NV6UKKQKGF9I", "asin": "B0000AZ8JB", "reviewerName": "Amazon Customer", "reviewText": "Works efficiently.......could not ask for more!", "summary": "Five Stars", "unixReviewTime": 1470009600} +{"overall": 4.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A33MI6Q9DRFIPM", "asin": "B000C7S1WK", "reviewerName": "Scott Wilson", "reviewText": "Dented but works!", "summary": "Four Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": false, "reviewTime": "09 8, 2014", "reviewerID": "A2S5EPJ451WL3I", "asin": "B000BRQ0TW", "style": {"Size:": " 1 Pack"}, "reviewerName": "Guy Reviews Romance and More", "reviewText": "It really works, folks. Get a small piece off, knead it until supple, and stick it in like a piece of gum onto the leaking spot on the radiator. Works fine when wet. It's almost like magic. And it can get you home.", "summary": "Great for small radiator leaks, great emergency supply", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "A8LTP6YCKWOG5", "asin": "B000A6VBZ2", "style": {"Style:": " Driver Side"}, "reviewerName": "Terry", "reviewText": "Looks and fit just like the oem tail light. Easy install and priced accordingly. Saved me a trip to the junk yard.", "summary": "Perfect fit", "unixReviewTime": 1403481600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/815d92aGvqL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A3BGXGNS1Z7ORR", "asin": "B0009N0W60", "reviewerName": "Joey Dale", "reviewText": "cool", "summary": "Five Stars", "unixReviewTime": 1428451200} +{"overall": 4.0, "verified": true, "reviewTime": "08 24, 2013", "reviewerID": "A1XCG0T0ZNBVYF", "asin": "B0002KKTFO", "reviewerName": "Joe", "reviewText": "works great, used a couple tubes through it. I like the pistol grip on it, very easy to use. great grease gun", "summary": "works as it should", "unixReviewTime": 1377302400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A31YB84LYJB28V", "asin": "B0002KL3Y0", "reviewerName": "thereisnoyun", "reviewText": "fix my dr650 lower link that was stripped out.", "summary": "work as it should", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2014", "reviewerID": "AF4R6Z1Y7YVGB", "asin": "B0006N5RW2", "style": {"Size:": " Quantity 1"}, "reviewerName": "H. Johnson", "reviewText": "Popped right on and I love the little retainer strap. It was a quick and easy install, seals up great.", "summary": "Direct replacement for the one I broke off my Keystone Springdale", "unixReviewTime": 1389657600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A1EMW3E7ZM0BUE", "asin": "B0000223J1", "reviewerName": "Kevin Greco", "reviewText": "SUPER - LONG LASTING - GREAT FOR REMOVING WAX AFTER APPLIED AND DRIES HARD - BRINGS OUT BEAUTIFUL SHINE", "summary": "Five Stars", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2011", "reviewerID": "A2CKDCQE7SU4RQ", "asin": "B000C9WJ3A", "reviewerName": "Andy", "reviewText": "Filter Fits Honda Odyssey as described. Takes literally 3 mins to install behind the globebox . . . . . .", "summary": "Wix 24815 Cabin Air Filter for Honda Odyssey", "unixReviewTime": 1317945600} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "ADKXGS9C8ATRH", "asin": "B00029WRKA", "reviewerName": "shaggy", "reviewText": "Ok for the price, but jitters a lot which makes it kind of funky for highway use.", "summary": "Three Stars", "unixReviewTime": 1501459200} +{"overall": 4.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "ABFDAIL9TPUK6", "asin": "B0006IX80A", "style": {"Color:": " White", "Style:": " Jensen (Metal Base '94 & Up Models)"}, "reviewerName": "Mark Burdick", "reviewText": "Always good to keep an extra one on hand since living in South Texas the winds can get pretty brutal. Fair price on this item, too.", "summary": "Always good to keep an extra one on hand since living ...", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "AFS0TGEVZC0RO", "asin": "B000182EXW", "reviewerName": "tonyl", "reviewText": "Good fit in my suburban, good price, good arrive in time. I Like this little covers in my suburban and easy to install.", "summary": "Ventshade for suburban", "unixReviewTime": 1359504000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A2B9DU1QIXY009", "asin": "B000CB3ZO0", "reviewerName": "B-Rock", "reviewText": "Great OEM part!", "summary": "5 stars", "unixReviewTime": 1488067200} +{"overall": 2.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3SYFWPHHMIW9G", "asin": "B000CSINYK", "reviewerName": "D. Brotman", "reviewText": "Might work fine as an oil filter, but not as a solvent trap - couldn't get both end caps off to replace with a solid/closed one.", "summary": "Might work fine as an oil filter", "unixReviewTime": 1461542400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A1WRQ2635WZCYR", "asin": "B00032K2LM", "style": {"Size:": " 2 Frames", "Color:": " Black 2 Pack"}, "reviewerName": "Megan", "reviewText": "Plastic, but it looks like these will hold up for a few years. I'm happy to have found an inexpensive frame without writing. Easy to install.", "summary": "Great for the price", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "A3L762QISGBJBM", "asin": "B0007XXTVC", "reviewerName": "Bob", "reviewText": "perfect fit", "summary": "Five Stars", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2013", "reviewerID": "A2H8HZR88DDG6P", "asin": "B0002YPD7O", "style": {"Size:": " 2-5/16-Inch Couplers"}, "reviewerName": "DMC", "reviewText": "this is a great coupler lock, it is a great design that I believe would be super hard to take off. Highly recommend!!", "summary": "great lock, great design", "unixReviewTime": 1367712000} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A1AGAMA2YMJ90Q", "asin": "B0009V1WS4", "reviewerName": "IMA", "reviewText": "I feel better switching out my non-locking lock for this one. I realize if someone wants to steal the trailer, they'll do it but at least I make it a bit more difficult.", "summary": "Good Lock", "unixReviewTime": 1488672000} +{"overall": 3.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A2UFNB9REUD4I3", "asin": "B0002KKIUK", "reviewerName": "Bob Curry", "reviewText": "Does help make your rag top water resistant but the price is just too high I think. I have a Jeep Wrangler and it took two cans to get a good coating enough to make the water bead up. It would take an annual coating to keep it going.", "summary": "Pricy", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A3NF8BL6489IZW", "asin": "B000BPLNXC", "style": {"Size:": " 26\""}, "reviewerName": "ABM", "reviewText": "Good length to reach all areas of your vehicle. The grip is solid and the overall weight and quality are top notch. Skip going to the store and just order this item. It's worth it.", "summary": "It's goooood (Boers).", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2017", "reviewerID": "A3DWPEY1FAZGS7", "asin": "B0006JLW7K", "style": {"Color:": " White", "Style:": " Vent Kit"}, "reviewerName": "Mitch", "reviewText": "Perfect factory replacement.", "summary": "Nice", "unixReviewTime": 1484352000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2017", "reviewerID": "A1JB50VH97U6WC", "asin": "B000C3XDB8", "reviewerName": "Mark L.", "reviewText": "The 1 nut on the end make these invaluable in tight situations. I bought a 1 ratcheting wrench that works perfectly on this filter. I can now change my own oil an a car that I always had to pay to have done.", "summary": "The 1 nut on the end simplifys oil changes.", "unixReviewTime": 1514592000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A3V3XWC2H6XZW4", "asin": "B0002RNSG4", "reviewerName": "Amazon Customer", "reviewText": "Works great thank you", "summary": "Five Stars", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2017", "reviewerID": "A6A2TECTRVV8Y", "asin": "B000CGM9O2", "reviewerName": "Randy M.", "reviewText": "On time and a decent part//", "summary": "Five Stars", "unixReviewTime": 1509062400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A2WJLGNRHE652M", "asin": "B000C9NSD0", "reviewerName": "rr", "reviewText": "slightly different then oem but worked great", "summary": "Five Stars", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2012", "reviewerID": "A2BCCIQS2AB56O", "asin": "B000CO7WPK", "reviewerName": "J. Ruiz", "reviewText": "These are not by any means the best shocks out there but they are a good bang for the buck!\nIf you don't want to spend a ton on shocks these are priced very well for what you get.", "summary": "bang for your buck", "unixReviewTime": 1352678400} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A3OL1RMFPS4SMG", "asin": "B000C9VTS6", "reviewerName": "G", "reviewText": "It works, it's the same part Chevy put in back in 1995 so why wouldn't it work.", "summary": "OEM parts should be used unless they are too expensive or not available.", "unixReviewTime": 1410998400} +{"overall": 3.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "A3IIGCFLKVFW8M", "asin": "B0000AXU02", "reviewerName": "Brian M. Kaplan", "reviewText": "It works well, but it seems like it is not as snug as it should be. I just hope it stays covered and protects the wire harness that frequently gets corrosion.", "summary": "Kind of loose- but a cheap fix that will probably work", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A3EGZ6NHMB6QWN", "asin": "B0009IR0C4", "style": {"Style:": " High Mileage"}, "reviewerName": "Curtis G. Edwards", "reviewText": "Got to have it!", "summary": "Five Stars", "unixReviewTime": 1419206400} +{"overall": 1.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A24L164I0ZWKDI", "asin": "B000BW8NLA", "reviewerName": "Barry", "reviewText": "good", "summary": "One Star", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A2VGTBXWR2191N", "asin": "B000C31KQS", "style": {"Style:": " Ultra Synthetic"}, "reviewerName": "T. Miller", "reviewText": "Good oil filter at a great price and you probably might not be able to find these at your local auto parts store.", "summary": "Good oil filter at a great price and you probably ...", "unixReviewTime": 1483315200} +{"overall": 3.0, "verified": true, "reviewTime": "08 19, 2010", "reviewerID": "A3OZYGD1CCUUPR", "asin": "B000E35W1K", "reviewerName": "Michael B.Schoonover.Sr", "reviewText": "it works", "summary": "Three Stars", "unixReviewTime": 1282176000} +{"overall": 2.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A3VJL7RKTDRTV", "asin": "B000COMXCM", "reviewerName": "Jerry", "reviewText": "It does the job and is convenient but crazy over priced for how thin the material is! You could use a ziplock instead.", "summary": "Over priced thin material", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2018", "reviewerID": "A1EXGL6L0QQ0M5", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Shane O. Laake", "reviewText": "I had to change my transfer case and rear diff (Acura MDX). Both are kinda easy but the fill hole cannot accommodate a funnel or any traditional means of filling. This (I ordered one for each) worked great. Adding three bottles of diff fluid took a while, but it worked great.", "summary": "Great for hard to reach fill holes", "unixReviewTime": 1520467200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A18P9AE84OF0NY", "asin": "B000BZG8ZU", "reviewerName": "Ricky Whitney", "reviewText": "Great product fit perfectly!", "summary": "Five Stars", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A3K5KPMP12I1MB", "asin": "B000C55SXW", "reviewerName": "Amazon Customer", "reviewText": "it works, fits, good enough!", "summary": "good enough!", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A2F68YXHOYUTHG", "asin": "B00032KC2G", "reviewerName": "S", "reviewText": "Worked great for 2008 Dodge Ram 2500. I had local shop cut these, worked great easy to program if you have 2 factory keys.", "summary": "Worked great!", "unixReviewTime": 1469577600} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "A1E00ASCVMQV92", "asin": "B000C40SEM", "reviewerName": "Kindle Customer", "reviewText": "These were good shocks for the price and the great service from Just Suspension. Replacements for a 2004 2WD Silverado, went on ok, the hardware is not as good as OE but for the price it restored the ride to the truck.", "summary": "Good, cheap shock", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2010", "reviewerID": "A1EHJ57IDGTEP9", "asin": "B000DLBIGG", "reviewerName": "Otto H. Schutze", "reviewText": "Twin horns are awesome , replaced the tiny original horn on my car . Sufficient parts and instructions ,including relay , to install the 2 horns .I am glad I bought this item.", "summary": "Replaced whimpy horn on my Toyota", "unixReviewTime": 1273190400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A35OQE0EYD4Q98", "asin": "B0002Z9R5W", "reviewerName": "Beela", "reviewText": "PIAA makes the best wipers. They last forever and leave the windshield crystal clear, even in crazy weather\n\nIf only PIAA made toilet paper.", "summary": "Hardcore wipers", "unixReviewTime": 1409529600} +{"overall": 3.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A3DBIBNMW3O84H", "asin": "B000AMAE36", "style": {"Style:": " H1"}, "reviewerName": "Andrei", "reviewText": "Nun special", "summary": "Three Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2013", "reviewerID": "A2HUB0IW2LMVY8", "asin": "B0002ILK4K", "reviewerName": "Rich A.", "reviewText": "This battery is same as one removed, so must be we replaced it in the past. If so how long ago?", "summary": "Exactly what we wanted", "unixReviewTime": 1377302400} +{"overall": 1.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A21MXUSDRAANH9", "asin": "B000281X6U", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Frank Costanza", "reviewText": "didn't fit my 03 dodge ram 2500 as advertised", "summary": "One Star", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A3KYIWHC8WKPQU", "asin": "B000C5YCYS", "reviewerName": "Don R. Myers", "reviewText": "Was exactly what I needed. Installed in just a few minutes and fixed my problem. Price was much better than my local auto parts store.", "summary": "Review of air fuel sensor ratio", "unixReviewTime": 1382832000} +{"overall": 1.0, "verified": false, "reviewTime": "07 22, 2016", "reviewerID": "A2UPEY0PZYIWO7", "asin": "B000BKC25K", "style": {"Size:": " Pack of 1", "Style:": " 10.25 oz."}, "reviewerName": "Alex", "reviewText": "spray whole bottle on few bolts in 24 hours and no result , wast of money .", "summary": "One Star", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A5DNQ4QBA3NP9", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 800mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Dirk Zoller", "reviewText": "I like this little charger. It will keep my Motorhome charged and I won;t have to be worried about rain and snow.", "summary": "Good outdoor charger", "unixReviewTime": 1421625600} +{"overall": 1.0, "verified": false, "reviewTime": "07 27, 2017", "reviewerID": "A1YTZAZZ1L32RL", "asin": "B000288JE4", "style": {"Style:": " Mini Grease Gun"}, "reviewerName": "Chuck", "reviewText": "Will not pump grease. Returning it.", "summary": "Did not work for me!", "unixReviewTime": 1501113600} +{"overall": 2.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A3ML3YX92DD9QY", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Orvil B.", "reviewText": "The oil remover, did not lady more than one use.", "summary": "Two Stars", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2012", "reviewerID": "A1Z3S40JQ78NWD", "asin": "B000182EZ0", "reviewerName": "Alan Skidmore", "reviewText": "I installed this on my 98 Expedition. They look good and it helps keep the truck cool when parked and I don't have to worry about when it rains.", "summary": "Keeps truck cool", "unixReviewTime": 1341792000} +{"overall": 1.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A3RR6EY1S5HAT4", "asin": "B000BYD78W", "reviewerName": "Thomas J. Kidder", "reviewText": "Amazon said these would fit my 2007 suburban. I found out after installing them, that they are not the beveled seat plug.", "summary": "Amazon wrong", "unixReviewTime": 1429488000} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "A1YLRKAZ3CFTHB", "asin": "B000CMDPBM", "reviewerName": "Richard H.", "reviewText": "Works as expected.", "summary": "Four Stars", "unixReviewTime": 1498953600} +{"reviewerID": "A3G9Z1BMOW6DYJ", "asin": "B000C9FE3C", "reviewerName": "W Lewis", "verified": true, "reviewText": "good fit works well", "overall": 5.0, "reviewTime": "07 19, 2017", "summary": "good fit", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "A1YUDSBH9P3HPN", "asin": "B000C36BHG", "reviewerName": "JJ", "reviewText": "I needed to replace my belts so I ordered the Gatorbacks again. These are nice and quiet, they run smooth, and they last forever. Don't hesitate to use them!", "summary": "The best in belts", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2017", "reviewerID": "A2MGVTUCX40U3Z", "asin": "B000B8N3GE", "reviewerName": "Amazon Customer", "reviewText": "As described", "summary": "Five Stars", "unixReviewTime": 1507334400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2016", "reviewerID": "A1OZ7JDA5GO4AG", "asin": "B000C9TTJM", "reviewerName": "Landon", "reviewText": "Was a perfect replacement oil cap for my LS1. Item came just as described.", "summary": "Perfect LS1 replacement oil cap.", "unixReviewTime": 1471651200} +{"overall": 1.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "ARYE5ZU34VLT7", "asin": "B000CMF4PW", "style": {"Size:": " 14-mm X 1.50"}, "reviewerName": "Edo Brisku", "reviewText": "I needed bolts", "summary": "Didn't fit my 2007 GTI like it stated!!!", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2018", "reviewerID": "A26XUXITDFA515", "asin": "B000CSD29Q", "reviewerName": "deerman14", "reviewText": "A must have for any diesel owner, coolant filter", "summary": "Five Stars", "unixReviewTime": 1515110400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "AYMDZIOGLRS4Y", "asin": "B0009IR0FG", "style": {"Style:": " Tough Guard"}, "reviewerName": "william 111", "reviewText": "I use these all the time on my Nissan Xterra. They work well and do a good job filtering the oil. The rough texture helps to install and remove. I have never had an installation problem or a leak with this filter", "summary": "Great spin on filter", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2017", "reviewerID": "A1ML26HCFU4BIS", "asin": "B000CKGAV6", "style": {"Style:": " 9003"}, "reviewerName": "Marilei Amurao-Tabile", "reviewText": "Good headlight bulbs for the price.", "summary": "Five Stars", "unixReviewTime": 1495065600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A3VM2WK3NVYD1V", "asin": "B0002SRL20", "reviewerName": "D. Timmons", "reviewText": "Heavy duty inflator made with quality materials. The head swivels so it fits on hard to reach valves on mowers and wagons. Easy to read gauge that will probably last a lifetime. Get one!", "summary": "Best one I have ever seen!", "unixReviewTime": 1421539200} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "04 7, 2013", "reviewerID": "A3K8JJP3O9N9A7", "asin": "B000CQBMMW", "reviewerName": "Brandon N. Wirtz", "reviewText": "The plate bent up on its first use. I don't think this is as strong as I would want it if I were going to winch someone else up a hill or from a river with it, but for getting myself unstuck it seems ok.", "summary": "Bent During first use.", "unixReviewTime": 1365292800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A2HBMRT4U5G7S3", "asin": "B000B59XMA", "reviewerName": "goofyfoot", "reviewText": "So I have been told. This mask fit just fine. If it's too tight, you have one bulbous head my friend.", "summary": "I'm 6ft with a normal head.", "unixReviewTime": 1391385600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A1QUJYWJ0JBFHK", "asin": "B000C7QHLW", "reviewerName": "Dave", "reviewText": "Part fit perfectly and came with new hardware. 2 hour install for shade tree mechanic.", "summary": "Five Stars", "unixReviewTime": 1509148800} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2013", "reviewerID": "A2VXQE9ICSDX6U", "asin": "B0002ILK2C", "reviewerName": "Bruce J Noble", "reviewText": "we are having no issues with this exact fit replacement battery for our alarm system. This came ready to install and it was a breeze and is working as expected.", "summary": "Good battery", "unixReviewTime": 1383696000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "AR1ZFX02CV5H8", "asin": "B0000UZ528", "reviewerName": "Adam B.", "reviewText": "Fits great, very useful", "summary": "Fits great, very useful", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A1I947AYYVP521", "asin": "B000C542VQ", "reviewerName": "VA Steven", "reviewText": "Low cost and works great! Installed on 2005 Buick Century.", "summary": "Low cost and works great! Installed on 2005 Buick Century", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "ASB1KEISYIW12", "asin": "B000BWCFT6", "reviewerName": "Jdoggy", "reviewText": "It is Teflon tape. Not much to say but it works.", "summary": "teflon tape", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2011", "reviewerID": "AFLQGO7CJVK50", "asin": "B0007QGT1G", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Mark J. House", "reviewText": "THE BEST MOTOR OIL MADE TODAY. Full synthetic with an ACTUAL, noticeable horsepower and torque boost. No false promises here. Although expensive($8-$9 per quart at some places), IT IS WORTH IT. HIGHEST possible recommendation!!", "summary": "TEN STARS!!!", "unixReviewTime": 1294704000} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "ALX4OW6G3RRXX", "asin": "B000BRF7QE", "style": {"Size:": " 10.3 Ounce"}, "reviewerName": "Neil Frazier", "reviewText": "Perfect seal that fills in all the cracks and gaps. Keep a tube on hand all the time!", "summary": "Must-have", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2013", "reviewerID": "A1Q7ROSO3KLXXQ", "asin": "B0007LVJH0", "reviewerName": "Kyle Hartley", "reviewText": "They didn't break didn't get used (thank fully) cheaper than retail stores. Good length used with a tow bar for a baja bug", "summary": "Its a chain", "unixReviewTime": 1383004800} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A2RIYDW0NZH3U", "asin": "B00029XGIM", "style": {"Color:": " Low Tone"}, "reviewerName": "Alfredo Alvarez", "reviewText": "Good product.", "summary": "Four Stars", "unixReviewTime": 1441411200} +{"reviewerID": "A12Q2PV6TZ6XX9", "asin": "B000CPCRBI", "reviewerName": "Robertg", "verified": true, "reviewText": "the best part is the pour spout ... no need for funnels , or other help", "overall": 5.0, "reviewTime": "12 17, 2016", "summary": "Five Stars", "unixReviewTime": 1481932800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1CA7C2D6TQ35U", "asin": "B000BZ6VS4", "reviewerName": "Matt", "reviewText": "Works great if you have a shop press like I do. Save loads of money by doing it yourself", "summary": "Five Stars", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2017", "reviewerID": "A2CSZKEMYQ97WA", "asin": "B0002UEN1A", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Johnny Kordis", "reviewText": "Great product. Build new gaskets for valve cover on 2004 E-Class Benz. After Year still holdin well. No leaks at all.", "summary": "Excellent!", "unixReviewTime": 1508198400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2017", "reviewerID": "ADFZG562G482Z", "asin": "B000BZG8ZU", "reviewerName": "jawad dashti", "reviewText": "Best of the best\nIt's number 1", "summary": "Five Stars", "unixReviewTime": 1490745600} +{"overall": 3.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "AYY806F5LTXRM", "asin": "B000CRZXPI", "style": {"Style:": " Box Packaging"}, "reviewerName": "joe", "reviewText": "Product listed as made in Germany, not so they are made and supplied from India. My package was not new but it should have been for the price as a new item...", "summary": "Product listed as made in Germany, not so they ...", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A3EL43RZVX8HJ0", "asin": "B0002BG6RI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "gregorio garcia", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2013", "reviewerID": "A32VPR4SVUN2TA", "asin": "B000E3GHE6", "style": {"Color:": " grey", "Style:": " Universal Bucket"}, "reviewerName": "V. Nguyen", "reviewText": "perfect fit for a ford econoline bucket seat. almost can't tell that it's a seat cover because of how nicely it conforms to the seat.", "summary": "perfect fit", "unixReviewTime": 1377302400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A2OBE01A76CR38", "asin": "B000CQDL94", "reviewerName": "pl", "reviewText": "Nothing on the market comes close.\n\nI have been using this stuff for over 30 years.\n\nGreat for those stubborn leaks between \"slip fit\" exhaust pipes.\n\nGreat \"insurance\" when used on exhaust flange gaskets.", "summary": "The Best", "unixReviewTime": 1398643200} +{"reviewerID": "A88D5NHWPQ5D0", "asin": "B000A09MCW", "reviewerName": "Jonathan", "verified": true, "reviewText": "Fits my 2007 TSX perfectly.", "overall": 5.0, "reviewTime": "04 21, 2016", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A27A00G8ZVI1JP", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Bitwave", "reviewText": "I use this dielectric grease on all the connection on my boat after cleaning up the corrosion to keep the moister out and the connection at 100%.", "summary": "Perfect for marine use!", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "AJ0AZ3Y8UYL6P", "asin": "B0007QGT20", "style": {"Size:": " 1 Quart, Case of 6"}, "reviewerName": "CaptRick", "reviewText": "I use Royal Purple in all of motorcycles and it works!", "summary": "Five Stars", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "A1FD0IYA6RDEPG", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Wirespider", "reviewText": "I didn't expect this kind if quality from CH but this works great. The air dial is spot on. I double checked the air dial with push ons and the dial has been right on.", "summary": "Surprisingly it works very well.", "unixReviewTime": 1450483200} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "AIUKG45C8AW3C", "asin": "B000CIJ308", "style": {"Style:": " Aerosol"}, "reviewerName": "M. Stephens", "reviewText": "Works well", "summary": "Four Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "A2S90UAOC57BG8", "asin": "B000COT2CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Sean M. B. Joachim", "reviewText": "This is a perfect fit!! I installed this in the Japanese version of the Protege5 the Mazda Famila. Really like how the kit comes with both double & single Din. A+++", "summary": "Metra single or double din Mazda protege5", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A190FPKGBSUS8P", "asin": "B000CNNKHA", "reviewerName": "Rudy", "reviewText": "I am definitely a big fan of these since I can leave my windows cracked to let the air circulate while the car is parked. Install is easy and only takes minutes. Also adds a unique look to your car.", "summary": "A must for cars and trucks", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A3F0PEN5EK8NZG", "asin": "B0009OR8V6", "reviewerName": "cable10", "reviewText": "A lot easier than a C-clamp.", "summary": "Five Stars", "unixReviewTime": 1437004800} +{"overall": 3.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A12EEEWGMAZ5IV", "asin": "B000COBCF6", "reviewerName": "keith simpson", "reviewText": "replaced in 5 min works well", "summary": "Three Stars", "unixReviewTime": 1432857600} +{"reviewerID": "AYDGTP5ZJYC2P", "asin": "B000C3YTK2", "reviewerName": "hillsons", "verified": true, "reviewText": "Every K&N oil filter I have every used has outperformed anything else. I would recommend any K&N oil filter to everyone.", "overall": 5.0, "reviewTime": "08 2, 2013", "summary": "Fantastic Oil Filter", "unixReviewTime": 1375401600} +{"overall": 4.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A2APP0FV9VKK4G", "asin": "B000DN7T3A", "reviewerName": "Virendra", "reviewText": "Great sounding horn. Bought this to replace the 'meep meep' horn on my JDM Toyota Vitz (Yaris). Installation was a breeze. I like the sound, makes it sound like a larger car. It could be a little louder, but so far so good.", "summary": "Easy install in Toyota Vitz", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": false, "reviewTime": "12 13, 2014", "reviewerID": "A21BA15WWWWSV", "asin": "B0007RDVH0", "style": {"Size:": " Foaming Wheel & Tire Cleaner, 24 oz."}, "reviewerName": "Guy", "reviewText": "Clean the tires very well and lifts the dust brake well of the wheels.", "summary": "Good Cleaner", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A35W32QIAR8RRV", "asin": "B000CN925Y", "reviewerName": "Robert", "reviewText": "yip", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A1QZC1LUL84ZEI", "asin": "B000CEM3M2", "style": {"Size:": " 1\" x 3'"}, "reviewerName": "KVO", "reviewText": "Would buy again", "summary": "Five Stars", "unixReviewTime": 1471824000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A1L1VNRQC9VQ50", "asin": "B000C40TLE", "reviewerName": "Amazon Customer", "reviewText": "Perfect fit for the replacement shocks. Definitely recommend these when replacing the existing shocks on a vehicle that these fit.", "summary": "Works Great With the KYB 341164 GR2 Shocks", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A10V62ZGFDRGTK", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "A.C.", "reviewText": "I was surprised at how much of a difference this really made on my filter. Last year was when I decided to switch over to k&n in my car and motorcycle so I haven't had to clean them before. Took the dirt and debris right out and brought the color right back to it.", "summary": "Works like it is supposed to", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A286F6VOX6LWE8", "asin": "B000COC67E", "reviewerName": "Matt Weller", "reviewText": "I'm 280lbs and it hold me just fine.", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": false, "reviewTime": "03 28, 2016", "reviewerID": "AAWVIMG6AOZCN", "asin": "B000C3XDB8", "reviewerName": "Luis", "reviewText": "great product and fited as expected", "summary": "Five Stars", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "A197UVR9E24XR", "asin": "B0009OMYAQ", "reviewerName": "B. Cragg", "reviewText": "Purchased to use on my 2012 Sportwagen TDI and it works fine to remove the oil filter cap. When I went to use it I discovered that I needed a 3/8\" universal joint since it's pretty tight access on the TDI, so I had to buy one of those locally.", "summary": "Works fine on modern TDIs", "unixReviewTime": 1386979200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A2GLE9OQB8EXB9", "asin": "B000C18Q44", "style": {"Style:": " H6024"}, "reviewerName": "Shane McLaughlin", "reviewText": "It's a headlight and it bolted right in.", "summary": "Nothing fancy, just works.", "unixReviewTime": 1404864000} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A15U1Z3N0L3C12", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "Bugsy", "reviewText": "My favorite.", "summary": "Top Quality", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A11MLX0UWSSH80", "asin": "B000CIPHT4", "style": {"Size:": " 6V Model", "Color:": " Black"}, "reviewerName": "Michael D.", "reviewText": "Works great. Now I don't have to worry about my boat battery anymore. Now I should just take the boat out more.", "summary": "Pluged right in.", "unixReviewTime": 1399161600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "ADVKK32VVUE8K", "asin": "B0002KKTT0", "style": {"Size:": " 6 Milliliter"}, "reviewerName": "Henry F. Lawton", "reviewText": "As advrtized", "summary": "Five Stars", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A5HF9K69VZKS8", "asin": "B000E3BVSI", "reviewerName": "Thomas", "reviewText": "great protection for the paint.", "summary": "Five Stars", "unixReviewTime": 1426723200} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A37NG7C4ZMI57Y", "asin": "B000BPTVTK", "style": {"Style:": " Pack of 1"}, "reviewerName": "seattle", "reviewText": "better off without it. makes smear effect or as if it is cloudy. also where the wipers stop, there's a thick line appears that gets in the way of the driver, and it is really annoying.", "summary": "better off without it", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A29NETSY4DO420", "asin": "B000C5G7PA", "reviewerName": "jose alonso", "reviewText": "Doesn't run hot any more", "summary": "Doesn't run hot any", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2017", "reviewerID": "A2OG1ERNL4A164", "asin": "B000281X6U", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Mike", "reviewText": "Worked great on my 2004 Jeep GC, as a former installer at BB and CC (RIP), I have installed 100s of head units. This metra kit is very solid and not flimsy, the extra corner supports worked well in my application.", "summary": "Very solid fit and support for your head unit.", "unixReviewTime": 1503878400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A2E3VOZVY7G7J3", "asin": "B000E2CVI8", "style": {"Color:": " Chrome"}, "reviewerName": "E E E", "reviewText": "I love it...", "summary": "Five Stars", "unixReviewTime": 1412553600} +{"reviewerID": "A1O606K3RNSWIN", "asin": "B0000AY69V", "reviewerName": "Katherine", "verified": true, "reviewText": "Good quality.. does what it's supposed to do.. absorb lots of liquids. Dries fast too.", "overall": 5.0, "reviewTime": "03 17, 2016", "summary": "Good at what it does", "unixReviewTime": 1458172800} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A2EGREBX94GUFH", "asin": "B000C2WFA4", "reviewerName": "JK", "reviewText": "Fits my 2002 Jeep Wrangler perfectly, looks similar to the original. I wish it had a tether string like the original so I don't drive off without it.", "summary": "I wish it had a tether string like the original so I don't drive off without it", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "AH6MHXAU2612B", "asin": "B0002V9IFU", "style": {"Size:": " 15.2 Ounce"}, "reviewerName": "Keith Wilson", "reviewText": "I love this leather cleaner/conditioner. It makes my 2014 Maxima glow. When I open the door and see those nice black leather seats I just smile. Everybody loves to sit in my car. I will keep this in my cleaning tub for years to come.", "summary": "Leather cleaner.", "unixReviewTime": 1411603200} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A1X7FEQ9Z9OQP0", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2275"}, "reviewerName": "jeffery ratliff", "reviewText": "like it", "summary": "Four Stars", "unixReviewTime": 1474502400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A2CTAS6FGWQQ1X", "asin": "B0002Q7C1C", "reviewerName": "Teresa", "reviewText": "Good fit and quality.", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A17CMFLDA8DB5Q", "asin": "B00029KAPY", "style": {"Size:": " B", "Color:": " Gray"}, "reviewerName": "Bill Y.", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A33UWE1XDEI4DV", "asin": "B000BUU5XQ", "style": {"Style:": " Regular"}, "reviewerName": "Team Director w / Search and Rescue", "reviewText": "A good set to keep it from sinking in...And worth the money , for all the trouble it saves...", "summary": "A Good set...", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A6V2KQISRVAQO", "asin": "B00068GEJM", "style": {"Size:": " Mag & Aluminum Polish, 10 oz."}, "reviewerName": "Steve", "reviewText": "Bought a 2 year old vehicle, that had oxidation and discoloration on exhaust tips. Used this WOW they look brand new love it can't go wrong with Mothers.", "summary": "Works", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "A3E0YAPNF115XO", "asin": "B0002F9YHI", "style": {"Style:": " Vinylex Protectant"}, "reviewerName": "Dave", "reviewText": "Seems to work well on a 2003 mazda miata on interior and exterior black plastic", "summary": "seems to work well", "unixReviewTime": 1503705600} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "AB24H5O3FNRZP", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Thunder King", "reviewText": "This item came on time and was well packaged.\nWorks just like it should and do recommend it.", "summary": "Works just like it should and do recommend it", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "A16NL7N8OKPEWH", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Rusty1515", "reviewText": "Great product...just as seller described", "summary": "Five Stars", "unixReviewTime": 1472428800} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A7H05ZW3JO5TS", "asin": "B000C9MX4U", "reviewerName": "Matt W", "reviewText": "Great filter at a great price", "summary": "Great Value", "unixReviewTime": 1436572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2017", "reviewerID": "ARF48UG1VWZSD", "asin": "B0006JLW7K", "style": {"Color:": " White", "Style:": " Vent Kit"}, "reviewerName": "ronjon", "reviewText": "Perfect replacement on my 5th wheel camper", "summary": "Five Stars", "unixReviewTime": 1502496000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "A2D1G1O099FU6G", "asin": "B0007RDVH0", "style": {"Size:": " Foaming Wheel & Tire Cleaner, 24 oz."}, "reviewerName": "MWB", "reviewText": "My car throws off a ton of brake dust, and the wheels can get pretty nasty looking pretty quickly. The first time I used this, I was amazed. Yes, you do need to use a brush, but this works wonders and gets the wheels really clean.", "summary": "Very Pleased", "unixReviewTime": 1385769600} +{"overall": 3.0, "verified": true, "reviewTime": "12 10, 2017", "reviewerID": "A3FDXCRC4LAOZP", "asin": "B0006O2S8M", "reviewerName": "LFB", "reviewText": "it made a hard to use nozzle usable. the end that screws onto the tire valve-stem is easy to turn", "summary": "the end that screws onto the tire valve-stem is easy to", "unixReviewTime": 1512864000} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A2FN62V3CHJUR0", "asin": "B000BPUU1I", "reviewerName": "Lampo", "reviewText": "Fast service, as advertised", "summary": "Five Stars", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "AZYWYG2YYXH7O", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Marco Palma", "reviewText": "Highly recommended.", "summary": "Five Stars", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A1OB72RZF7SLQ4", "asin": "B000CRVFYQ", "reviewerName": "IB", "reviewText": "Worked well on 2001 Lexus LS 430", "summary": "Worked well on 2001 Lexus LS 430", "unixReviewTime": 1503273600} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "01 10, 2012", "reviewerID": "APAK5U68YU1R1", "asin": "B0002SRG4S", "reviewerName": "spork", "reviewText": "I've had this lisle tool for years. Coupled with an air chisel this make child's play of removing ball joints and tie rod ends.", "summary": "great for your ball joints", "unixReviewTime": 1326153600} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "A1ACQTJ9GYO78E", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Dave", "reviewText": "This is really good stuff! I run it in all of my vehicles, half a can every other fill-up. They run better and get better MPG. I'll use this in any gas engine (carb or injected) recommend this. Try it you won't be disappointed.", "summary": "This is really good stuff! I run it in all of my ...", "unixReviewTime": 1435449600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "AKJWAZ1SLGMAW", "asin": "B0002STSC6", "reviewerName": "ebb", "reviewText": "Easy to connect, and it shows if the ignition system is firing without taking the plug the out and having to ground it. Typical Lisle quality.", "summary": "Easy to tell if the ignition system is working", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A3GVIDU9KO0EMC", "asin": "B0009IQZ2K", "reviewerName": "Berring", "reviewText": "Works", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A89JYAAOQJ1MQ", "asin": "B0002BESGE", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "work good", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2016", "reviewerID": "A36PNJ43FASQDQ", "asin": "B0002SRCMO", "reviewerName": "Tyler", "reviewText": "Perfect fit for 2006 Hummer H3 wheel well liner", "summary": "Hummer H3", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1P8FCWF7UWP6K", "asin": "B000C2ACKO", "reviewerName": "D. Stockey", "reviewText": "fits perfect on my 1.5l honda", "summary": "great", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "ANBHUJ3VZW80Q", "asin": "B000E2CU16", "style": {"Size:": " America 800 06", "Color:": " std color"}, "reviewerName": "bill lauro", "reviewText": "2009 Triumph America fit perfect and the motor breathes a lot better.", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"reviewerID": "A7OI70LJ0L7OO", "asin": "B000CAYTJ6", "reviewerName": "Jeffrey Rabine", "verified": true, "reviewText": "its a belt! whats not to like? I cant say how long it will last because I sold the car.", "overall": 5.0, "reviewTime": "09 29, 2015", "summary": "whats not to like? I cant say how long it will last ...", "unixReviewTime": 1443484800} +{"overall": 3.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "A2WS1COGBSL25U", "asin": "B000CP86WM", "reviewerName": "Amazon Customer", "reviewText": "Fit perfect with the fender flares.", "summary": "Three Stars", "unixReviewTime": 1497744000} +{"overall": 3.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "AFHMJFFO8ZPSR", "asin": "B0009IK6TI", "style": {"Size:": " 21 Inches, (Pack of 1)"}, "reviewerName": "Rooth2", "reviewText": "Work as described", "summary": "Three Stars", "unixReviewTime": 1497744000} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A1PAX4MA7B5Q9W", "asin": "B0002SRCMO", "reviewerName": "RSARA", "reviewText": "helped with old rivets", "summary": "Four Stars", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A17SGDVRN2USHH", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "rmf724", "reviewText": "...shoulda' bought this item a long time ago -- don't know why I waited so long???\n... It makes winter/ off-season battery maintenance a cinch! Set it and forget it...", "summary": "... shoulda' bought this item a long ...", "unixReviewTime": 1449187200} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A1EUO0BU72JR7T", "asin": "B000B7TFIK", "reviewerName": "Bilbo", "reviewText": "It works well enough, not exactly your perfect Father's Day gift but when you need one, you need one. I was ordering other lawn stuff and this popped up, so I said, what the heck.", "summary": "Hard to get excited about a spark plug...", "unixReviewTime": 1371600000} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "A1PEGYRVFI5NFN", "asin": "B000C55T7W", "reviewerName": "WisemanX", "reviewText": "worked as advertised.", "summary": "Four Stars", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": false, "reviewTime": "12 22, 2008", "reviewerID": "A3PZLQOZ0P6XZZ", "asin": "B000C5443W", "reviewerName": "Rich C", "reviewText": "Great price and shipping, moog Is a excellent product, saved about $ 30.00 dollars total buying from Amazon.", "summary": "Rich C", "unixReviewTime": 1229904000} +{"overall": 4.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A1B8EJQU73YGL9", "asin": "B000CKGAV6", "style": {"Style:": " 9004"}, "reviewerName": "Nicholas Wilson", "reviewText": "These are okay quality normal halogen headlight bulbs. There are brighter options that cost more, but those probably burn out quicker than these.", "summary": "Standard quality halogen headlight bulbs", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A1QFGPNAF9M9CZ", "asin": "B0009IQZPW", "reviewerName": "jahken", "reviewText": "I am pleased with the pad. It is east to work with and easy to clean. I am recommending this product.", "summary": "Car Wax Applicator Pad", "unixReviewTime": 1397260800} +{"overall": 2.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "AIMCWT2ZASXFF", "asin": "B000BRJVUW", "reviewerName": "Eric Talaska - Environmentalist", "reviewText": "small, see photo", "summary": "see photo", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "ADZPBNWVTRQTM", "asin": "B000CB6D0S", "reviewerName": "gocarguys", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "A3J6ZLH25IUZAG", "asin": "B0007WTFB6", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Andrew McGee", "reviewText": "I purchased this for my 2002 Dakota SLT it fits great and looks almost like a factory fit! I used Amazon prime and received it in 2 days Im very happy and would recommend this product", "summary": "perfect fit", "unixReviewTime": 1386979200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A113AOA7A0KI8I", "asin": "B0007UAXJQ", "style": {"Size:": " 11 Ounce"}, "reviewerName": "Startrekguy2012", "reviewText": "Good Stuff", "summary": "Good Stuff", "unixReviewTime": 1469318400} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A48V9754OZGMM", "asin": "B000AYDXJQ", "reviewerName": "CraigB", "reviewText": "I purchased this can to oil my lathe. It works well for this application. It is well built and does not leak.", "summary": "Good oiling can", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "AREBX4Q9KHIIT", "asin": "B0007TC9LW", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Jose Hernandez", "reviewText": "Got the job done without any issues", "summary": "Tools", "unixReviewTime": 1444435200} +{"overall": 3.0, "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "AV8QCPGZW0SDQ", "asin": "B000CPI5Z0", "style": {"Size:": " 15 Ounce"}, "reviewerName": "A.L. Dew", "reviewText": "I suppose I was expecting miracles due to the rave about this product but I really didn't notice any changes in performance or mileage. It's possible that I really didn't need this after all?", "summary": "I didn't see any difference in performance or mileage.", "unixReviewTime": 1382054400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "AOZDSWDMMLVB2", "asin": "B000B8U61O", "style": {"Size:": " Quantity 1"}, "reviewerName": "Shane Woolly", "reviewText": "Perfect for to replace an older model with no cover to keep the bugs out. Have to use some caulk to seal around the edges.", "summary": "Perfect for to replace an older model with no cover ...", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2017", "reviewerID": "A1LJSGDNERMO28", "asin": "B000CIPHUI", "style": {"Size:": " 2-Bank Battery Charger", "Color:": " Black/Green", "Style:": " Multi-Bank Battery Charger"}, "reviewerName": "Albert Watts", "reviewText": "Great product...keeps my boat and ATV batteries ready to ride.", "summary": "Five Stars", "unixReviewTime": 1512172800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A1I00UJK46PKZ1", "asin": "B0002SREPY", "reviewerName": "Chet E Rickerman", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A3BI6JHCTLS06I", "asin": "B00029WYBM", "style": {"Size:": " 12.25 Ounce"}, "reviewerName": "KTJ1993", "reviewText": "Refreshed my KN filter and made it look and work like new", "summary": "Worked Great", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A1LJ8TEJNMD5DO", "asin": "B000288JE4", "style": {"Style:": " Mini Grease Gun"}, "reviewerName": "Michael Turner", "reviewText": "Little high in price but received it fast", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A3FM1B0S1R7YL8", "asin": "B000BZJ6J0", "reviewerName": "Akesha Samadhi", "reviewText": "Quality part, great price. A best Buy.", "summary": "Quality part, great price. A best Buy.", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A3NN4C1IBMFSD5", "asin": "B0002JMF98", "reviewerName": "Vlady", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2012", "reviewerID": "A1DTAAJ2UP6C41", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Joseph P. Butler", "reviewText": "This is a very good charger and a great price for it. I woul recommend that you consider purchasing this here.", "summary": "Fantastic Deal", "unixReviewTime": 1355616000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A118DFEITPXY2D", "asin": "B0007N20GM", "reviewerName": "Eddie", "reviewText": "worked as expected.", "summary": "Five Stars", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A1HVVHFPCSQ6HD", "asin": "B000C2SB70", "reviewerName": "James Walker", "reviewText": "Perfect fit for Ford 1998 F150 with 4.6L", "summary": "Five Stars", "unixReviewTime": 1438992000} +{"overall": 4.0, "verified": true, "reviewTime": "02 5, 2014", "reviewerID": "AVVTZZ6VCUH03", "asin": "B0007LVJH0", "reviewerName": "grumpy", "reviewText": "Fairly decent steel... You need a bar to twist in hard ground... Little harder to use than pounding stakes in but holds a lot better.. Great price too..", "summary": "Twist stakes", "unixReviewTime": 1391558400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/718YQnBQqCL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "08 5, 2017", "reviewerID": "A2906F4K7U8KXL", "asin": "B000B8N3IM", "reviewerName": "Bantha Boss", "reviewText": "Perfect fit on my 86' F150 351w HO.", "summary": "Great cap!", "unixReviewTime": 1501891200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2NBH49IVN4A4E", "asin": "B0007TR47G", "style": {"Size:": " 32 oz."}, "reviewerName": "Thippo", "reviewText": "Great shine and easy to use.", "summary": "Great shine and easy to use", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A1QHUZYZWG5D30", "asin": "B000C9CEOO", "reviewerName": "Joel B.", "reviewText": "cap as described", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"reviewerID": "AQ1A4S6Q8LVH4", "asin": "B000C5WCRC", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Works great", "overall": 5.0, "reviewTime": "11 23, 2015", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A3K4GFY50DIIH1", "asin": "B000B5S88K", "style": {"Size:": " 28\" - 29\" Wheel Diameter", "Color:": " Black"}, "reviewerName": "Vincent Cianci", "reviewText": "great fit and they seem to be holding up to the UV pretty well. i always coat them with tire shine or armoal to keep them fresh. i really like them they keep my spares clean. im using these to cover my 225/75/15 trailer spare tires", "summary": "great fit and they seem to be holding up to ...", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A2Q5PLEHQRNGG6", "asin": "B0002F66HY", "style": {"Size:": " J", "Color:": " White"}, "reviewerName": "Emily Thomas", "reviewText": "Fits great and went on easy. Great price, much better than the RV store.", "summary": "Great price!", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2ZDJZO1YO1JX", "asin": "B000BZXST4", "reviewerName": "Amazon Customer", "reviewText": "GREAT FAST SHIP WORKS GREAT!!!!", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 3.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "ASE3O9GH3U5QJ", "asin": "B000C014ZI", "style": {"Size Name:": " 16 Fluid Ounce"}, "reviewerName": "Lewis Prioleau", "reviewText": "Ok.", "summary": "Three Stars", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A2EWPTDVVPFKSZ", "asin": "B0009H51MG", "style": {"Style:": " Tough Guard"}, "reviewerName": "PRIME SHOPPER", "reviewText": "perfect fit 06 forester", "summary": "good deal perfect fit thx", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A1VM1B3YLC3DCW", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "cometattack", "reviewText": "Great unit, good value, a real money saver over buying new batteries for everything every year. Might not be best for AGM batteries.", "summary": "Great unit.", "unixReviewTime": 1482364800} +{"overall": 4.0, "verified": false, "reviewTime": "09 14, 2014", "reviewerID": "A1XPC44EI4DC8T", "asin": "B0002SR6WA", "reviewerName": "rex", "reviewText": "works great", "summary": "Four Stars", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "AG8HS1826P9JU", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Bryan", "reviewText": "Good stuff. Really helps a Ford.", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"reviewerID": "A1JYZ7VZ2AU2K8", "asin": "B0009T6EA2", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Great ball. Curt makes quality products.", "overall": 5.0, "reviewTime": "08 5, 2016", "summary": "Good", "unixReviewTime": 1470355200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "A2J78JBOLGR21H", "asin": "B0002JMFKM", "reviewerName": "Autobot", "reviewText": "Identified a leak on the condenser coil immediately with a shiny red splotch. Replaced condenser and all is well!", "summary": "Does what it should", "unixReviewTime": 1467417600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A2696XE0ECSRCQ", "asin": "B0002SQTKA", "reviewerName": "j.r.", "reviewText": "I have a friend that owns an auto body repair shop, this is the one he said to get. I am glad I did. It is quality stuff.", "summary": "great", "unixReviewTime": 1397260800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A330FGE1W4KIOJ", "asin": "B000DN7Q3S", "reviewerName": "ThatGuyWithTheFace", "reviewText": "Snap on install and this product was an exact fit for my 99 jeep grand Cherokee. This is a great product", "summary": "good product for a good price.", "unixReviewTime": 1385683200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A3P40FO94VRCS5", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "james m coyle", "reviewText": "All good", "summary": "Five Stars", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A2HU9CW8FWS54L", "asin": "B000BN3UIK", "reviewerName": "Robert tipsword all products received were in good condition", "reviewText": "Looks very nice on my truck", "summary": "Five Stars", "unixReviewTime": 1435104000} +{"overall": 1.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A3INY3XH0UHLUL", "asin": "B000BOC2E2", "style": {"Size:": " 32 Ounce"}, "reviewerName": "dh967", "reviewText": "Dont waste your money.", "summary": "One Star", "unixReviewTime": 1450828800} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A1439QLKSFNYBP", "asin": "B000C7YBMY", "reviewerName": "Hudson,fl.", "reviewText": "It worked. No complaints yet. Too bad they only guaranty this for a year.", "summary": "1994 ford explorer", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "ALV2NT16V4QR6", "asin": "B0002SQSQK", "reviewerName": "Howard", "reviewText": "It's an air chuck. It's used to put air in various tires. It works like a chuck should!", "summary": "It works like a chuck should", "unixReviewTime": 1405555200} +{"overall": 3.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A1JFA8JUT8U7HK", "asin": "B000C2AKEC", "reviewerName": "Mr. Norman E. Carlson", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A27XYW19ACR8AC", "asin": "B0009IQXXG", "style": {"Size:": " 24 Ounce"}, "reviewerName": "Art", "reviewText": "All good", "summary": "Five Stars", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A2X8QBY7DKFG0R", "asin": "B0002SR7TM", "reviewerName": "ibfishn", "reviewText": "ez to put together, works as advertised, shipped fast, packaged great. I really like this oil lift drain. I would recommend to my friends.", "summary": "Would buy again, and again...", "unixReviewTime": 1394236800} +{"reviewerID": "A2QXY0ZX3257CG", "asin": "B000BPSW7C", "reviewerName": "Vincent G.", "verified": true, "reviewText": "EXCELLENT", "overall": 5.0, "reviewTime": "10 5, 2015", "summary": "EXCELLENT", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "APWD3PLJTR05Z", "asin": "B0006JO0KG", "reviewerName": "RICH ANDERSON", "reviewText": "AS ADVERTISED", "summary": "Five Stars", "unixReviewTime": 1449792000} +{"overall": 5.0, "verified": false, "reviewTime": "04 23, 2017", "reviewerID": "ACYKEKTH05CAY", "asin": "B000CIY0U6", "reviewerName": "Dallas", "reviewText": "Had to trim it just a little..other then that I love it", "summary": "Gret Product", "unixReviewTime": 1492905600} +{"overall": 1.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A10LLVAAMDRRXF", "asin": "B000630B5K", "reviewerName": "Stevens", "reviewText": "I thought this would come with some way to apply it to the window....it does not.", "summary": "One Star", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A38GI6A3BY9LLH", "asin": "B000CQOITQ", "reviewerName": "marion", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A1Q47IV6HMDTT", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "C. Taylor", "reviewText": "wonderful", "summary": "Five Stars", "unixReviewTime": 1421366400} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2016", "reviewerID": "A1LHZ500F6LWBJ", "asin": "B0009IBJAS", "reviewerName": "Amazon Customer", "reviewText": "About 1/2 the weight as my old model of the same brand. Clearly cheaper made but it did the job all winter on my motorcycle battery. No complaints.", "summary": "Charges a battery", "unixReviewTime": 1459555200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A18PUMN76YIVV2", "asin": "B0002JMF98", "reviewerName": "Israel Mustelier", "reviewText": "Excelente", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A1UCS2OYGOFADK", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "James Ledford Jr", "reviewText": "good to have around to keep all toys charged up and ready to go", "summary": "Five Stars", "unixReviewTime": 1489622400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A22W6V8BU1F91J", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Phong Doan", "reviewText": "Sea Foam cleaned out my engine. I know that people will say that it is \"Snake Oil.\" I have to say to not believe this. I use this product every 3 fill up so my vehicle can be running at its best!", "summary": "I use this product every 3 fill up so my vehicle can be running at its best!", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A20OSHUQS1YVVD", "asin": "B000E4JLM0", "reviewerName": "BW", "reviewText": "Perfect replacement for 2004 GMC Sierra.", "summary": "Five Stars", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A14HWUYFQ5QGF5", "asin": "B000CIV4KU", "reviewerName": "Eric Schramm", "reviewText": "Worked Great", "summary": "Five Stars", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2011", "reviewerID": "A30WK4BBLSXER7", "asin": "B0000TMLWQ", "style": {"Size:": " 1 Pack"}, "reviewerName": "Pro-ecotime", "reviewText": "Did the job on a 1998 Honda Civic Crankcase pulley ( for a timing belt change); bolt was on pretty tight !", "summary": "Powerbuilt 648796 Honda Crankcase Pulley tool", "unixReviewTime": 1302998400} +{"reviewerID": "A5W9GMG2PDWXL", "asin": "B000C9SJUC", "reviewerName": "Bill H.", "verified": true, "reviewText": "Fits and works fine.", "overall": 5.0, "reviewTime": "01 15, 2015", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A36QYMT8L0JWIQ", "asin": "B0009H52BG", "style": {"Style:": " Extra Guard"}, "reviewerName": "John", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2017", "reviewerID": "A1CT5TDO8FET2P", "asin": "B000C5FJ04", "reviewerName": "David .A", "reviewText": "perfect fit for my 2003 ford 6.0", "summary": "Five Stars", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A2M8QXEY6VGGXO", "asin": "B000CNHOOK", "reviewerName": "Gabe", "reviewText": "This my second set of these shades since I just got a new truck. They are so handy!\nOne blew of on the highway this time, I contacted the manufacturer and 3 days later I had a whole new set!", "summary": "work well", "unixReviewTime": 1375401600} +{"overall": 4.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "AKHW4ZOXXJFCV", "asin": "B00032K2LM", "style": {"Size:": " 2 Frames", "Color:": " Black 2 Pack"}, "reviewerName": "Mengil A Deane", "reviewText": "As advertised, I only wish it were flat black, but that is personal preference.", "summary": "Four Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2013", "reviewerID": "A3KZKRBFAH33GL", "asin": "B000CMDAI0", "style": {"Size:": " 12-mm X 1.50"}, "reviewerName": "RJD3", "reviewText": "Fit great on both of my vehicles. I needed the open ended ones to fit under the center caps of the wheels. Worked with no problems. They seem to be good quality.", "summary": "Worked great", "unixReviewTime": 1368403200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A3G5F8WLB01R11", "asin": "B000B68C1W", "reviewerName": "Nick", "reviewText": "Fits my 94 f150. The handle thickness is a little thinner than what was on it. It works though.", "summary": "Fits 94 f150", "unixReviewTime": 1463097600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A13TP47S3ZC2LT", "asin": "B000AP1MZW", "style": {"Configuration:": " Red Filter/HDPE Tube"}, "reviewerName": "Louis Schubkeegel", "reviewText": "Fit was correct, also the price was correct. Clean install.", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 3.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "A2763U38O1GFQJ", "asin": "B00062ZDD6", "reviewerName": "Mike", "reviewText": "I returned this unit as it is for an EGR size hole, but all in all, it is ok if you have the right size breather grommet.", "summary": "I returned this unit as it is for an EGR ...", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A2XY7YE364YTEA", "asin": "B000BRFSU4", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Richard Mozes", "reviewText": "Just a new replacement and fast shipment good quality", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2017", "reviewerID": "A1YPFKBJBZML8S", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Scott Miller", "reviewText": "Keeps my battery on my 15000 watt generator completely charged.", "summary": "Five Stars", "unixReviewTime": 1509926400} +{"overall": 2.0, "verified": true, "reviewTime": "04 10, 2017", "reviewerID": "A39Z9R8AYALUZZ", "asin": "B000BQYH6Q", "reviewerName": "Ivan", "reviewText": "fragile, not sure that would be able to handle my car", "summary": "Two Stars", "unixReviewTime": 1491782400} +{"overall": 5.0, "verified": false, "reviewTime": "09 12, 2014", "reviewerID": "A1UNSS6I1G8R0T", "asin": "B000A6X51U", "style": {"Style:": " Passenger Side"}, "reviewerName": "Israel Serrano", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A2ER1JEMP9DGAC", "asin": "B000C5FL7K", "reviewerName": "Mike", "reviewText": "worked and fit great.", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 2.0, "verified": false, "reviewTime": "06 18, 2014", "reviewerID": "AEUV9916W7NQM", "asin": "B000AS1XY4", "reviewerName": "Amazon Customer", "reviewText": "CH8081 is not for 325i even though both Amazon and Fram websites say it fits. It doesn't. It's too big. Probably not Amazon's fault. Fram website and catalog provide the wrong data.", "summary": "Won't fit BMW 2006 325i", "unixReviewTime": 1403049600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A363ISQ8YHQG9", "asin": "B000BAT9VK", "style": {"Size:": " 1 Quart (32 Ounce), (Pack of 6)"}, "reviewerName": "Michael J.", "reviewText": "Great price and fast shipping!", "summary": "Excellent!", "unixReviewTime": 1416960000} +{"overall": 1.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A2DJDLEWM735RU", "asin": "B000CONU1K", "reviewerName": "Amazon Customer", "reviewText": "First though I got these at a great price, I thought i had ordered the same lock that was already on the car. Then on top of all that the ones that arrived were not the wrong lugs for my car so couldn't have used them anyway. I am sure the were great not just for me!", "summary": "First though I got these at a great price, I thought i had ordered the same ...", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A2AFTRU43PY9P5", "asin": "B000C16XPI", "reviewerName": "Peter1985", "reviewText": "cheaper than autozone, ac delco or any mechanic shop. works great on my 01 Trans am. All the srews lined up after drilling out the rivets.", "summary": "works great", "unixReviewTime": 1356998400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3OPDT80POWCAZ", "asin": "B000AM8BLI", "style": {"Style:": " 7443"}, "reviewerName": "Kenny", "reviewText": "Plug it in... Done. Been about 6 months and good so far. This is on a 2005 Tundra Double Cab Limited.", "summary": "Works", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A2TNJ5RHU31BE7", "asin": "B000C3BBL2", "reviewerName": "steve centers", "reviewText": "Worked like expected.", "summary": "Five Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A2BXZJPLOTMI5A", "asin": "B000E323BW", "style": {"Style:": " Passenger Side (RH)"}, "reviewerName": "Ralph", "reviewText": "GREAT!", "summary": "Five Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A1HW28HPZ0XAWA", "asin": "B00020CM04", "reviewerName": "jeep07", "reviewText": "Great price and it's Dynamat....perfect.", "summary": "Five Stars", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "AF9Z86XVZQNQD", "asin": "B0002MA4WK", "style": {"Size:": " full size"}, "reviewerName": "Steve", "reviewText": "I am using the ramps as a step up into a new shed I built. they match up perfectly so things roll right up", "summary": "ramps", "unixReviewTime": 1367452800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A23J6V1W58O5QJ", "asin": "B000C2WDCO", "reviewerName": "Retired Govt Mechanical Engineer", "reviewText": "Worked perfectly on the 1999 Camry LE with the 4 cyl engine on which I installed it.", "summary": "Five Stars", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A2X09IMDW53724", "asin": "B000C9NAA6", "reviewerName": "Brian Reda", "reviewText": "perfect fit, thats why I buy AC Delco", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A12S9LF2NL7OXG", "asin": "B000BQR100", "style": {"Size:": " Pack of 1"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "AIKDF8G4LVJQ2", "asin": "B000ALBZEE", "style": {"Size:": " 0.5 Ounce", "Color:": " Black"}, "reviewerName": "Nuno Silvestre", "reviewText": "It works with very small scratches.", "summary": "giod for the price", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A1KYSXFU5CDKA8", "asin": "B00062YZZS", "style": {"Size:": " 1 Quart (32 Ounce), (Case of 6)"}, "reviewerName": "Peter J. Enscoe", "reviewText": "Always good, used it since I can remember.", "summary": "Five Stars", "unixReviewTime": 1435795200} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A1A8DWXADQ4193", "asin": "B0002SRCMO", "reviewerName": "Pamela Sword", "reviewText": "nice tool", "summary": "Five Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2014", "reviewerID": "AFXRO7K3ZZ0PX", "asin": "B000CRIUUS", "reviewerName": "JoeBotts", "reviewText": "They appear very well made and wipe smoothly without chatter. I highly recommend them and will order again when needed.", "summary": "Very well made blades", "unixReviewTime": 1392854400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A25N556Q676M0Z", "asin": "B000BWE41I", "reviewerName": "Forrest Ponder", "reviewText": "Appears to be well made.", "summary": "Useful", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A5P0TAW6FA2AF", "asin": "B0009IK6TI", "style": {"Size:": " 17 Inches, (Pack of 1)"}, "reviewerName": "jungremn", "reviewText": "Nice transaction works great.", "summary": "Five Stars", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A1YW0MJ5DF5H12", "asin": "B0002SQVL2", "style": {"Size:": " 32 Ounce"}, "reviewerName": "Morgan Tyler", "reviewText": "Excellent product for buffing out light scratches.", "summary": "Five Stars", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "ATEQDUV3PKLXN", "asin": "B000CIQ47S", "reviewerName": "this game is so cool if u like football download this game", "reviewText": "Works good", "summary": "Hit me up like a sippy cup people", "unixReviewTime": 1496188800} +{"overall": 3.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A1QQIOHK3NTCY0", "asin": "B000AA4RWM", "style": {"Style:": " Levels"}, "reviewerName": "Clyde Horton", "reviewText": "Is hard to read, but for the price it is fine.", "summary": "but for the price it is fine.", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A1CHOX0P7Z8FI3", "asin": "B000CQVL0A", "reviewerName": "V. A. Munoz", "reviewText": "Perfect replacement for original parts", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2QH8X9M7J97TI", "asin": "B000CFEXYM", "reviewerName": "jesus silva", "reviewText": "Good price", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2013", "reviewerID": "AZUFUFK5PVCUE", "asin": "B0002JMUV6", "reviewerName": "Walter", "reviewText": "my crown vic loves the filter. The fram i used before just did not fit well, this filter fits much better in the airbox and has more pleats than the cheap fram junk", "summary": "nothing like original", "unixReviewTime": 1373587200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1KNQ2KM1QNMDJ", "asin": "B0002Z9QXK", "style": {"Size:": " 22 Inches"}, "reviewerName": "hugh w", "reviewText": "this is my second set-first ones lasted 3 years with being cleaned and wiped regularly with rain x", "summary": "Five Stars", "unixReviewTime": 1454457600} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "AQV0CHGFDT80Q", "asin": "B000CPCQEQ", "reviewerName": "Nathan R Cobb", "reviewText": "Premium feel, although a bit smaller than I was hoping for. The \"red\" stitching is a bit lighter than I thought it'd be, so much that it looks pink", "summary": "Premium feel, although a bit smaller than I was ...", "unixReviewTime": 1448236800} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "A321PVB6QTF1T", "asin": "B0002YTJG0", "style": {"Size:": " 1 Gallon (128 Ounces)", "Color:": " JD Green"}, "reviewerName": "John Newman", "reviewText": "They have a very good tractor and implement paint. I use them because they are easy to paint with and look very good when you are done.", "summary": "Valspar 4431-10 J D Green Tractor and Implement paint", "unixReviewTime": 1377907200} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "AAPSTM0B83J62", "asin": "B000CRZXPI", "style": {"Style:": " Box Packaging"}, "reviewerName": "Impact9", "reviewText": "Sounds like a rally car yes but not totally impressed with the sound as it's too high pitched for my taste.", "summary": "Sounds like a rally car yes but not totally impressed with ...", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2013", "reviewerID": "A20X9HH6L5F7Z3", "asin": "B000BZG5ZI", "reviewerName": "RyCal", "reviewText": "Tossed this into the Magnaflow 23226 Direct Fit Catalytic Converter I just put in my 99 Cherokee. Screwed right in no problem - not much to it, but seems to be working just fine.", "summary": "Easy peasy", "unixReviewTime": 1364083200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A1I12360DBCF5V", "asin": "B000CRKOHK", "reviewerName": "CSC", "reviewText": "These were super easy to install, look and work great. It rained 2 days after I installed them. They are super quiet and do a fantastic job.", "summary": "These were super easy to install", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A7OF0KTLBR2QY", "asin": "B0002NILR4", "reviewerName": "Scott H.", "reviewText": "Heavy duty..nice", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3NEYOM3SSF8IN", "asin": "B000C5WCLI", "reviewerName": "Mang", "reviewText": "Fits 2003 Lexus IS300", "summary": "Four Stars", "unixReviewTime": 1461024000} +{"reviewerID": "A2ITV3AU9TL0O9", "asin": "B000CAYTJ6", "reviewerName": "J. Nguyen", "verified": true, "reviewText": "I researched the brand name of the belt and this belt is suppose to be the OEM supplier for Japanese cars.", "overall": 5.0, "reviewTime": "05 13, 2014", "summary": "Item exactly as described", "unixReviewTime": 1399939200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AKDE5F853LM03", "asin": "B0009IQYTY", "style": {"Style:": " Tough Guard"}, "reviewerName": "scubaman", "reviewText": "I like the fact that FRAM has acknowledged that their filter were crap and that the manufacturing process was flawed. The have made the necessary adjustments and refined their manufacturing and testing facilities. I have regained my confidence in their filters.", "summary": "Will try them again.", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "AFKE3J0THD2NG", "asin": "B0006IX7YC", "style": {"Style:": " Flexible"}, "reviewerName": "rhs", "reviewText": "it works", "summary": "Five Stars", "unixReviewTime": 1441497600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A28A8V1GAGJ5JS", "asin": "B000CFAVA2", "reviewerName": " Jeffrey ", "reviewText": "These are a lot better then the kind i have got before. The inside the window ones are the best and looks better.", "summary": "These are a lot better then the kind i have got before", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A1B47ZSAM614TW", "asin": "B000COMX3Q", "reviewerName": "Grumpy442", "reviewText": "Ordered these for my 2002 Jeep, fit great", "summary": "fit great", "unixReviewTime": 1431129600} +{"overall": 3.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "A1RPRU7VWS6HLP", "asin": "B0006IX7Y2", "style": {"Size:": " 15 Feet"}, "reviewerName": "Thomas Schlueter", "reviewText": "have not used yet. this past season we camped at water and electric only sites. It does look flimsy, don't know how much wear and tear or abuse it can take.", "summary": "have not used yet. this past season we camped ...", "unixReviewTime": 1415664000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A8TLFK9XYF1Q8", "asin": "B0009H528E", "reviewerName": "octo", "reviewText": "Fast delivery, and fit perfect on a 2003 Buick.", "summary": "and fit perfect on a 2003 Buick", "unixReviewTime": 1420502400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A316KU8FF7WKMO", "asin": "B0002NYDZS", "reviewerName": "CAE-MI", "reviewText": "Broken right out of the box. Cheap, too. I returned it bought one at lowe's for $15 that is better.", "summary": "I returned it bought one at lowe's for $15 that is better.", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2016", "reviewerID": "ABPLWCMHWK9UA", "asin": "B000ABGA0I", "style": {"Size:": " 19 Ounce, (Case of 12)"}, "reviewerName": "Amazon Customer", "reviewText": "Great product preformed as expected.", "summary": "Five Stars", "unixReviewTime": 1478649600} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A1JLWHPYHCTBAP", "asin": "B000E8V9O4", "reviewerName": "Enzo Rat Racer", "reviewText": "Works well, charges, well, a little noise leaks through to weak radio stations, however.", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2017", "reviewerID": "AMDQAYGLDYZ15", "asin": "B000C18Q44", "style": {"Style:": " H6054"}, "reviewerName": "Amazon Customer", "reviewText": "Product as expected, timely delivery", "summary": "Five Stars", "unixReviewTime": 1512777600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "AY4PHDNADYKH4", "asin": "B000CPAV7A", "style": {"Color:": " Chevy Orange"}, "reviewerName": "Reedt", "reviewText": "Great Engine Paint. Moving forward I will only use VHT.", "summary": "Great Engine Paint", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "AGIG7T4KRYVLU", "asin": "B000CMHU4K", "reviewerName": "Brian Stewart", "reviewText": "These fit my 2014 f150 fx4 with factory fender flares and factory running boards. Install is a breeze to do.", "summary": "2014 f150 fx4", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A3EW7XLYUJZ5UH", "asin": "B000C9PNI8", "reviewerName": "Daniel smith", "reviewText": "High quality part! Eliminated the squeaking and easy to install. Took just a couple minutes!", "summary": "Eliminated the squeaking and easy to install", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A3S0HB5MFLIDWL", "asin": "B0009SXOW4", "reviewerName": "joe rivera", "reviewText": "worked great", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A1K5QRTDLH6OUH", "asin": "B0002SQYUA", "reviewerName": "treeman0909", "reviewText": "Works well. Used to confirm leak free gaskets and seals in a Chainsaw engine after rebuild.", "summary": "Five Stars", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A22TG7YR93OW2C", "asin": "B0009V1WS4", "reviewerName": "Rowan", "reviewText": "Hay it holds your hitch to your receiver. With a lock. Decently chrome plated, and comes with both sizes. It would be nice if the 5/8\" was a little longer (it works but for my sausage fingers it would help).", "summary": "It a hitch pin with a lock", "unixReviewTime": 1473465600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A3PIO5SGDFI3PO", "asin": "B0009PI13E", "style": {"Color:": " Black"}, "reviewerName": "mlarry", "reviewText": "good quality and easy instructions. all the parts you need for any installation. great value.", "summary": "great value", "unixReviewTime": 1404864000} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "AZWK4DKCQ43LJ", "asin": "B000BOAZM8", "style": {"Size:": " 3 Ounce"}, "reviewerName": "Harold", "reviewText": "Nice product permatex quality", "summary": "Four Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "AL1HBBF9P5E4T", "asin": "B000CSGWZM", "reviewerName": "raqune", "reviewText": "NGK has solid reputation for being a good quality spark plug manufacturer. Have never been disappointed with any of their products.", "summary": "Quality sparkplug", "unixReviewTime": 1374883200} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2014", "reviewerID": "A33ZXJVC7W88RA", "asin": "B000BO8YVM", "reviewerName": "DLM", "reviewText": "It's a funnel and worked for my needs in filling my motorcycle with fresh oil. Of course there are far more applications for this item beyond that. My only complaint is the long neck (for my purposes) but the funnel is so cheap it's not even worth mentioning.", "summary": "It Works", "unixReviewTime": 1396483200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "AHL59GUWSBVSM", "asin": "B000CBXSX8", "style": {"Color:": " Silver"}, "reviewerName": "George Royael", "reviewText": "great product; still works great.", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A1QZKD4E0Q65FF", "asin": "B0008FUH46", "reviewerName": "Jack of all trades", "reviewText": "I'm not really sure how you review a trailer lock without a theft attempt. The lock cylinder turns easily. It's easy to install and fits well on my trailer with a 2 5/16 ball.\nLet's wait to see how a theif likes it.", "summary": "Seems good", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2015", "reviewerID": "ANSKR7MEZ04EJ", "asin": "B000CO7IK4", "reviewerName": "J", "reviewText": "Works like a charm", "summary": "Five Stars", "unixReviewTime": 1430092800} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "AGT1V8UPJMB0W", "asin": "B0002JMLQU", "style": {"Size:": " 2 Ounce"}, "reviewerName": "farmerscotty", "reviewText": "It works!", "summary": "Hey it WORKS", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A1R50CAVP6LM0W", "asin": "B0002RNSG4", "reviewerName": "Troy Nicely", "reviewText": "Worked perfect on my 2004 Jeep Liberty, price was great and shipping too..", "summary": "Five Stars", "unixReviewTime": 1462838400} +{"overall": 5.0, "verified": false, "reviewTime": "05 18, 2016", "reviewerID": "A2PZED1A20IBX8", "asin": "B000BYEOHK", "reviewerName": "David M.", "reviewText": "good product", "summary": "good product", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A20DPOMJHOSZNM", "asin": "B000BQR8TE", "reviewerName": "Kenneth Miller", "reviewText": "Worked great.", "summary": "Five Stars", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2017", "reviewerID": "A263C45IYF31KM", "asin": "B0009JKI7W", "style": {"Size:": " 16-Inches", "Style:": " Pack of 1"}, "reviewerName": "Rick T", "reviewText": "Fit perfect and it works very well.", "summary": "Rain-X Hyundai Tucson Wiper Blade", "unixReviewTime": 1496534400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A19CB2070ZOTXV", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 3.35 oz."}, "reviewerName": "RayN", "reviewText": "It's Permatex, that should say it all. It wirked great when I replaced my valve covers. No leaks at all.", "summary": "Permatex is the go-to brand for gasket sealants.", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": false, "reviewTime": "03 19, 2017", "reviewerID": "AYR84RP4QPH87", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 1 oz."}, "reviewerName": "YONG LIU", "reviewText": "Got it. I like it.", "summary": "I like it.", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A30M958D9DFLOS", "asin": "B000B59XMA", "reviewerName": "Tim", "reviewText": "Got it for my wife and she loves it! Perfectly warm and very pretty. She wears it on the motorcycle in winter and it works perfectly for that.", "summary": "Wife loves it!", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A3D61FUHG8E484", "asin": "B0002BG6B4", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Corey", "reviewText": "Checked against manufacturer wires, and matches perfectly. 2001 Nissan Altima", "summary": "Fit perfectly", "unixReviewTime": 1502841600} +{"overall": 4.0, "verified": true, "reviewTime": "06 21, 2017", "reviewerID": "ANVMA87J4ZTD7", "asin": "B0002NYE5W", "style": {"Color:": " Aggressive"}, "reviewerName": "PAUL B.", "reviewText": "Works but not \"aggressive\" grit as stated.", "summary": "Four Stars", "unixReviewTime": 1498003200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2010", "reviewerID": "A3OAA19C65C5FT", "asin": "B000COS0H4", "style": {"Color:": " Chrome/Black"}, "reviewerName": "D. Johnston", "reviewText": "I've used these lug nuts on my track car which gets the wheels removed on regular basis with an air impact wrench and these nut still look like new.", "summary": "Excellent Product", "unixReviewTime": 1265760000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2014", "reviewerID": "A1S427VCS40C7C", "asin": "B000ARPVMU", "reviewerName": "Mike", "reviewText": "FL1A FL1A\nfl1a, this part is a ok fits this vehicle, and might even fit the wrong vehicle if you strip the threads ( there is that enough words)", "summary": "the same as every other FL1A", "unixReviewTime": 1390262400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A11Q3E4BBF8UJ", "asin": "B000CGHR76", "reviewerName": "Abzman", "reviewText": "Identical to original and mounted easily.", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A8DQ28982ATEJ", "asin": "B000150J6O", "reviewerName": "littleguns", "reviewText": "Easy to install. The price was very reasonable. I wouldn't be able to blow snow without these chains.", "summary": "Good chains, good price", "unixReviewTime": 1486080000} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A1N4D2D3CKNDSF", "asin": "B000COMXCM", "reviewerName": "Everett peatan", "reviewText": "Great", "summary": "Four Stars", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A26W1STWGZ0V8J", "asin": "B0002JMV06", "reviewerName": "Poopsie Efficient", "reviewText": "husband says it was perfect and just what he needed.", "summary": "Five Stars", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2015", "reviewerID": "A21A1KM8MKCBT0", "asin": "B0006SH4NC", "reviewerName": "mina botrous", "reviewText": "Adds a really good shine to my car, used it as in between car washes to keep the car. Nice and shiny. Also worked magic as a clay lubrication with the nanoskin sponge.", "summary": "Great as a lubricant", "unixReviewTime": 1447545600} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2016", "reviewerID": "A2P6O1DKKU7ZPE", "asin": "B0002X520S", "style": {"Color Name:": " No Color", "Size Name:": " 4 Ounces"}, "reviewerName": "Steve F", "reviewText": "Heavy duty and works great. Will darken any leather other than real dark leathers. Once it starts to lighten again, you know its time for another application.", "summary": "Heavy duty and works great. Will darken any leather other than real dark ...", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A3TE7WDQK4FR6Z", "asin": "B000CD8HH8", "style": {"Size:": " 22\"", "Style:": " 900226B"}, "reviewerName": "Rodney.", "reviewText": "WORKS GREAT", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A215KSBNKA6P7A", "asin": "B000BYEMEA", "reviewerName": "Dean D. Gilbert", "reviewText": "Really do work best in Volvo cars.", "summary": "Really do work best in Volvo cars", "unixReviewTime": 1406419200} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "AP2J3NHQ3Z4QQ", "asin": "B0007VFM8C", "reviewerName": "Amazon Customer", "reviewText": "Great Product, Thanks!", "summary": "Five Stars", "unixReviewTime": 1488499200} +{"reviewerID": "A33PP2X9FA634I", "asin": "B000CAINRK", "reviewerName": "Vickie R", "verified": true, "reviewText": "I purchased this for my wife because she would always get irritation on her neck while riding in my truck. Installation is a breeze and the quality of this pad is very good. I would buy it again.", "overall": 5.0, "reviewTime": "11 24, 2012", "summary": "Super soft and durable", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "ASR7QIKOPR8XQ", "asin": "B0007WTE08", "reviewerName": "Amazon Customer", "reviewText": "worked perfect on the corners and everything", "summary": "Five Stars", "unixReviewTime": 1495584000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A2DKGGEGDBKW5O", "asin": "B0006IX7WY", "style": {"Size:": " 16 Inches - 28 Inches", "Style:": " Double Refrigerator Bar"}, "reviewerName": "M. Knight", "reviewText": "Works well!", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A18PL20CSRVVZS", "asin": "B000BYGIR4", "reviewerName": "T", "reviewText": "Feeler gauges are pretty basic, but these fit the bill & had the knurled knob so you can tighten the group down once you swing the chosen gauge in to place. Would buy again.", "summary": "Traditional feeler gauge set.", "unixReviewTime": 1464998400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A1OOGDDOTWZ2V", "asin": "B0009U65FU", "reviewerName": "Dan Bourget", "reviewText": "This stuff is great!", "summary": "Five Stars", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A3TOCMLKOOQ1WS", "asin": "B000COTX34", "style": {"Color:": " Chrome"}, "reviewerName": "Amazon Customer", "reviewText": "These fit my rims perfect", "summary": "Would buy again", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A3O7PPB69RL7QV", "asin": "B000CJ2V1U", "reviewerName": "Darwin Thomas", "reviewText": "exact match for old unit", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"overall": 4.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A1VGXHHR08G044", "asin": "B00029KC2U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "D. Coral", "reviewText": "I'm using this to protect the cutout of our new granite countertop from the heat generated by the cooktop. This material feels heavy and professional, so it looks like it will do the job nicely. The adhesive sticks fine so far.", "summary": "Heavy duty material for granite heat protection", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A1ZDGF547DBIXB", "asin": "B0006V2BRS", "reviewerName": "steve", "reviewText": "a soild built gauge", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": false, "reviewTime": "08 22, 2014", "reviewerID": "A3VCSCLXPQ7CDJ", "asin": "B000ALBZEE", "style": {"Size:": " 0.5 Ounce", "Color:": " Black"}, "reviewerName": "NJreviewer", "reviewText": "good match on my 2002 Chevy Suburban", "summary": "good match on my 2002 Chevy Suburban", "unixReviewTime": 1408665600} +{"overall": 4.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A1MTOGA3GZYSLJ", "asin": "B00042KQ58", "reviewerName": "Ken", "reviewText": "Very good quality stuff, good strong hardware, definite must have when off road just in case, only reason i knocked a star off cause it doesnt come with a long chain for vehicle hook up", "summary": "good quality", "unixReviewTime": 1381363200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "AXCZCKGS78R12", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 8 oz."}, "reviewerName": "Dan S", "reviewText": "Worksd great !!", "summary": "Five Stars", "unixReviewTime": 1476921600} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A3QHW5BQYEI0ZU", "asin": "B000C5G43A", "reviewerName": "Juan R.", "reviewText": "perfect", "summary": "Four Stars", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A27E9J0M1OCXP4", "asin": "B000ALBZDK", "style": {"Size:": " 0.5 Ounce", "Color:": " Charcoal Beige Metallic"}, "reviewerName": "bm", "reviewText": "Wonderful. So glad these older style pens are still available here on amazon. The new pens provide nothing better than this pen and are twice the cost for the same results. As usually with Dupli-Color, the color match was pretty right on for the the tiny rock chips etc.", "summary": "Wonderful. So glad these older style pens are still ...", "unixReviewTime": 1427068800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A7RD4PWVJHIM5", "asin": "B000AMBODK", "style": {"Size:": " Pack of 1"}, "reviewerName": "Les B.", "reviewText": "Great Additive", "summary": "Five Stars", "unixReviewTime": 1417910400} +{"overall": 2.0, "verified": false, "reviewTime": "02 21, 2010", "reviewerID": "A1T1YSCDW0PD25", "asin": "B000CD8HH8", "style": {"Size:": " 26\"", "Style:": " 900261B"}, "reviewerName": "Lantana Al", "reviewText": "I thought these were great because they worked great at first, but it wasn't long until they started streaking (just a few months I believe). The streaking was very noticeable and annoying.", "summary": "Wouldn't buy again - only worked great at first", "unixReviewTime": 1266710400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "AFIXQON63HXY", "asin": "B000CF3VVS", "reviewerName": "Amazon Customer", "reviewText": "Have a 1k miles on them so far with no issues", "summary": "Five Stars", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2017", "reviewerID": "AWLM8K2S16R3L", "asin": "B0002JMFKM", "reviewerName": "Rhonda", "reviewText": "this was just what I needed to do the air con in my truck it made it so much easier to do", "summary": "this was just what I needed to do the air ...", "unixReviewTime": 1497139200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "A2MV0U0NNR088J", "asin": "B0009IQXCM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Jim P", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1498953600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "A2QWD2ZFJFIPXT", "asin": "B000C9PNI8", "reviewerName": "lawnman73", "reviewText": "Go OEM!", "summary": "Five Stars", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "A1DNRZFRNNHFZ8", "asin": "B000C2SCR4", "reviewerName": "Gil Somera", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1519257600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "ADTY7U0SFCB38", "asin": "B000BRCKTG", "style": {"Size:": " Quantity 1"}, "reviewerName": "53Panhead", "reviewText": "Good price, exact replacement for Onan Generator.", "summary": "Best price I could find on internet.", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A1TXX7WZ1Q7ZYN", "asin": "B000COO406", "reviewerName": "Nicholas Shamblin", "reviewText": "These shocks worked great on my ford ranger. I couldn't believe the difference they made.", "summary": "Five Stars", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "A299YBVDBTQRYN", "asin": "B000BO8YVM", "reviewerName": "L0.renz", "reviewText": "No more mess while changing the oil on my truck. This funnel is BIG! Highly recommend it for the price.", "summary": "Its big!!!!", "unixReviewTime": 1389139200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A2MKG8P7L2PPPB", "asin": "B00006HNRY", "style": {"Size:": " 750W", "Style:": " Outlets"}, "reviewerName": "discodj", "reviewText": "great, easy to connect, its heavy but well built", "summary": "inverter", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "A1BSORTK84GE7H", "asin": "B000CIQ47S", "reviewerName": "JFritz", "reviewText": "Great product!", "summary": "Another Winner!", "unixReviewTime": 1450483200} +{"overall": 5.0, "verified": false, "reviewTime": "08 8, 2014", "reviewerID": "A255U1EL2KDR81", "asin": "B0002SRF4O", "reviewerName": "anh", "reviewText": "Correct", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "AWL73NWLEL0XL", "asin": "B000E3VHW8", "reviewerName": "Pete W", "reviewText": "Very quiet yet throaty sound. I love how my Jeep sounds and it was small enough to fit up above the belly up skid so it's nice and protected.", "summary": "I love how my Jeep sounds and it was small enough ...", "unixReviewTime": 1461542400} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A2KOARR1KOXX5J", "asin": "B0002JMF9I", "reviewerName": "Jeffrey Hodge", "reviewText": "Works fine.", "summary": "Four Stars", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1ZUF0U8U5PAEB", "asin": "B0007M2ZG8", "style": {"Size:": " MOUNT 7", "Color:": " Black"}, "reviewerName": "darlena harris", "reviewText": "Excellent part.", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "AMFW1PDR1685T", "asin": "B0002JMRXC", "reviewerName": "R. M 22", "reviewText": "Fit perfect", "summary": "Four Stars", "unixReviewTime": 1416700800} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2013", "reviewerID": "A3ER04JN0O5PAR", "asin": "B000CO9UZU", "style": {"Configuration:": " Oiled, Red Filter / Chrome Metal Tube"}, "reviewerName": "Ryan Poitra", "reviewText": "I got this intake for my friends car and the second we put it in and reset his ECU, we notice a drastic change in performance! It works wonders!", "summary": "It does what it supposed to", "unixReviewTime": 1372464000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81LAKgHxrCL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "AI6XW9AFN4G8I", "asin": "B0000AY60S", "reviewerName": "chuck", "reviewText": "Best stuff ever! Get it, use it and enjoy the results! I will continue to use this stuff for the life of my boat! Great product!\nThe picture is my reflection in the black hull. The spots you see are the reflection of the gravel on the ground.", "summary": "Like glass", "unixReviewTime": 1465603200} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A1O8P332UHUSBI", "asin": "B0002MA4WK", "style": {"Size:": " full size"}, "reviewerName": "Tray", "reviewText": "Good deal for cheap ramps set up it worked out fine.", "summary": "Four Stars", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "AUFSR292U2D08", "asin": "B000B8LKZ0", "reviewerName": "D. Carter", "reviewText": "no burns bleeding the air anymore.", "summary": "Five Stars", "unixReviewTime": 1443484800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A1WNN4E2GMIBBF", "asin": "B000C44CDU", "reviewerName": "Chevyguy", "reviewText": "Ordered them on a Monday, showed up Friday. Nice packing, good condition and a great shock. We use this brand all the time at my shop, feels just like a factory ride. Would recommend for a great quality shock at economy shock prices.", "summary": "Factory ride for 2000 Durango.", "unixReviewTime": 1415923200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81sOz8rjaNL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A3J5H45GXJ2V5F", "asin": "B000CF6I40", "reviewerName": "Mitchell White", "reviewText": "Installation was a breeze. They finish off the look of the truck nicely", "summary": "Great product!", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A1VFORN8RXTDA2", "asin": "B00068XCQU", "reviewerName": "Robert Laurent", "reviewText": "I use these batt maintainers (Battery Tenders) for my motorcycle and vehicles and they greatly extend the life of the batteries..", "summary": "I use these batt maintainers (Battery Tenders) for my motorcycle ...", "unixReviewTime": 1454025600} +{"overall": 1.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A121WHIMJUYJD9", "asin": "B0002NYBC8", "reviewerName": "Super 8", "reviewText": "I tried this product in a R12 and 134a vehicles, it didn't stop any visible leaks.", "summary": "One Star", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "AN0I4A9F5OYL", "asin": "B000E28C6S", "style": {"Color:": " Black"}, "reviewerName": "Terry", "reviewText": "Great product that met my expectations.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A2MLNHBNIBVNZ1", "asin": "B000AMBNPY", "reviewerName": "David R. Monedero", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "AER64NJ2WGR6T", "asin": "B000C2UCU4", "reviewerName": "V M", "reviewText": "Perfect Fit for my 2005 Chevy Silverado 2500HD.", "summary": "Perfect", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A130YJ2RYLF7NX", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "hogbinz", "reviewText": "Works as needed", "summary": "Five Stars", "unixReviewTime": 1443052800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61H-lrt7X-L._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A2XUDBTBXI9PBF", "asin": "B00063XI64", "style": {"Size:": " 50", "Color:": " Black"}, "reviewerName": "P. Parker", "reviewText": "This tape was recommended to me an actually went on easier than I thought. It was brighter than I thought too. Others from my riding page now want to try it out.", "summary": "Makes my motorcycle really stand out at night", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "AL0YBT0CFODPO", "asin": "B0002RNSNM", "reviewerName": "jns", "reviewText": "works well, for the price, just enough for the bit extra reach that I needed to get. If you need a bit of a reach", "summary": "Nice extension", "unixReviewTime": 1366156800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1XCRKDAZ03L5R", "asin": "B000BUU5YU", "style": {"Size:": " 50 Feet", "Style Name:": " Camco Heavy Duty RV Auto Extension Cord with PowerGrip Handle, Includes Convenient Carrying Strap - 50ft (10 Guage, 30 Amp) (55197)"}, "reviewerName": "Maggie", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": false, "reviewTime": "07 27, 2016", "reviewerID": "A38QSYNWC629GB", "asin": "B000CQ01SS", "style": {"Style:": " 14.1 Ounce"}, "reviewerName": "BRADLEY S BARNETT", "reviewText": "What can I say, it's grease in a tube. It flows out of the grease gun and makes things greasy just like you'd expect.", "summary": "Good grease, no issues", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A2287HMCD2RGLC", "asin": "B000C9GO8G", "reviewerName": "Frank Moffat", "reviewText": "Perfect fit easy install it took 15 minutes start to finish.", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A32OXQCYGLEG54", "asin": "B000C9VV8E", "reviewerName": "boosted150", "reviewText": "Exact match 2001 Subaru Legacy 2.0 SOHC NA and 2003 Subaru Impreza 2.0 DOHC NA (JDM) installed in less than 5 minutes. Size 19mm deep well socket was all I needed. Cheap insurance, you don't want your PCV valve to clog!", "summary": "Exact match 2001 Subaru Legacy 2.0 NA and 2003 Subaru Impreza 2.0 NA (JDM)", "unixReviewTime": 1447113600} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "A3V2C6H4USWFRM", "asin": "B000C5I6H2", "reviewerName": "Dwill", "reviewText": "fit good, good looking product.. shipping was on time", "summary": "fit good, good looking product", "unixReviewTime": 1432252800} +{"overall": 3.0, "vote": "17", "verified": true, "reviewTime": "07 17, 2013", "reviewerID": "A1MW5XDAO3A0VB", "asin": "B0009OMYAQ", "reviewerName": "BEARDOOG", "reviewText": "This socket is a 32 mm socket it is shallow to be able to get to the oil filter on the eco tec. This socket is no longer made in the usa it is now made in china! the one I received had rust on it poor quality control.", "summary": "NOT MADE IN THE USA NOW!", "unixReviewTime": 1374019200} +{"overall": 5.0, "verified": false, "reviewTime": "12 29, 2017", "reviewerID": "AAQGN78RLC295", "asin": "B000C9NJR0", "reviewerName": "ANWAR JUMA", "reviewText": "Thank y", "summary": "Five Stars", "unixReviewTime": 1514505600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2013", "reviewerID": "A20FCMSPME7K9N", "asin": "B0007LVJ2A", "reviewerName": "Misterart", "reviewText": "Well built with a weatherproof cover; comes with two keys and will protect your hitch or what ever you need to protect.", "summary": "Durable and Weatherproof", "unixReviewTime": 1369180800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A2W7B3KPL36AB5", "asin": "B000B68C1W", "reviewerName": "Steve-V", "reviewText": "Exact handle replacement for our F700 truck. Works just like OEM.", "summary": "Works just like OEM.", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A35W6Z8HZ7CJAE", "asin": "B000CMD9TK", "style": {"Size:": " 12-mm X 1.50"}, "reviewerName": "Reviewer 2015", "reviewText": "So far so good. No rust which is great and still spin freely.", "summary": "Five Stars", "unixReviewTime": 1477872000} +{"reviewerID": "A129SPFHMMLCNE", "asin": "B000A8JLO8", "reviewerName": "rdub", "verified": true, "reviewText": "As described, seem to be working.", "overall": 5.0, "reviewTime": "04 21, 2016", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2013", "reviewerID": "A370LDY0QD4A0W", "asin": "B0002FU44K", "style": {"Size:": " 14 oz", "Style:": " 8880"}, "reviewerName": "Brian Truong", "reviewText": "Bought this to clean off brake dust on my brake caliper and boy did it work. Be sure to put cardboard under your brakes when applying this brake cleaner because it WILL make a mess. Be sure to keep your distance from it as you apply it because the fumes is STRONG.", "summary": "Cleans very well.", "unixReviewTime": 1385251200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A668POFRTO1A7", "asin": "B000CRZXPI", "style": {"Style Name:": " Blister Packaging"}, "reviewerName": "Arnie Hansen", "reviewText": "I haven't installed them yet but can't wait there going to be pretty loud", "summary": "Horns", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A2LROBYMTN03DX", "asin": "B000CPCRJK", "style": {"Color:": " Clear"}, "reviewerName": "Adam Kling", "reviewText": "Used it as a clear coat over the vht nightshades, came out perfect. Nice professional clear gloss look. would definitely recommend.", "summary": "Wonderful", "unixReviewTime": 1391472000} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "APQYM37ZDZPD6", "asin": "B000CB6D0S", "reviewerName": "John G", "reviewText": "fit was just a hair off. But fit fine. (2004- E46)", "summary": "But fit fine. (2004- E46)", "unixReviewTime": 1463443200} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "AB843S7PQ2KGQ", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "Barbara W.", "reviewText": "Okay.", "summary": "Four Stars", "unixReviewTime": 1440028800} +{"overall": 5.0, "vote": "12", "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A3224DAWXXERAZ", "asin": "B0002MA4WK", "style": {"Size:": " full size"}, "reviewerName": "Dave", "reviewText": "Ths is not my first ramp cap purchase. But my father-in-law pilfered mine for his 4wheeler ramps.\nThese are the good thick aluminum ones, not the pressed steel, so no rusting.\nI've used the same ones for years and love them.", "summary": "Work great. Nice thick aluminum.", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A15NPLL2T5AJB8", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Bill", "reviewText": "Works well.", "summary": "Five Stars", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2016", "reviewerID": "A2PD55QT1JV67P", "asin": "B0009IR0EM", "style": {"Style:": " Tough Guard"}, "reviewerName": "naquarium", "reviewText": "Seems like a good product and the price was reasonable.", "summary": "Five Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "AI9CV344WJHCC", "asin": "B000BZI1EG", "reviewerName": "michael marrufo", "reviewText": "made a difference to replace it", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A3LM31ZBJ5881R", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "The Fire Nurse", "reviewText": "I use this stuff every 60 days in all of my vehicles.\nIt is part of my preventive maintenance program.\nNo doubt.", "summary": "I use this stuff every 60 days in all of ...", "unixReviewTime": 1442188800} +{"overall": 2.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A1HLBRHJPMN7S4", "asin": "B000CIOW9U", "reviewerName": "Watson", "reviewText": "Set off trouble code 2 days after install, put original back on, trouble stayed clear.", "summary": "Locking gas cap", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2014", "reviewerID": "AMQQRB8SA5ZGT", "asin": "B000E3S410", "reviewerName": "Dave G", "reviewText": "This intake works great. It take a few miles for the computer to adjust but it defiantly makes a difference to throttle response with a cat back exhaust. I would buy this 10x over.", "summary": "Great product that actually works.", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "A2IYFGJR4GEW09", "asin": "B0000AYFTH", "reviewerName": "Scott", "reviewText": "Great when making trailer harnesses! !!!!!!", "summary": "Five Stars", "unixReviewTime": 1503446400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "AI6JGJKKUXLZ3", "asin": "B0002JMV06", "reviewerName": "Martin Martinez", "reviewText": "Good quality product. perfect fit. highly recommended.", "summary": "fuel filter", "unixReviewTime": 1429315200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "A2DKCG9AVCKB49", "asin": "B000CPI6VI", "reviewerName": "R. Elliott", "reviewText": "Woks as you would expect", "summary": "Five Stars", "unixReviewTime": 1481414400} +{"reviewerID": "AVJ8FDV91YHC", "asin": "B00030422O", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "This thing is a pile of garbage. This was the only type of compressor I could find that would fit my job, and it sucks. It doesn't compress the spring straight, and slips horribly. Unless you have hours and hours to screw around with this, I wouldn't recommend it.", "overall": 1.0, "reviewTime": "11 2, 2015", "summary": "Bad design", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": false, "reviewTime": "08 7, 2014", "reviewerID": "A9MAPJ2YSM8OQ", "asin": "B0002JN2EU", "style": {"Size:": " 1 Pack (16 Ounce)"}, "reviewerName": "Mzzzzzzkay", "reviewText": "I used this due to odd idle issue on my bike, worked this thru the system and my bike sounds better than ever.", "summary": "worked this thru the system and my bike sounds better than ever", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A11AD0KVJHQGDF", "asin": "B0002UEOLO", "reviewerName": "Bob Myers", "reviewText": "PERFECT", "summary": "Five Stars", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A2W87GFPUOM836", "asin": "B000BUTD9S", "style": {"Size:": " 18 Inch", "Color:": " Gray"}, "reviewerName": "Felix Guidry", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A2NF041HP0BV5B", "asin": "B0006IX80K", "style": {"Color:": " White", "Style Name:": " Ventline (Pre '08 Models)/Elixir ('94 & Up Models)"}, "reviewerName": "Eric Weber", "reviewText": "These are a must when your vent covers fall apart. I swear by these, never had the same problems of brittleness and degredation as factory covers.", "summary": "These are a must when your vent covers fall apart ...", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2014", "reviewerID": "A39TA9IMHAEZ6O", "asin": "B000BWCFSC", "reviewerName": "JORGE RAMOS VARGAS", "reviewText": "LOOKS REALLY NICE", "summary": "Five Stars", "unixReviewTime": 1405641600} +{"overall": 1.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A36XNL5H5FBMTF", "asin": "B000BQOO6O", "style": {"Style:": " Monted Defroster"}, "reviewerName": "Kingdcoy", "reviewText": "Title says enough. Weak crap. I purchased this roughly a year and a half ago for a previous car, and failed to review it. If it's anything below 50 outside, and your car doesn't have a heater, this thing won't even be FELT. Worthless.", "summary": "Piece of dog 5H1T", "unixReviewTime": 1391904000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2014", "reviewerID": "AN8A9WN006AO7", "asin": "B000CM3IEG", "reviewerName": "Jkep423", "reviewText": "i needed some new parts for my car. love that i can go to amazon for anything i need. Hopefully i can get some new stuff for when i get my new car....", "summary": "very useful", "unixReviewTime": 1398384000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "A21RRFPY3A83WR", "asin": "B0002SR4Q8", "reviewerName": "Noah", "reviewText": "Worked perfectly for taking my oil filter off my bike when I didn't have a lift. No way I could have got it off with one of the trap kinds.", "summary": "Worked perfectly for taking my oil filter off my bike ...", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "A1RO4KGV8PY18T", "asin": "B00029ND1M", "style": {"Color:": " Red/Black"}, "reviewerName": "Matt F.", "reviewText": "Got these in 2 days. i have a red, grey, and white boat and these match everything really well. Reall pleased and would purchase again.", "summary": "Very nice", "unixReviewTime": 1363910400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A9G8Y21OWPY4A", "asin": "B0002YPD7O", "style": {"Size:": " 1-7/8-Inch, 2-Inch and Most 2-5/16-Inch Couplers"}, "reviewerName": "S. J. O", "reviewText": "Arrived well ahead of expected delivery date. Already in use and works perfectly.", "summary": "Trailer lock", "unixReviewTime": 1508803200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 4, 2012", "reviewerID": "A2W940MKHSJ1XI", "asin": "B00062ZZQQ", "reviewerName": "Michael", "reviewText": "Direct fit for my 2002 Jeep Liberty V6.\n\nDrops right in with zero effort, much higher quality than the stock air filter.", "summary": "Perfect Fit, great quality!", "unixReviewTime": 1328313600} +{"reviewerID": "A1KCOBQ4QPC3FY", "asin": "B000COTX66", "reviewerName": "Raeed", "verified": true, "reviewText": "Great locks, high quality fitting was perfect for my VW CC 2010.", "overall": 5.0, "reviewTime": "02 23, 2015", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A44JXCKJ0GHA8", "asin": "B000BPZ42S", "reviewerName": "Joey Heneghan", "reviewText": "Fits Ford IDI perfectly, no trimming/grinding needed", "summary": "Five Stars", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A3J2FYETTB59F6", "asin": "B0009H51VW", "reviewerName": "Frederick Deuter", "reviewText": "Another good Fram product. Does what it's supposed to and Amazon price in competitive.", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A2NA1W74CPDY67", "asin": "B0006JLW70", "style": {"Color:": " White"}, "reviewerName": "Karen M.", "reviewText": "Worked perfectly as expected.", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "AW5BW7FECA8WK", "asin": "B00032KC2G", "reviewerName": "Luciano", "reviewText": "great buy!", "summary": "Four Stars", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A3IME89Y7CL0IG", "asin": "B000BFR6TM", "reviewerName": "Frederick Kraiger", "reviewText": "Good product, would buy again.", "summary": "Five Stars", "unixReviewTime": 1463788800} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "A1PRS479STLISM", "asin": "B00004Y774", "reviewerName": "lpm", "reviewText": "Converted my Porter-Cable sander into a polisher with this and a couple of other products. Works great.", "summary": "Converted my Porter-Cable sander into a polisher", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "ABYSZFBYIGU4K", "asin": "B000B6JJUK", "reviewerName": "Denise Hackey", "reviewText": "still works", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "AR209SHD7HV5Z", "asin": "B000CPCBF0", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Richard Benedict", "reviewText": "You will not be disappointed with RedLine!!", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A6KQLV17GJXN1", "asin": "B000C9ULGC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "MacBoomer", "reviewText": "Quick delivery. Needed these for my John Deere riding mower and my Generac Standby generator. Decent price on Amazon.", "summary": "Good for John Deere Mower and Generac Generator", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A1OKLER8OFNVWG", "asin": "B000CNN27S", "reviewerName": "Big Dummy", "reviewText": "SOUNDS BITCHIN!", "summary": "Five Stars", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1U8OUKMOY3FZH", "asin": "B000COC67E", "reviewerName": "MarioTheAwesome", "reviewText": "Nice little stool\nthe pad needs to be denser for people with bony azzes like mine.\nI'll modify it so my but don't hurt no mo", "summary": "great product for a fat azz", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A204JN09HH7TUX", "asin": "B0009IK5VW", "style": {"Size:": " 12 Inches, (Pack of 1)"}, "reviewerName": "Allen payne", "reviewText": "perfect for 99-2004 jeep grand cherokee", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A3KHXXZJTXJ83", "asin": "B000C2UEB6", "reviewerName": "Giselle R.", "reviewText": "Fit my new gates water pump on my 2002 Silverado 4.8", "summary": "2002 Silverado 4.8", "unixReviewTime": 1474156800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A1WNS3KAPKOW4W", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Amazon Customer", "reviewText": "Great product, great price.", "summary": "Five Stars", "unixReviewTime": 1486166400} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A3D225ODAMMZU9", "asin": "B0009OMYCO", "reviewerName": "Chaps", "reviewText": "Very good tool with two sizes of threads.", "summary": "As expected", "unixReviewTime": 1418256000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "A1XRC8E5UV705F", "asin": "B000C5YCZ2", "reviewerName": "Greg from Dallas", "reviewText": "Installed this unit and it cleared the code.\n1/3 the price of the Lexus dealer and the exact same\npart.\nTook 20 minutes to install, and I'm slow.", "summary": "Lexus RX300 Oxygen sensor", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "AG2HIH0W82OQK", "asin": "B000B8JUNY", "reviewerName": "Amazon Customer", "reviewText": "Fit perfectly on a 2002 GMC Sierra. Made my check engine light go away, too!", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A2F3EHU3O265NG", "asin": "B000C9RUDY", "reviewerName": "Arthur R.", "reviewText": "Factory part, fit just like it should.", "summary": "Factory part, perfect fit", "unixReviewTime": 1466380800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "10 10, 2012", "reviewerID": "A1LMFMNJHTMK1N", "asin": "B00029XC1I", "style": {"Size:": " One Pack"}, "reviewerName": "LI Shooter", "reviewText": "I've had this American Flag sticker on the back window of my truck for several months now. It is still holding strong and shows no signs of fading. I put one of the smaller stickers on my wife's car and it has been performing the same.", "summary": "God Bless America", "unixReviewTime": 1349827200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A1KZE8NAYYANR", "asin": "B000C18Q44", "style": {"Style:": " H6024"}, "reviewerName": "Andrew", "reviewText": "Fit great on my Suzuki Samurai. It was brighter than original so that was a little bummer, but glad I had two working lights. Might suggest buying both bulbs if your just needing to replace one.", "summary": "Suzuki Samurai good fit", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2017", "reviewerID": "AMBSSZWN4EQD0", "asin": "B0006N5RYK", "style": {"Size:": " 3\""}, "reviewerName": "John G.", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1513123200} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "A1CAWTIY5RCU3P", "asin": "B0002SQUVI", "reviewerName": "sean", "reviewText": "Always as expected", "summary": "Five Stars", "unixReviewTime": 1421452800} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "AKRDLIH5BQJ6H", "asin": "B000CB9558", "style": {"Size:": " Pack of 1"}, "reviewerName": "David H.", "reviewText": "Bought to replace filter on 2002 VW Jetta TDI. Direct factory replacement, easy to install. Just remember to fill the filter with fuel up through 2002 model year as they do not have an intake fuel pump and it will NOT self prime.", "summary": "easy to install", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A3QS3SIGLQ8ACT", "asin": "B000765E08", "reviewerName": "Mark Ward", "reviewText": "Very nice Hitch for the money", "summary": "Very nice Hitch for the", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A2BRE6BUO5STX6", "asin": "B0002UEN1A", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "edward s.", "reviewText": "Great price, product,delivery", "summary": "Five Stars", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "AU2SVTBUB7OYK", "asin": "B0009SUEZE", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "abraheem", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"reviewerID": "A2RH1ISY5YDAFQ", "asin": "B000COVO90", "reviewerName": "Bonham Greaves", "verified": true, "reviewText": "fitted my mitsubishibio just right. i highly recommend this product to mitsubiishi io owners. very quality product with excellent fit", "overall": 5.0, "reviewTime": "05 15, 2013", "summary": "ignition lids", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A26MH4L5S5SJ5K", "asin": "B0002V9LAW", "style": {"Size:": " Single"}, "reviewerName": "Kyla's Mom", "reviewText": "This stuff is great!! Has a strong smell but once you see the results, you will be happy", "summary": "Five Stars", "unixReviewTime": 1450828800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "12 23, 2013", "reviewerID": "A1J6PUFGKDT73D", "asin": "B0006H938M", "style": {"Color:": " White", "Style:": " High"}, "reviewerName": "mike lafontaine", "reviewText": "The Aqua Magic is all that i expected, great quality,constructed well, E-Z installation and Operation. I would recommend it to the do it your self camper...", "summary": "Thetford 31671 Aqua Magic V White High Foot Flush", "unixReviewTime": 1387756800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 26, 2012", "reviewerID": "A2WJF1SOR1PPUC", "asin": "B0009I1WF0", "style": {"Size:": " 26.75\" - 29\" Wheel Diameter", "Color:": " White"}, "reviewerName": "D. Dale", "reviewText": "Very pleased with these covers. Nice lining, very flexible, very easy to put on and take off. I'd buy again.", "summary": "Easy on, easy off!", "unixReviewTime": 1345939200} +{"overall": 1.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A28KGDCDA9SB1J", "asin": "B00032KBFE", "reviewerName": "Stephan Anagnostaras", "reviewText": "didn't fit. not returnable.", "summary": "One Star", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A2P8OQ4GTTJLLR", "asin": "B000CD8HH8", "style": {"Size:": " 22\"", "Style:": " 900221B"}, "reviewerName": "Sharkon", "reviewText": "Good clean wipe. That's all I need.", "summary": "Five Stars", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A1H9EERMDWGWV", "asin": "B00029JC6M", "reviewerName": "scott wilder", "reviewText": "used on my gl1ooo and so far so good bike runs well a must for electric fuel pump low pressure", "summary": "used on my gl1ooo and so far so good bike runs well a must for electric fuel pump ...", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A21U3A5MF80AXC", "asin": "B0009IQZFM", "reviewerName": "JackofAllTrades", "reviewText": "High quality", "summary": "Five Stars", "unixReviewTime": 1474329600} +{"overall": 2.0, "verified": false, "reviewTime": "08 5, 2013", "reviewerID": "ADSEUGPODRQ60", "asin": "B0002MA8TE", "reviewerName": "Utah Guy", "reviewText": "After using this three times, it's worn out. The zipper gets stuck and the stitching is unraveling, and the straps are tearing out of the top of the bag, leaving holes for water to get in. I'm not impressed.", "summary": "Get what you pay for...", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "ADURVEY3ERTJK", "asin": "B000BPUR84", "reviewerName": "JodieBong", "reviewText": "works as advertised", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A1ZDDJ1UANLFMQ", "asin": "B000CIFQ04", "style": {"Size:": " 16 inches X 10 inches", "Color:": " Polished Aluminum", "Configuration:": " 6 holes X139.7 millimeters pitch circle diameter X-25 millimeters item offset X4.52 inches wheel backspacing"}, "reviewerName": "Joseph Helton", "reviewText": "Great product, I ordered the wrong one for my truck", "summary": "Great product, I ordered the wrong one for my", "unixReviewTime": 1405209600} +{"overall": 1.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A21IU2V8I63VDD", "asin": "B000AMAE36", "style": {"Style:": " 9003"}, "reviewerName": "WILLIAM GROVER", "reviewText": "packaging not very good, or too good, your call. broke one bulb getting it out of the pack. why put only one in the system.\nbill", "summary": "broke one bulb getting it out of the packaging, could not use only one. not real happy with packaging", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2017", "reviewerID": "A35LAEXYDMHJ2F", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "leon e wells jr", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1514419200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A2AE1TYEDYV26U", "asin": "B000BZJ7X0", "reviewerName": "whiteranger", "reviewText": "Works good on dodge 4.7v8", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 1.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "ANNC62X9E3V50", "asin": "B000CIXOXA", "reviewerName": "Michael Kelly", "reviewText": "Not for 2008 jeep liberty 3.7l returned", "summary": "One Star", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A27MP1PGKPEL9B", "asin": "B000AUMM1A", "reviewerName": "Amazon Customer", "reviewText": "Very nice", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A36UCW5TPX45NI", "asin": "B0009H51ZI", "reviewerName": "KoreanGod", "reviewText": "Perfect Fit! Installed on 2005 Honda Civic EX 1.7", "summary": "Perfect Fit! Installed on 2005 Honda Civic EX 1.7", "unixReviewTime": 1427760000} +{"overall": 3.0, "verified": true, "reviewTime": "05 6, 2017", "reviewerID": "A38AW9PDPPGK4U", "asin": "B0002MAILC", "style": {"Style:": " H9"}, "reviewerName": "James Brown", "reviewText": "these sounded better and 10 more watts than stock, cool blue look. bummer, they are dimmer, more yellow and hella more expensive that the factory lamps. oh well someone is happy at PIAA", "summary": "diller than the ones i took out!", "unixReviewTime": 1494028800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3L2WJPWQII70G", "asin": "B000AMBOFS", "reviewerName": "gary cain", "reviewText": "works like a charm ,think you.", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A80NOCOZRNTHH", "asin": "B000C9J06Y", "reviewerName": "teresa g. dolan", "reviewText": "great product , delivered as stated , would buy again , thank you.", "summary": "great product, delivered as stated", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "AWXMEEKRJ00F7", "asin": "B000C5YD42", "reviewerName": "simon D", "reviewText": "worked perfect on my 2004 Toyota Avalon and saved at least 50%.", "summary": "Five Stars", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "ANM3G840QMKPO", "asin": "B000BZJVFY", "reviewerName": "Jbritt", "reviewText": "Just what I was expecting. Fit my truck perfect and rides much better.", "summary": "Perfect replacement.", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A255EW4NSMRPOU", "asin": "B000DN7T3A", "reviewerName": "Christian L", "reviewText": "it works its a horn what else do you want", "summary": "Five Stars", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2017", "reviewerID": "A2PACTU1VH01ZA", "asin": "B000CQOIVO", "reviewerName": "Eddy Chance", "reviewText": "good quailty", "summary": "good quailty", "unixReviewTime": 1493942400} +{"overall": 5.0, "verified": false, "reviewTime": "07 19, 2010", "reviewerID": "A2M2LMZMDFI35Y", "asin": "B0009IK5VW", "style": {"Size:": " 22 Inches, (Pack of 1)"}, "reviewerName": "Wes Teo", "reviewText": "Cheaper than the competitors; Consumer Reports give it good rating;\nI was not disappointed.", "summary": "Good blades", "unixReviewTime": 1279497600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A3C5WG7CL7GNPZ", "asin": "B0002F9YIC", "style": {"Size:": " 16.9 oz.", "Style:": " Single"}, "reviewerName": "Jose Calixto", "reviewText": "GREAT FOR CLEANING YOUR LEATHER SEAT FROM NEW.", "summary": "ONLY WORKS ON MINOR STAINS", "unixReviewTime": 1488067200} +{"overall": 2.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A23MZBFNFF3YNS", "asin": "B0007A29RK", "style": {"Size:": " 3-Square/Feet"}, "reviewerName": "Ali H", "reviewText": "Must have been from a small and skinny goat.", "summary": "Not what I had hoped for.", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A1R3I7WLBIP520", "asin": "B0009IQZ1Q", "style": {"Style:": " Extra Guard"}, "reviewerName": "Mike M.", "reviewText": "Good filters", "summary": "Five Stars", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "A6VMRWOLS85IJ", "asin": "B0009JKI7W", "style": {"Size:": " 14-Inches", "Style:": " Pack of 1"}, "reviewerName": "Piddlerdude", "reviewText": "Works very good and what's good instructions.", "summary": "I Can See Clearly Now", "unixReviewTime": 1511481600} +{"overall": 2.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A32L0MFJ9YJIX", "asin": "B000COU7XY", "reviewerName": "WheelHorse74", "reviewText": "Does not fit the 2002 explorer xlt 4x4. Found out you need the entire tower because the spring is welded to the shock.", "summary": "Does not fit the 2002 explorer xlt 4x4. Found ...", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "A2ZJKI6334PCT6", "asin": "B00092CKN4", "style": {"Size:": " 26 Ounces (Pack of 2))"}, "reviewerName": "Island Rick", "reviewText": "This stuff is awesome. The two pack is great and will last a very long time.\nNow I can see clearly...", "summary": "Can't Live Without It!", "unixReviewTime": 1447459200} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "A3P1QCD6TDW4IY", "asin": "B00061SGJ0", "reviewerName": "Jared H.", "reviewText": "This kit has already paid for itself. I replaced my upper ball joints on my 05 Trailblazer, worked great.", "summary": "worked great.", "unixReviewTime": 1450051200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A3CW6VV7BY97ZA", "asin": "B000BPLNPU", "reviewerName": "Mustang 45", "reviewText": "Perfect fit for my TaoTao 250 quad (actual motor is 200cc SOHC), I put in one a year and the beast burns them up a little, but far superior to the Chinese junk the come with machine. Oh by the way TaoTao are the best of the Chinese brands for quads and for scooters (my sons).", "summary": "Great plug to Fit 200-250 cc TaoTao chinese Quads", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "AN04MGWC7DZDN", "asin": "B000CIV4QO", "reviewerName": "james ross", "reviewText": "I always have a problem with rusted and stripped fuel filters. this fixes the problem !", "summary": "Five Stars", "unixReviewTime": 1409702400} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A2YTQZNUMHPWT6", "asin": "B000CQOIR8", "reviewerName": "Tony Brewer", "reviewText": "Like it's universal design.", "summary": "Four Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A9U4DOBD3C0B0", "asin": "B000C93C1S", "reviewerName": "Japers", "reviewText": "Perfect fit.", "summary": "93 YJ Tail Pipe", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A3SML4N5Z2KWKV", "asin": "B000BOC9K4", "style": {"Size:": " 1 3-pack"}, "reviewerName": "Sidney Sakamaki", "reviewText": "nice sizes", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "A3NF0UUOH6JYAC", "asin": "B0009IQXCM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Ray M.", "reviewText": "Best wax I've used", "summary": "Five Stars", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "A1KZ7VGELAJ0NI", "asin": "B000COBXPA", "reviewerName": "swampdonkey", "reviewText": "got to say was surprised by how small it was! was expecting a little beefyer looking! aint used it yet but looking at the detail gone into it im sure it will do a good job!", "summary": "heavy duty", "unixReviewTime": 1355529600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "APMBKWCORPUM", "asin": "B000BQ1RC8", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Andrew", "reviewText": "Replaced \"lifetime\" (ha!) OEM trans fluid in BMW Z4 M Roadster. Made a huge difference! Shifting is much easier, smoother. Wish I had done it a while ago.", "summary": "Smooth shifts, smooth running. Will buy again.", "unixReviewTime": 1445299200} +{"overall": 1.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A32ZS0T9V124SL", "asin": "B000CLO9TA", "reviewerName": "J. Nowlen", "reviewText": "Listed as compatible with my 97 Nissan pickup, but in fact these do not fit the vehicle. Use caution. Too late for me to return product, and as they don't fit my vehicle, I don't know which they do fit...", "summary": "Part doesn't fit my vehcle", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2017", "reviewerID": "A2EFHS5ZX43XS9", "asin": "B0000AXTUY", "reviewerName": "David Oliva", "reviewText": "Exactly what I expected", "summary": "High quality", "unixReviewTime": 1509408000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A25T9KKY92XXQS", "asin": "B000B8LKVY", "reviewerName": "Melssj5", "reviewText": "As expected... perfect fit", "summary": "perfect", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A3VV222I6NVARM", "asin": "B0002JN3GC", "reviewerName": "Gardener from TX", "reviewText": "Absolutely perfect!", "summary": "Exact Fit Wipers are the Only Blades to Buy", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A2RW7F8G5M9758", "asin": "B000BZL080", "reviewerName": "Christopher", "reviewText": "Works perfectly! Sturdy.. Well made!", "summary": "Sturdy.. Well made", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "ABA5MY9PREZFL", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "David W", "reviewText": "Keeps carbs and jets clean with stored fuel", "summary": "Five Stars", "unixReviewTime": 1505779200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A1U6SKQNCRIRM6", "asin": "B000ARPVQ6", "reviewerName": "bradfalgout", "reviewText": "As described", "summary": "Great filter", "unixReviewTime": 1433548800} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A3SMAQ9W3IBSI0", "asin": "B000B68BT0", "reviewerName": "sbhawaiian", "reviewText": "Hardest part was taking off original part. Nut is molded into plastic and was spinning. After removal new Dorman handle installed in just a few minutes. Works great and I'm sure I saved a lot of money by not getting it at the dealership.", "summary": "93 Toyota Pickup", "unixReviewTime": 1401667200} +{"reviewerID": "AW90Q5D27JHCF", "asin": "B000C9P0OK", "reviewerName": "Banyan W.", "verified": true, "reviewText": "Now my 2004 chevy impala shifts better and accelerates more smoothle.", "overall": 5.0, "reviewTime": "10 10, 2015", "summary": "ACDelco TF304is good", "unixReviewTime": 1444435200} +{"overall": 1.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A3F6UOMYBDXI3I", "asin": "B000C55MVU", "reviewerName": "Mark Jones", "reviewText": "Amazon says that these fit my 2004 Dodge Ram. The manufacture said these shocks are for a GMC. I had to return them.", "summary": "Inaccurate Listing - Check manufacture model number", "unixReviewTime": 1446940800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2016", "reviewerID": "A1DLR3ITROMK4L", "asin": "B000C3F3SO", "reviewerName": "Michael", "reviewText": "dropped the operating temp of my tranny 25 degrees on cruises and stopped the heat when towing. Love It!", "summary": "Love It!", "unixReviewTime": 1458950400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A1AZFXBPGDONUN", "asin": "B000C36BJO", "reviewerName": "anthony G", "reviewText": "NIce fit fits very deep in pulleys very , very quite.", "summary": "NIce fit fits very deep in pulleys very", "unixReviewTime": 1407542400} +{"overall": 4.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "AO45I9X3WVI63", "asin": "B000BB8XLG", "reviewerName": "fxk", "reviewText": "Works well. I do wish they'd include a tool to break off the tang.", "summary": "Works well. I do wish they'd include a tool ...", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A263WBA0VNS59T", "asin": "B0002Q81W6", "reviewerName": "Anthony G.", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A2IT81XDM9TNOB", "asin": "B0007LMC1C", "reviewerName": "Fahad Abdullah Salem", "reviewText": "iT WAS COOL", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A1RDY3KVDE93ST", "asin": "B00008RW9U", "reviewerName": "kb", "reviewText": "Black vehicle, ya need one. great gifts.", "summary": "using these for years", "unixReviewTime": 1451174400} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "AQ8CITUKPGXKJ", "asin": "B0002X520S", "style": {"Color Name:": " No Color", "Size Name:": " 4 Ounces"}, "reviewerName": "greatbuy2", "reviewText": "Easy to apply and water rolls off on rainy day. Have not had a chance to test it in a soaking storm yet. I applied with a soft rag while wearing rubber kitchen gloves instead of with my bare hands.", "summary": "This applies easier than other waxes.", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A1AOUFIHI58MPC", "asin": "B000BUU5XQ", "style": {"Style:": " Large without Handle"}, "reviewerName": "Snowpig", "reviewText": "Work great.", "summary": "Perfect", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "AW3WS54Q512AF", "asin": "B0009IK5RG", "style": {"Size:": " 11 Inches, (Pack of 1)"}, "reviewerName": "Mr Marconi", "reviewText": "Rear wiper for Dodge caliber is hard to find. This fit perfest", "summary": "Caliber rear wiper", "unixReviewTime": 1458345600} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A25TYNZWG519X9", "asin": "B000COTX1G", "style": {"Color:": " Chrome"}, "reviewerName": "Bradley Crist", "reviewText": "For 2014 Jeep JK, fit OK although a little long. For Jeep owners I'd suggest buying two sets and put three on the spare, you'll feel better.", "summary": "you'll feel better.", "unixReviewTime": 1416355200} +{"overall": 4.0, "verified": false, "reviewTime": "10 23, 2014", "reviewerID": "AFPL7MWB39WB8", "asin": "B000COBXBE", "reviewerName": "Millstonemike", "reviewText": "Would work, but not needed. For a 2005 Nissan maxima, the original equipment is a sturdy sleeve that covers the entire shock body, not a bellow. There was no need to replace it after 80,000 miles.", "summary": "the original equipment is a sturdy sleeve that covers the entire shock body", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A2SR030MCFQMJK", "asin": "B000C5FSC8", "reviewerName": "MARK", "reviewText": "My son now has heat! What more is there to say then that. Mmmmm cozy, warm, heat in his truck.", "summary": "It's working fine", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A4GS8B8G3Q7QE", "asin": "B000BZGKE4", "style": {"Style:": " Oil Filter"}, "reviewerName": "jordyn428", "reviewText": "Great long life Nissan filter", "summary": "Great price", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A1D211B9IISHVS", "asin": "B0002JMF98", "reviewerName": "S. Hurst", "reviewText": "Five stars might be excessive, but it is exactly as expected. Nicely machined and works great... if you need such a thing.\n\nI used it to connect and old style vacuum pump to the yellow (supply side) hose of a new 134a AC manifold set to evacuate the system prior to charging.", "summary": "Nicely machined and works great", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "AZOZX4AE6CTAD", "asin": "B000C5FLFC", "reviewerName": "John O", "reviewText": "Good Product Great Price!!", "summary": "Five Stars", "unixReviewTime": 1459036800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "A2FRGBH6BA2GOM", "asin": "B00062ZCXW", "reviewerName": "Rick", "reviewText": "May have to do some minor adjustments but works OK. Isn't it ridiculous how you have to enter a minmum amount of words to give a product review. Makes you not want to leave a review.", "summary": "Works Good", "unixReviewTime": 1359417600} +{"overall": 3.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A1R7NG5X4J6O09", "asin": "B000CMD8YG", "reviewerName": "Brandon", "reviewText": "Hardware is pretty cheesy other than that it fits good", "summary": "Three Stars", "unixReviewTime": 1473897600} +{"overall": 3.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A1T0TOQ9UQJU3Y", "asin": "B0002M9PBQ", "reviewerName": "wannabe", "reviewText": "This is a well built muffler but it is a bit louder than I was hoping for. Considering the price I can get used to the noise level.", "summary": "Acceptable noise level", "unixReviewTime": 1354838400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A2S7W9VHZQNRQR", "asin": "B000CONU0G", "style": {"Color:": " Chrome"}, "reviewerName": "Steve", "reviewText": "Great price- cheaper than dealer/auto parts stores even with a coupon code. Can't beat McGard quality either.", "summary": "Exactly what it says they are", "unixReviewTime": 1468022400} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A1M3VZYXHFT0L7", "asin": "B0002F9YHS", "style": {"Size:": " 3-Liter"}, "reviewerName": "Dennis Y.", "reviewText": "nice size, fast service", "summary": "Four Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "AUFSR292U2D08", "asin": "B000C848Q2", "reviewerName": "D. Carter", "reviewText": "still hasn't rusted. Haven't installed it, but weather is cooling off.", "summary": "Five Stars", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "AT3V9E9M8VSKR", "asin": "B000AL6WLA", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Chad Elder", "reviewText": "It works", "summary": "Five Stars", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "A3U1W0FCVY6LFF", "asin": "B000C3XDB8", "reviewerName": "KKor3216", "reviewText": "Can't beat K&N", "summary": "The best protection", "unixReviewTime": 1497484800} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2012", "reviewerID": "A331IK9CXHQVUN", "asin": "B000CO788G", "reviewerName": "William Tate", "reviewText": "These cables are as good, maybe better, than original. Replacing these cables takes some skill and you will find a video on how to replace these cables coming very soon, hopefully by 10/01/2012. Google adobekid1.", "summary": "As good as original", "unixReviewTime": 1348790400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A2CLHAQILU4KKI", "asin": "B000BKEBO0", "style": {"Size:": " 1.5 Ounce"}, "reviewerName": "Mob-barley", "reviewText": "woks great", "summary": "Five Stars", "unixReviewTime": 1449878400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A4CG80MZA7KP1", "asin": "B00032K4FG", "style": {"Size:": " 1"}, "reviewerName": "Jonathan Ortiz", "reviewText": "This has a great look on my dark grey car I love it. The only thing that didn't work out was that my car does not have the two bottom screw holes (many cars don't).", "summary": "Looks great!", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A18ZCEO6TI30DP", "asin": "B000BLGPEI", "style": {"Style:": " H6024"}, "reviewerName": "Andrew Haberbosch", "reviewText": "classic look, works the same, easy fit. crystal clear, 12 volts, I hope I can still buy them in the future...", "summary": "Fits the miata", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A2KF4VLCWDXBIB", "asin": "B0002F67ZK", "style": {"Size:": " 6 Gallon"}, "reviewerName": "frostyjhammer", "reviewText": "Price is excellent, quality is new-in-box as advertised, and it got here in two days. /me is teh Happy Camper.", "summary": "Great price on new product with fast delivery", "unixReviewTime": 1432684800} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A22IZBEJ0QKZ4W", "asin": "B000CEFWO8", "reviewerName": "Mochas Boss", "reviewText": "This device has a unique design and appears it would require substantial effort to defeat it, which based upon other devices I considered, will at least make a pilferer work harder. A 5th star if I had seen reviews with such experience.", "summary": "Best I've seen so far...substantial!", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "AX2GAJ2Y5CWO5", "asin": "B000A8JLIY", "style": {"Number of Items:": " 1"}, "reviewerName": "Edward Harvey", "reviewText": "I put these in my engine and now it purrs like a lioness. Shhhhh! she just ate, \"prrrrr\"", "summary": "... put these in my engine and now it purrs like a lioness", "unixReviewTime": 1421280000} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A176J6O2DA00G3", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2020"}, "reviewerName": "Amazon Customer", "reviewText": "Did NOT fit my 2008 Chrysler Town & Country 3.8L. It was .25-.50 of an inch too short. Amazon said that \"This will fit your vehicle\".", "summary": "Did NOT fit my 2008 Chrysler Town & Country 3.8L", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A35W9E0FYK6T3U", "asin": "B000BNXRVK", "reviewerName": "William Croft", "reviewText": "It did exactly what I needed it to.", "summary": "License plate relicator", "unixReviewTime": 1423612800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 23, 2014", "reviewerID": "A2TEE2CXV7TQSY", "asin": "B000BTO44S", "reviewerName": "Tansey", "reviewText": "This really made some awesome space in my jeep. I highly recommend it. WARNING: the cargo rack that holds this up was a pain in the ^%$ to install. That said I would do it again in a heart beat.", "summary": "Great for Jeeps", "unixReviewTime": 1390435200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2012", "reviewerID": "A2ZQDC918BT18E", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "larsonst", "reviewText": "Got this to put oil in my ATV and generator. These devices have tiny oil fills impossible to fill from bottles or cans, This makes all the difference. Drip free is sooo nice.", "summary": "Manages pouring nicely", "unixReviewTime": 1354752000} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A2P5X7EQPQNNHD", "asin": "B0009TAOC6", "reviewerName": "steve'n'karen", "reviewText": "works good.", "summary": "Five Stars", "unixReviewTime": 1436572800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A3UTWAXFOUKXKL", "asin": "B000CIPHUI", "style": {"Size:": " 4-Bank Battery Charger", "Color:": " Black/Green", "Style:": " Multi-Bank Battery Charger"}, "reviewerName": "K. Gross", "reviewText": "Great Charger! If you have more than one battery to charger, just spring for this setup. It's nicely packaged, works well, and is not all that much more expensive than buying two or three high quality single chargers. I am glad I spent the extra money!", "summary": "If You Have Two or More Batteries, Buy This One", "unixReviewTime": 1418083200} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A3AKJP23JGXB03", "asin": "B0000AY9W6", "reviewerName": "Lisa Digman", "reviewText": "Great product!", "summary": "Four Stars", "unixReviewTime": 1456185600} +{"overall": 4.0, "verified": true, "reviewTime": "01 22, 2018", "reviewerID": "A2IDV03JT1QXEJ", "asin": "B000BRF7QE", "style": {"Size:": " 10.3 Ounce"}, "reviewerName": "HHD", "reviewText": "make sure you need self leveling stuff for horizontal surfaces.", "summary": "works well.", "unixReviewTime": 1516579200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A1V3SSQL4D4VI0", "asin": "B0008FUH6E", "reviewerName": "william hudak", "reviewText": "wonderful", "summary": "Five Stars", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A21Z60S8KANXYG", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "good1", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "ABFY7JVYWLABT", "asin": "B000C19DNM", "reviewerName": "James M.", "reviewText": "So helpful on my F150 when I need to get into the truck bed and my keys are in the house. Hit keypad and tailgate unlocked. Saved so much time watching the youtube video. No searching for the correct wires and hookup..", "summary": "Great product.", "unixReviewTime": 1458086400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "AZ8Z231JQKUP6", "asin": "B000BQQ84U", "style": {"Size:": " 3/4\"", "Configuration:": " 20 ft.", "Style:": " Non-UL"}, "reviewerName": "Fred", "reviewText": "My transfer pump came with a hose but it was a few feet too short. This hose gave the extra length I needed and came with nice swivel ends. I recommend to anyone who needs it.", "summary": "Diesel for everyone", "unixReviewTime": 1457222400} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "AHC15Z6INI2ND", "asin": "B000CQDRP2", "reviewerName": "Fact Check", "reviewText": "Not much to this product, but it does the job.", "summary": "Four Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A1GI58FBT48VJ6", "asin": "B00042K39C", "reviewerName": "Steven", "reviewText": "Best fog lights right price good quality", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3T7RCX0NCPCDH", "asin": "B000CD8HH8", "style": {"Size:": " 24\"", "Style:": " 900241B"}, "reviewerName": "Kingriver", "reviewText": "WELL THEY FIT THE TRUCK EXACTLY AND THE PRICE WAS RIGHT..LETS SEE HOW LONG THEY LAST,,, THEY ARE SUPPOSE TO BE THE BEST", "summary": "WELL THEY FIT THE TRUCK EXACTLY AND THE PRICE WAS ...", "unixReviewTime": 1421020800} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A3DI9QG49CHV5R", "asin": "B000BUQOCM", "style": {"Style:": " With Hose"}, "reviewerName": "norman g.", "reviewText": "after driving 1600 miles it now leaks, checked every thing , found no problems, but leaks..", "summary": "Two Stars", "unixReviewTime": 1493337600} +{"overall": 4.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A9OFERCZ6WIJO", "asin": "B000COX0MY", "reviewerName": "steven t.", "reviewText": "good quality at right price", "summary": "Four Stars", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A112L0FHYSQ4SS", "asin": "B000CPCBE6", "style": {"Size:": " 1 Quart (32 Ounce), (Pack of 12)"}, "reviewerName": "John Haberkorn", "reviewText": "Quick delivery & good product", "summary": "Five Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A3F8DJPH6DIID", "asin": "B000AMAE36", "style": {"Style:": " H1"}, "reviewerName": "J. Kittrell", "reviewText": "Excellent upgrade! Lasts for a long time, too!", "summary": "Excellent upgrade! Lasts for a long time", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A10MO0C79F8HY3", "asin": "B00062YSHS", "reviewerName": "MG", "reviewText": "I had a slow leak from my oil drain plug because I didn't replace the oem gasket in a loooong time. These worked great on my 2004 Honda Civic !", "summary": "Stopped my leak", "unixReviewTime": 1492992000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71QMMYVyGOL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "AJVVYDS2ZL3XN", "asin": "B000924QO0", "style": {"Size:": " 16 oz."}, "reviewerName": "John C. Hoit", "reviewText": "Forget wax. Put this on, wipe it off, hit it with a power buffer, and you'll need TWO sets of sunglasses to admire your car.", "summary": "Shining me on...", "unixReviewTime": 1505606400} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "ARYED0BZWT332", "asin": "B0002U1TZ8", "style": {"Size:": " 24 oz."}, "reviewerName": "Chad Holtquist", "reviewText": "Doesn't leave the finish as \"glossy\" as I'd hoped for.", "summary": "Three Stars", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A1X2TVT7ILOM8T", "asin": "B000BRJVCU", "reviewerName": "XOGINAXO", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1444953600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 3, 2013", "reviewerID": "A21CL7JNWC4NSX", "asin": "B00029J3IY", "reviewerName": "GUILLERMINA VARGAS", "reviewText": "installed on 2012 toyota tacoma just perfect not to loud saves gas also nice sound priced affordable would highly recommend", "summary": "Dynomax 17748 Super Turbo Muffler", "unixReviewTime": 1359849600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A3NW2BEK15PGB1", "asin": "B000BUU5YU", "style": {"Size:": " 25 Feet", "Style:": " 30 Amp"}, "reviewerName": "Gary Mc", "reviewText": "Works great....", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 1.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A6Z7P9PC6UH5L", "asin": "B000C5FLFC", "reviewerName": "Scott G. Peterson", "reviewText": "Does not fit 2006 F150. When I removed the old filter the number was different and I even used the compatibility tool from Amazon and it said it fits. I will be updating them.", "summary": "Not for 2006 F150", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2014", "reviewerID": "A1PUAQ4EGX1616", "asin": "B000C5WCY0", "reviewerName": "JC", "reviewText": "easy to install and helped get rid of the check engine light. Much cheaper than buying from local auto store.", "summary": "worked great", "unixReviewTime": 1397347200} +{"overall": 2.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A2HNQRO5LIJL35", "asin": "B0006MRS7U", "style": {"Size:": " Quantity 1"}, "reviewerName": "William A. Mayo", "reviewText": "did not work", "summary": "Two Stars", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2014", "reviewerID": "A1BXXIFQNAK9JT", "asin": "B000CHMMKW", "reviewerName": "Henry G.", "reviewText": "What I needed", "summary": "Five Stars", "unixReviewTime": 1405641600} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A19UBCVO5Y94IJ", "asin": "B000CFQM4G", "reviewerName": "CUSTOM PERFORMANCE C.A.", "reviewText": "excelente", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A1PJ20WXL9FYP3", "asin": "B000CB6ACO", "reviewerName": "Tony Bartolatz", "reviewText": "Works great! Thanks!", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A1SQJL3KO6DUV9", "asin": "B0000AY9W6", "reviewerName": "Artie", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A5TA824LZ8GSJ", "asin": "B000E4B7H2", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "G. Williams", "reviewText": "This mirror works fine and was just what I needed. It was easy to install once I got the door panel off.", "summary": "truck mirror", "unixReviewTime": 1398124800} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A2SLJKTH5GF2FR", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "suzie que", "reviewText": "It sure is a lot easier to fill a tire with out using the pencil gauge.", "summary": "Five Stars", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A23B3CSQSH36K1", "asin": "B0009IK5VW", "style": {"Size:": " 19 Inches, (Pack of 1)"}, "reviewerName": "Carlos s.", "reviewText": "excellent product arrived safely recommend thank you very much", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A2A4XDWXP5ENRH", "asin": "B000CPI4Q0", "reviewerName": "Manuel H Palma A", "reviewText": "Excellent product thank you for your work.", "summary": "Four Stars", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2011", "reviewerID": "A3FXVHM68OHDCD", "asin": "B000CKGAV6", "style": {"Style:": " 9003"}, "reviewerName": "A. Cavicchia", "reviewText": "These seem to last longer than the more expensive and brighter bulbs from sylvania. Much less expensive to buy here than at auto store.", "summary": "good deal", "unixReviewTime": 1318982400} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A1YQ3EVBB0IYMQ", "asin": "B0000TMLWQ", "style": {"Size:": " 1 Pack"}, "reviewerName": "Jay M.", "reviewText": "worked great", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51Ig2LjkjNL._SY88.jpg"], "overall": 1.0, "verified": true, "reviewTime": "07 1, 2017", "reviewerID": "A11ERAC7GIKOZG", "asin": "B000DN7T3A", "reviewerName": "RAM", "reviewText": "This is showing as a direct OEM replacement for the low tone horn of a 2000 Monte Carlo SS and it is incorrect. The leads are completely wrong. As seen in this pic. Fix please.", "summary": "Wrong part for 2000 Monte Carlo", "unixReviewTime": 1498867200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2011", "reviewerID": "A1KVLYNNMIMLN", "asin": "B000C5DUN2", "reviewerName": "Zach", "reviewText": "This is an exact OEM part. The best price and excellent quality of all on the web. Alleviates all the problems with hardened rubber originals.\nThis also solves any safety concerns with the worn switches. Nice pliable rubber makes the switches react immediately.", "summary": "OEM at the best price", "unixReviewTime": 1323993600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A1FTN3W83NKV0Y", "asin": "B0009IR0BU", "style": {"Style:": " Tough Guard"}, "reviewerName": "Charles F.Van Scoyoc", "reviewText": "Great price.", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"reviewerID": "AFA1VGZ9UHSNR", "asin": "B000A8JLO8", "reviewerName": "Ricardo del Cid", "verified": true, "reviewText": "Used them in my Audi TT 2000 1.8T, works great!", "overall": 5.0, "reviewTime": "10 13, 2014", "summary": "Great for Audi TT 2000 1.8T", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A4JUW57HU6K68", "asin": "B00004Y774", "reviewerName": "James", "reviewText": "Good product, love it", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2D41LN6CV00TO", "asin": "B00032K4FG", "style": {"Size:": " 1"}, "reviewerName": "James Michael Tyler", "reviewText": "I've had no issues looks cool and no upkeep had them a little over 4 months.", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A2MH37MC646RGO", "asin": "B0002UHWIG", "reviewerName": "Amazon Customer", "reviewText": "super fit", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2012", "reviewerID": "ADI7EEK65F3QE", "asin": "B0008FUHPA", "reviewerName": "Matthew Mccarrell", "reviewText": "While this hitch looks a bit odd since it is taller than non-interchangeable but this thing is easy to use and very well built. There are no rough edges and installation was a breeze. To change sizes you turn a little coin slot with your thumb and swap the balls. Easy as pie.", "summary": "Very nice hitch ball kit.", "unixReviewTime": 1334016000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A3LBE4GQL3S8MY", "asin": "B000EDDTV0", "reviewerName": "Rhino", "reviewText": "As advertised, arrived quickly with no damage", "summary": "Good stuff", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A28TJA9VLSPTDS", "asin": "B0009ZEVL0", "style": {"Size:": " 1 Filter"}, "reviewerName": "Dan", "reviewText": "great product, cheap, worked as designed, delivered very quickly. Saved me alot of money over having the shop replace it. Took me five minutes to replace.", "summary": "great product, cheap, worked as designed, delivered very quickly", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A1GUCI55GMDAC0", "asin": "B0002JN588", "style": {"Size:": " 3 Ounce, (Single Unit)"}, "reviewerName": "Campykid", "reviewText": "Good product and arrived as promised.", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 3.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A2HWR1MAFFD5UC", "asin": "B000E3GHE6", "style": {"Color:": " grey", "Style:": " Universal Bucket"}, "reviewerName": "Sarmat", "reviewText": "This seat cover seams to be of a good quality, but the head rest part is too wide for my car's seat. It looks like a sack.", "summary": "Not for TOYOTA COROLLA 2010", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A2CYIC8IY23IO2", "asin": "B000A8J97C", "reviewerName": "Paul", "reviewText": "Works perfectly. Would recommend to all.", "summary": "Very good buy!", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A2V6Q2DEQBGMGK", "asin": "B0002Q7ZLO", "reviewerName": "Kyle Lent", "reviewText": "Nice quality and extremely easy to install", "summary": "Five Stars", "unixReviewTime": 1444953600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A1IAYUJGAAFQ2X", "asin": "B0009OR8V6", "reviewerName": "Prime Eric", "reviewText": "Great pad spreader. This is a great tool for pushing the piston back. Much faster than the hand crank. Well built.", "summary": "Great product", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A313EM6KMZP2YQ", "asin": "B0002Q80GS", "reviewerName": "Chris21", "reviewText": "Works as expected", "summary": "Satisfied customer", "unixReviewTime": 1442534400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A1NRQMXLY5LZU2", "asin": "B00029CYRG", "reviewerName": "Free88", "reviewText": "This compound worked great on my boat. The blue gel coat was very faded, and some areas looked like they were ruined. This compound brought it back to life. Very happy with the results.", "summary": "Great Product", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A22NQF87VKM11T", "asin": "B0002BF0BQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Alex V", "reviewText": "Worked perfectly for my 1996 Ford Windstar. Thanks!", "summary": "Five Stars", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A11L0QCPKADAU7", "asin": "B0002I94CA", "reviewerName": "S. H. Fladmark", "reviewText": "Good Product", "summary": "Five Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A3DO3COHALECGC", "asin": "B000B7PHQY", "reviewerName": "Richard", "reviewText": "Right size and mower started right up!", "summary": "Good Spark Plug", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A2683OJ85CLWFA", "asin": "B000C2U77C", "reviewerName": "Yzzi", "reviewText": "First time ordering an engine part off amazon. I can tell you that youtube really helped with replacing the water pump. The fine thread bolts for the fan are a great touch. This was a heck of a lot cheaper than buying from an auto store.", "summary": "Save a lot of money", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A1LR5O5I61LCPV", "asin": "B000CQBG1O", "reviewerName": "MJS", "reviewText": "My husband now buys the majority of major parts for all three of our vehicles through Amazon. We have saved a lot on parts costs and then he installs. Never have had a problem with any parts bought off of Amazon.", "summary": "Auto parts bought on Amazon.", "unixReviewTime": 1451952000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A2WWGCH3YWYVIF", "asin": "B00032KBFE", "reviewerName": "Cody", "reviewText": "Bought these as a precaution to deter plate thieves, though I have not fallen victim, my buddy has. I feel a bit more comfortable having them on, but if someone is really motivated all they gotta do is cut the screw.. Overall good buy!", "summary": "Good Buy", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2017", "reviewerID": "A71ZFOC9NR5OW", "asin": "B000C54496", "reviewerName": "The Little Red Bedtime Book .com", "reviewText": "MOOG !\nLove it , fit my Dana 50 IFS/TTB 4600lb great", "summary": "Moog K80026 Ball Joint Federal Mogul", "unixReviewTime": 1509494400} +{"overall": 3.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A1TJHBO2QZEW19", "asin": "B000C55YUY", "reviewerName": "JAMZ405", "reviewText": "this product does not fit a 91 chevy K1500, this product is for a 2x4 truck, would not recommend this", "summary": "not the right part for this year of truck!", "unixReviewTime": 1397520000} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2017", "reviewerID": "A1IB2HQ989QE26", "asin": "B000AME5I6", "style": {"Style:": " 9006XS"}, "reviewerName": "steve", "reviewText": "Nice and bright :)", "summary": "Four Stars", "unixReviewTime": 1496361600} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "APK9BWGCZU6K4", "asin": "B00030CZ6Y", "reviewerName": "D Bauer", "reviewText": "Good product. good price.", "summary": "Recommended.", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A3COV2H3P34F0J", "asin": "B000BZJ9Q0", "reviewerName": "alan fishman", "reviewText": "works great not like the cheap ones from china", "summary": "made in USA", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "AN8DY92V07CSY", "asin": "B0000AZ9KS", "reviewerName": "AlexS1977", "reviewText": "Works as expected.", "summary": "Five Stars", "unixReviewTime": 1501372800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "AXUZW2TLVCWAK", "asin": "B0002NIF70", "reviewerName": "ProDriver75", "reviewText": "Just as pictured. It stands out on the front of my Ram pickup. Definitely requires a frame though, it is very thin.", "summary": "Looks great!", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A3KJHI2VG1RLPD", "asin": "B0006JLW84", "reviewerName": "Gary Watson", "reviewText": "Bought two of these for my camper trailer and they are an exact fit and work and feel just as good and the originals.", "summary": "... an exact fit and work and feel just as good and the originals", "unixReviewTime": 1449619200} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A7K20MKPQ3L6S", "asin": "B000C847OU", "reviewerName": "MAC", "reviewText": "seems to work, well built", "summary": "Four Stars", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A1XBP8SYZARMLR", "asin": "B000B8JUNY", "reviewerName": "A&J", "reviewText": "Fit perfectly in my 2004 Escalade", "summary": "Perfect fit", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2017", "reviewerID": "APCYQDHCXEQFW", "asin": "B000A8JLIY", "reviewerName": "nocigar", "reviewText": "The car has never run this well since my son bought it used. 1999 toyota corolla 225000 on the clock. Shipping was very fast.", "summary": "Works well", "unixReviewTime": 1490832000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2017", "reviewerID": "A1E0HMNY2RE294", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 3.35 oz."}, "reviewerName": "S Barnhart", "reviewText": "Absolutely perfect and just as described.", "summary": "Five Stars", "unixReviewTime": 1490313600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A2OM96AYQOAFYY", "asin": "B000C8ZACI", "reviewerName": "AJO", "reviewText": "no issues.", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "A1Q668IV6J4KAM", "asin": "B000C5WCUE", "reviewerName": "Mr Yeko", "reviewText": "Its a sensor, that is all I can say.", "summary": "Five Stars", "unixReviewTime": 1408147200} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A2HJX7W8ILOL5O", "asin": "B000BZGKE4", "style": {"Style:": " Oil Filter"}, "reviewerName": "Rui Santos", "reviewText": "great product!", "summary": "Four Stars", "unixReviewTime": 1501200000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "12 23, 2010", "reviewerID": "ANJUT5JDG5RU1", "asin": "B0009H50WM", "reviewerName": "carlos", "reviewText": "this wax is the only will you need to have is the best I've used for many years. no matter what other products promise this is the best", "summary": "excellent", "unixReviewTime": 1293062400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A2IEZTM7V2FTTF", "asin": "B000CNLAPY", "reviewerName": "Fletcher", "reviewText": "Very fast shipping! High quality product!", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A1NAJ5A77MVII0", "asin": "B0007LDXLA", "reviewerName": "Michael P Raffaelli", "reviewText": "Only problem is the handle. It will not stay tight, keeps coming loose. Not made to last forever.", "summary": "Four Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A10GQBIS10MYDJ", "asin": "B000BL2Z2Y", "style": {"Style:": " Driver Side"}, "reviewerName": "Jerome Pinckney", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "AOLCFPRXKP9I5", "asin": "B000C5I6H2", "reviewerName": "robert pugh", "reviewText": "Worked perfect for my RV repair", "summary": "Five Stars", "unixReviewTime": 1489017600} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A3M77T71UJJAD", "asin": "B000CQBFGU", "reviewerName": "New York Pete", "reviewText": "Used when installing Walker 54312 Quiet-Flow Stainless Steel Muffler Assembly on a Civic coupe. Worked fine. Hardest part was removing the original gasket.", "summary": "Great quality, harderst part of install is removing original gasket", "unixReviewTime": 1445904000} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A3IA9KZCJ95U55", "asin": "B0006GF5SK", "style": {"Size:": " Pack of 10"}, "reviewerName": "M Brown", "reviewText": "Smells good. Tossed one into my tank. Should be ok.", "summary": "Smells good. Tossed one into my tank", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2017", "reviewerID": "A1BSQHOABOG3W6", "asin": "B000C3F3SO", "reviewerName": "Too many books, not enough time", "reviewText": "Worked perfectly.", "summary": "Five Stars", "unixReviewTime": 1496880000} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A2OZKME7BCFAG9", "asin": "B0009IR056", "reviewerName": "EK", "reviewText": "Fit perfectly in my Aprilia Caponord 1200. Costs a little more than the OEM but i don't like to go to the dealer just for a filter.\nIll keep buying it if it performs as expected, will see in about 2000 miles.", "summary": "Costs a little more than the OEM but i don't like to go to the dealer just for a filter", "unixReviewTime": 1505692800} +{"overall": 3.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "A2JA6S6YNGCYX6", "asin": "B0009TCR9O", "reviewerName": "By mike", "reviewText": "Ball has the load capacity that I needed. Only problem was the ball comes with a unfinished surface (not Crome or other protectant) and the ball instantly rusted.", "summary": "Rust", "unixReviewTime": 1392422400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A374YP05CTGZA4", "asin": "B000C808SE", "reviewerName": "Masta' C", "reviewText": "Direct replacement for the original. Fits just like the stock unit.\n\nGood seal and perfect function...what more can you ask for?\n\nHighly recommended!", "summary": "Perfect Replacement For Deteorating Factory Cap!", "unixReviewTime": 1439337600} +{"overall": 1.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A37P0LTZOC8FIM", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Rob", "reviewText": "Doesnt work well", "summary": "One Star", "unixReviewTime": 1448409600} +{"reviewerID": "A2HBEOIUMCPM01", "asin": "B0000AY69V", "reviewerName": "Jeremy Hall", "verified": true, "reviewText": "Dries stuff...", "overall": 5.0, "reviewTime": "02 25, 2017", "summary": "Five Stars", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A219DYAINAKCCC", "asin": "B000E28MSG", "style": {"Color:": " Chrome"}, "reviewerName": "KK", "reviewText": "Good!", "summary": "Five Stars", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A3SVR2HPCAMC7A", "asin": "B000A6TID4", "reviewerName": "William Spight", "reviewText": "As Advertised!", "summary": "Five Stars", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2ENTWUQ7T7318", "asin": "B0009IBJAS", "reviewerName": "Pen Name", "reviewText": "Good charger/ maintainer $20 at Walmart I have a bunch of these.", "summary": "Five Stars", "unixReviewTime": 1421193600} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A2T26YF0OPJ45J", "asin": "B0009IK5VW", "style": {"Size:": " 28 Inches, (Pack of 1)"}, "reviewerName": "dominic r ofano", "reviewText": "fit", "summary": "Four Stars", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": false, "reviewTime": "12 10, 2015", "reviewerID": "A1NFRRSS4MB9O1", "asin": "B0000AY4KX", "style": {"Style:": " Extra Guard"}, "reviewerName": "craig and nan", "reviewText": "Good oil filters for my Corvette. They are very easy to remove and install.", "summary": "Fram Oil Filters", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A2ZA5BY7II6BAJ", "asin": "B000AME5I6", "style": {"Style:": " 9006"}, "reviewerName": "Julio Gonzalez Bernaldo", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A2CUTUQ0HKTZBN", "asin": "B0002SQUTU", "reviewerName": "Fernando Apodaca", "reviewText": "I let my neighbor borrow it and he said it saved him 20 minutes. No more fighting with C-clamps.", "summary": "Five Stars", "unixReviewTime": 1475625600} +{"overall": 3.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A1MV2O3TUKN8BT", "asin": "B0002JMF98", "reviewerName": "David D.", "reviewText": "It probably performs at a 5 star level. I ordered it because it was recommended at the bottom of the Amazon shopping page. Turns out, I really didn't need it. My vacuum pump has two size fittings to accommodate most applications.", "summary": "I ordered it because it was recommended at the bottom of the Amazon shopping page", "unixReviewTime": 1468368000} +{"reviewerID": "A37FKYC3G4P7RP", "asin": "B0000AY69V", "reviewerName": "Brad", "verified": true, "reviewText": "Use to dry my car. So far so good!", "overall": 4.0, "reviewTime": "08 5, 2014", "summary": "Perfect for drying your car!", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A2E2YZ1QDKE3L8", "asin": "B000C1LLPA", "reviewerName": "HAROLD", "reviewText": "Perfect fit and perfect stopping", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2017", "reviewerID": "A2ODXWYAGQDVPP", "asin": "B0009JKI7W", "style": {"Size:": " 22-Inches", "Style:": " Pack of 1"}, "reviewerName": "Bill T.", "reviewText": "Nice Blades", "summary": "Five Stars", "unixReviewTime": 1507766400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A2S90CUMORUAEX", "asin": "B000C80AH8", "reviewerName": "Clayton Reed", "reviewText": "Awesome buy", "summary": "Five Stars", "unixReviewTime": 1477526400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2012", "reviewerID": "A2FKBJMZHQ59NX", "asin": "B000BYB2K2", "style": {"Style:": " 26\""}, "reviewerName": "Joseph R.", "reviewText": "Great price, works great, I live in North East I use one piece wipers to avoid ice build up. Install it as soon as I received it. Works great in rain.", "summary": "Very Happy", "unixReviewTime": 1348790400} +{"overall": 5.0, "verified": false, "reviewTime": "03 2, 2014", "reviewerID": "A1PJ6K3VPXZ3JZ", "asin": "B00029KC2U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Neal Caffrey", "reviewText": "For idiots that think you can wrap headers with this, your a fool. This a insulin. keeps heat away not keep it. put on anything to keep the heat away from wires, intake pipes etc. works great. keep your intake cool and your good to go!", "summary": "intake wrap only", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2012", "reviewerID": "A1AFWHDKBYCF31", "asin": "B0002UEOLO", "style": {"Size:": " Pack of 1", "Style:": " 1 oz."}, "reviewerName": "L. Ray", "reviewText": "Found a mechanic on YouTube who recommended this for new plugs. Followed his instructions and feel better about using this to keep them from seizing. Simple enough to do and cheap enough not to think twice about buying.", "summary": "Recommended by professional", "unixReviewTime": 1334966400} +{"overall": 4.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A6CW89WGHOH1K", "asin": "B0002KO4J6", "style": {"Size:": " GM Power Steering Pump Pulley"}, "reviewerName": "Carol", "reviewText": "Remover seems to be universal. Couldn't have removed my 2007 Impala power steering without this great heavy duty removal tool. But the installer tool doesn't fit. Luckily my new ac delco pump came with the correct installer.", "summary": "Remover works", "unixReviewTime": 1444348800} +{"overall": 3.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "A2HA2HYRPAX38S", "asin": "B000637TE6", "style": {"Size:": " 1-Liter"}, "reviewerName": "Bhom Tell", "reviewText": "Lots of work for the eventual result.", "summary": "Lots of work.", "unixReviewTime": 1492905600} +{"overall": 4.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A3BHI3T9ZCJ2LE", "asin": "B0007PHD0S", "reviewerName": "Dennis76nyc", "reviewText": "couldn't find this in stores. had to order here on amazon. don't regret it either, cleaned my evap system to the point where \"mold\" smell disappeared.", "summary": "great product", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": false, "reviewTime": "08 27, 2014", "reviewerID": "A3EH9FXFR2ALLV", "asin": "B000C3ZCHQ", "reviewerName": "Dan Lyon", "reviewText": "Great product. Greatly improved ride quality over old OE struts that had next to no gas charge left.", "summary": "Excellent product.", "unixReviewTime": 1409097600} +{"reviewerID": "A45MEY8KYQWX9", "asin": "B000C9PFJK", "reviewerName": "LuckyG", "verified": true, "reviewText": "Well made. works and fits great on my 2008 GMC YUKON XL 1500 SLT!", "overall": 5.0, "reviewTime": "03 15, 2016", "summary": "works and fits great on my 2008 GMC YUKON XL 1500 SLT", "unixReviewTime": 1458000000} +{"reviewerID": "A1CPL11TZE1OXB", "asin": "B000C9SJUC", "reviewerName": "Richard E. Sherman", "verified": true, "reviewText": "Everything was just fine with my order. This Gas Cap works Good. Thanks for the Quick Shipment", "overall": 4.0, "reviewTime": "10 8, 2015", "summary": "Ships Very Quick", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": false, "reviewTime": "07 1, 2016", "reviewerID": "A365PBEOWM7EI7", "asin": "B000630ICQ", "reviewerName": "ventingisok", "reviewText": "easy grease cleaning off engines", "summary": "good", "unixReviewTime": 1467331200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "A2CBNSV2698VW7", "asin": "B00026Z3E0", "style": {"Size:": " 3 Ton", "Style:": " Double Locking"}, "reviewerName": "R. Huntington", "reviewText": "I just finished my first job with these, using them to support a mid-sized car. They struck me as over-built in sturdiness, which is a big plus in my opinion. And I like that they store compactly, so I saved the box they came in as an easy way to store them in a compact space.", "summary": "Nice quality and yet they store compactly.", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2017", "reviewerID": "A13OG5LI3FZQDD", "asin": "B000CO7ARU", "style": {"Style:": " H1"}, "reviewerName": "timothy kendrick", "reviewText": "Works perfectly in my Volkswagen Beetle.", "summary": "Works great!", "unixReviewTime": 1499212800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2017", "reviewerID": "A1MP1A2AIQX9W3", "asin": "B0002JN56A", "style": {"Size:": " 1-Pack"}, "reviewerName": "Mark Twain", "reviewText": "Works well for putting the handle back on our Sun Oven solar cooker. This is a handle stuck to tempered glass which gets up well over 300F while cooking. I roughed up the bottom of the handle and removed as much old glue as possible. So far it's staying stuck.", "summary": "Used to repair Sun Oven", "unixReviewTime": 1499904000} +{"overall": 5.0, "verified": false, "reviewTime": "07 15, 2014", "reviewerID": "A2TS5CE265E01Z", "asin": "B000BRGAJ2", "style": {"Size:": " 12 Ounce (1 Pack)"}, "reviewerName": "BRADLEY", "reviewText": "A good additive to help with summer cooling.", "summary": "GOOD STUFF.", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A17XZ9N5T8AGO7", "asin": "B000BQSIWK", "reviewerName": "Doran Baynes", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A3CMWAS797GO0J", "asin": "B000BPTVTK", "style": {"Style:": " Pack of 1"}, "reviewerName": "bdlk", "reviewText": "This is a great item to add to your vehicle washer fluid tank. Makes a big difference in repelling rain off windsheld.", "summary": "This is a great item to add to your vehicle washer fluid tank", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2018", "reviewerID": "AMKRLPKOVR7IG", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2580"}, "reviewerName": "Charlie (John J.)", "reviewText": "Good quality and best buy. Would purchase again", "summary": "Five Stars", "unixReviewTime": 1523750400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A2M4UPBJX2S6HQ", "asin": "B000C2WDQ0", "reviewerName": "me", "reviewText": "This Hose is for early models.\nNewer models need one more bend and about 12 more inches.", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "AG22IH3IG1HIY", "asin": "B0002KL6FG", "style": {"Style:": " 6-Cylinder"}, "reviewerName": "Doitall Briarwood NY", "reviewText": "If you have a used car to sell, this is good for the first 300 miles.", "summary": "this is good for the first 300 miles", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "AHCD7SBZCNUMP", "asin": "B000BZ9348", "reviewerName": "kv1", "reviewText": "Good part. Made in USA. Fit and finish were of high quality.", "summary": "Five Stars", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "A20X3PC7ZI6D2W", "asin": "B000C2YAOS", "reviewerName": "John", "reviewText": "Perfect fit for a 2003 VW Jetta", "summary": "Works great", "unixReviewTime": 1500508800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A3EWLZFGUFLERD", "asin": "B0009JKI7W", "style": {"Size:": " 24-Inches", "Style:": " Pack of 1"}, "reviewerName": "Martin H.", "reviewText": "I put wipers on my car in summer. What is wrong with me?", "summary": "Blades of Glory", "unixReviewTime": 1474502400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A26FEW4DXURLSM", "asin": "B000C2OBKQ", "reviewerName": "Efen", "reviewText": "worked as it should, fit was good, price was good, installed properly, my engine noise went away would buy again", "summary": "worked", "unixReviewTime": 1386547200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2014", "reviewerID": "A254GUDH1RHL4X", "asin": "B000CO665W", "reviewerName": "Lee L.", "reviewText": "This part fit exactly as described and looks better than the factory one I removed. Quality part for a good price.", "summary": "just what I asked for", "unixReviewTime": 1402531200} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A9P0SEHLDIBRB", "asin": "B000CIT3N0", "reviewerName": "York Wang", "reviewText": "Use on my 2001 Camry LE V6! One year chang one time.", "summary": "Five Stars", "unixReviewTime": 1484956800} +{"overall": 2.0, "vote": "9", "verified": true, "reviewTime": "12 4, 2011", "reviewerID": "A2Q1YRO8RAGMHC", "asin": "B000CAIEK6", "reviewerName": "J. Adams", "reviewText": "Ordered by their specifications and the ladder is too short. Last rung of the ladder is about two foot above the rear bumper so I didn't install it. It also seems a little flimsy and would prefer a little beafier ladder. Not pleased with the quality.", "summary": "Straight Ladder Review", "unixReviewTime": 1322956800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A1ZE6OY1EP5X6D", "asin": "B0007LVJ2A", "reviewerName": "Robin L. Roussey", "reviewText": "My son is happy with the Purchase!", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A3SBKAVMI9TC0Q", "asin": "B000BDEYTE", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Greg Phillips", "reviewText": "Hand cleaner that assist a guy in getting grease and such off his hands. It works! Enough said.", "summary": "Five Stars", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A1CAXRE5VEEDDL", "asin": "B000COMNIG", "reviewerName": "tony bleichner", "reviewText": "Great product fit nicely", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A289I70D8L3YF0", "asin": "B0009I1WF0", "style": {"Size:": " 26.75\" - 29\" Wheel Diameter", "Color:": " Grey"}, "reviewerName": "Larry J. Moya", "reviewText": "Nice fit on my fifth wheel with 205 x 15 inch wheels", "summary": "Looks good, nice thick vinyl", "unixReviewTime": 1510185600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A10HK3W27UX1K9", "asin": "B000C9DV8C", "reviewerName": "Bryan", "reviewText": "OEM. only way to go", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A3MESUA7UW0B54", "asin": "B000182DPG", "style": {"Style:": " Air Filter"}, "reviewerName": "XFUZZ", "reviewText": "I have A VW Bettle 2010 was getting 28 mpg . I installed the K&N 33-2031-2 High Performance Replacement Air Filter and added 3 lbs of air in each tire and milage jumped to 33.5 mpg. I swear!", "summary": "Gained 3 mpg", "unixReviewTime": 1390867200} +{"reviewerID": "A28SBEE8FUI993", "asin": "B000E1FZYG", "reviewerName": "David G.", "verified": true, "reviewText": "It works", "overall": 5.0, "reviewTime": "12 24, 2015", "summary": "Five Stars", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A3B9I53ZE8K44Z", "asin": "B0000AXNJS", "style": {"Size:": " Single"}, "reviewerName": "Gixxxer", "reviewText": "Great shine", "summary": "Great shine", "unixReviewTime": 1460332800} +{"overall": 4.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A3AFQJCKP7A884", "asin": "B000CQOIR8", "reviewerName": "David", "reviewText": "fits our 2012 jeep liberty", "summary": "Four Stars", "unixReviewTime": 1431043200} +{"overall": 3.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A2LL94CYO88P3W", "asin": "B0006FKFMC", "reviewerName": "Amazon Customer", "reviewText": "Okay", "summary": "Three Stars", "unixReviewTime": 1411516800} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "AV76FT7CNYVKP", "asin": "B000E4OK2Q", "reviewerName": "Randall Richardson", "reviewText": "looks very nice installed, vibrates a little at highway speeds", "summary": "Four Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A3F59MCSQ72P60", "asin": "B000CO91FY", "reviewerName": "Ivan Smart", "reviewText": "Exactly what I needed.", "summary": "Excellent product", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2017", "reviewerID": "A2UZTRWACJKFFU", "asin": "B000182F22", "style": {"Size:": " Premium 30 Spline Hub"}, "reviewerName": "Christian C.", "reviewText": "Work great. Warn is an amazing company with great products. No complaints", "summary": "Five Stars", "unixReviewTime": 1504915200} +{"reviewerID": "A3JP4YNP1J3MC3", "asin": "B000CPIN8E", "reviewerName": "DWH", "verified": true, "reviewText": "Works great! I would call the Satin more of a Semi-Gloss. I am building a 91 Mustang and sprayed the whole underside and engine bay along with any other parts I wanted black.", "overall": 5.0, "reviewTime": "06 25, 2014", "summary": "Great stuff but make sure to do your prep work...", "unixReviewTime": 1403654400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A3OWRORSV43K34", "asin": "B000C5DSFM", "reviewerName": "R", "reviewText": "No leaks, no RTV required, fits, works great.", "summary": "Old one was rusted and crappy looking this is new and shiny", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2DY6X6TTKFJE7", "asin": "B000AM8BF4", "reviewerName": "peterpiper", "reviewText": "just right all i needed", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "A1NUOAV1X7J8XT", "asin": "B000BNZPT2", "reviewerName": "SFIDC", "reviewText": "Easy install. Only thing is it sticks out slightly from the tailgate but not enough to notice unless you're looking for it. .", "summary": "As expected", "unixReviewTime": 1358726400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3GN7BRUCSMHJE", "asin": "B000C18QN0", "reviewerName": "FAHAD T2 ALGRAINI", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": false, "reviewTime": "10 27, 2016", "reviewerID": "A62H6DXWSBO0I", "asin": "B000CSIS54", "reviewerName": "Tim R.", "reviewText": "It's a spark plug, sparks as designed", "summary": "Five Stars", "unixReviewTime": 1477526400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A1E2ZVTQW78BP5", "asin": "B00000J421", "reviewerName": "Dan", "reviewText": "exact replacement", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A2WNYD3MHM764E", "asin": "B0008G5G0A", "reviewerName": "william", "reviewText": "very nice", "summary": "Four Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A31OQPSW2HHYQK", "asin": "B000CJ8CZY", "style": {"Number of Items:": " 1"}, "reviewerName": "Kevin M Norman", "reviewText": "ARRIVED FINE WITH NO DAMAGE. tHEY WORK GREAT ON A 2007 BUELL XB12X ADVENTURE", "summary": "Five Stars", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "A3FH9U1JKYQUJX", "asin": "B000CAINEI", "reviewerName": "Jon B", "reviewText": "Good quality. but check the size before buying.", "summary": "Good quality. but check the size before buying", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "A1IC500IIJNVOY", "asin": "B0002STSC6", "reviewerName": "Tegeras", "reviewText": "Finally was able to trouble shoot my ignition problem with this gadget. The flashing is very clear and it fit well on my car.", "summary": "Satisfied", "unixReviewTime": 1467417600} +{"overall": 2.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "AD8TRMR9I6SGN", "asin": "B0006ZI6RI", "reviewerName": "Gary", "reviewText": "Unusable! Its to big for my positive battery terminals. I have a f250 dual batteries and i cant use it. Great idea but if you cant use them?", "summary": "To big for positive terminal", "unixReviewTime": 1371600000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2017", "reviewerID": "A262KAYF0Q3TS", "asin": "B0009XEJDW", "style": {"Color:": " Cub Cad Yellow"}, "reviewerName": "Jimmy N", "reviewText": "Matched perfectly. I have to say it is quiet expensive buying it here. Local store was out and would have been half the cost.", "summary": "Perfect color match for Cub Cadet", "unixReviewTime": 1512604800} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A26U6E7NXY8UB6", "asin": "B0002STS2Q", "reviewerName": "J. J. Marciniak", "reviewText": "Simple spark plug gauge that does what it claims.", "summary": "Five Stars", "unixReviewTime": 1432684800} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A242CPU7BOFT41", "asin": "B000BXME7I", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Kevin Ball", "reviewText": "Good oil drain pan. It works, I have no issues.", "summary": "Works", "unixReviewTime": 1490918400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A1E2O2TETRKHFB", "asin": "B0002F68JK", "reviewerName": "Shawn Rinehart", "reviewText": "Fits perfect on 97 Ford motorhome and looks to be very nice quality.", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2016", "reviewerID": "A20J7IHFTSLUFT", "asin": "B000BAT8TS", "reviewerName": "chuck b.", "reviewText": "My Tundra truck is going to thank me for this protection.", "summary": "Mobil 1 is #1", "unixReviewTime": 1459468800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A2P4RGWIRXHN1D", "asin": "B000630ATC", "reviewerName": "Lance Pandolf", "reviewText": "They worked perfectly .", "summary": "Five Stars", "unixReviewTime": 1475107200} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A1JLVLPL595B0W", "asin": "B000CGV7SQ", "reviewerName": "LB Taylor", "reviewText": "These ceramic brakes pads work great on my 2001 530i BMW. I will buy them again.", "summary": "Four Stars", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2017", "reviewerID": "A24C56LOI1MPBA", "asin": "B000C59XKG", "reviewerName": "Carl A. Roedell", "reviewText": "always trust Moog suspension parts", "summary": "Five Stars", "unixReviewTime": 1491868800} +{"reviewerID": "A36BAPFGQUDHIZ", "asin": "B000CAYTJ6", "reviewerName": "T. Cates", "verified": true, "reviewText": "Great deal buy it..you can spend more to get less elsewhere so do not waste time looking further for nothing", "overall": 5.0, "reviewTime": "09 15, 2013", "summary": "As good as any out ther", "unixReviewTime": 1379203200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A1OGSCRAJRB4TD", "asin": "B000CONU0G", "style": {"Color:": " Chrome"}, "reviewerName": "Richard", "reviewText": "super product and delivery", "summary": "Excellent Product", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A13YAVZSTHWXBS", "asin": "B000CPI0R8", "reviewerName": "Bre", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 4.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "AJRYAX82ENLJO", "asin": "B000C9POFK", "reviewerName": "Diane S. Marek", "reviewText": "excellent fit and operation.", "summary": "Four Stars", "unixReviewTime": 1409356800} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A1XAZREAKNHT65", "asin": "B0006H8P1S", "reviewerName": "NW-Guy", "reviewText": " PERFECT ", "summary": " PERFECT ", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2013", "reviewerID": "A2GKOLNCJ0C6AB", "asin": "B000E347LQ", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "J. P. Midwest", "reviewText": "Second one I have gotten. Dorman product is excellent. Comes with no-brainer instructions for install, fits, works, sounds just like the original only half the price!", "summary": "Great window regulator/window motor for dodge/chrysler minivan.", "unixReviewTime": 1366761600} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2014", "reviewerID": "A33Z14C37I9D27", "asin": "B0001EVUF4", "reviewerName": "martin", "reviewText": "this was a perfect fit with no problems at all. one of the best little investments for your vehicle. I highly recomend it.", "summary": "best auto Ventshade.", "unixReviewTime": 1396742400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2014", "reviewerID": "A1ZTCF1H0BT54R", "asin": "B0009IQZPW", "reviewerName": "Mindbender", "reviewText": "Great price for a pair of extra pads. The pads wear out over time and these pads are an exact replacement.", "summary": "Foam Pads", "unixReviewTime": 1395532800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A2PBGEMF924EQI", "asin": "B000BUOSGQ", "reviewerName": "Outdoorsman", "reviewText": "Great for all the plastic bags.", "summary": "Good deal", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A3HZEN43M5V2RS", "asin": "B0007ZULM0", "style": {"Size:": " 17 oz."}, "reviewerName": "Conant 15", "reviewText": "This is the best stuff you can buy to clean your dash and leather seats. Cleans and protects", "summary": "Five Stars", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A20S66SKYXULG2", "asin": "B0009IK7YC", "reviewerName": "alphonse", "reviewText": "Consistently good quality and a great price on amazon.com You can't go wrong stocking up on popular oxygen sensor numbers when they get so much more at the auto parts store.", "summary": "Best price", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A2YQVFNO4G82WN", "asin": "B000CKGAV6", "style": {"Style:": " 9006"}, "reviewerName": "Patrick Iannuccilli", "reviewText": "Great illumination for the price. Decided to install both after one in my car burnt out. Turns out this bulb from Sylvania was the same as was originally installed in the car.", "summary": "Great illumination for the price", "unixReviewTime": 1492732800} +{"overall": 3.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A1NUKTKB57TC6L", "asin": "B0002KO3AG", "reviewerName": "Timothy M Daleo", "reviewText": "Very thin and does not protect very well against tool dropping.", "summary": "Three Stars", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "A3OK0EFDRDVA5L", "asin": "B00029X5VK", "style": {"Size:": " 24 Inches"}, "reviewerName": "Gearhed79 ", "reviewText": "I was skeptical the first time I bought this brand but low and behold, I got 5 YEARS out of that first pair!! That was while I was living in the PNW so you know they got above average use. Buy them, you will not regret.", "summary": "Won't buy anything else.", "unixReviewTime": 1399593600} +{"overall": 2.0, "verified": true, "reviewTime": "02 14, 2018", "reviewerID": "ANAOB66WYGXHX", "asin": "B0002YPD7O", "style": {"Size:": " 1-7/8-Inch, 2-Inch and Most 2-5/16-Inch Couplers"}, "reviewerName": "Jeter Creek", "reviewText": "Better than nothing. Master name used to mean something. Guess I am getting old. Fits very poorly on a very common boat trailer.", "summary": "Keep Looking", "unixReviewTime": 1518566400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A2DK74VYC37ARS", "asin": "B000CIPHUI", "style": {"Size:": " 4-Bank Battery Charger", "Color:": " Black/Green", "Style:": " Multi-Bank Battery Charger"}, "reviewerName": "Paul S.", "reviewText": "Great product. Use it year round. Not a problem even after multiple years of use.", "summary": "Five Stars", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A1R8RXVOGP7Q7C", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "Jhon", "reviewText": "Great product, great price. I have used this for years in my lawn equipment to keep the gas fresh. I have never had a carburetor problem.", "summary": "Great product, great price", "unixReviewTime": 1420588800} +{"overall": 1.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A2G2WY2BTEZJ5K", "asin": "B000BQ090Y", "reviewerName": "Ace N", "reviewText": "Waste of money. Cheaply made", "summary": "One Star", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A19I0VJT1JBST8", "asin": "B000C1LLNC", "reviewerName": "smashley", "reviewText": "15k on these pads so far for my 2010 Maxima SV and they're great!", "summary": "... so far for my 2010 Maxima SV and they're great!", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A2MRE7VP695IY0", "asin": "B000C5FL84", "reviewerName": "Larry A.", "reviewText": "Price was great and it works.", "summary": "Five Stars", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "AW18NWNXU4KU3", "asin": "B00008RW9U", "reviewerName": "Jose92399", "reviewText": "Works like a champ", "summary": "Works like my original", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A17N7HT6BOFW8R", "asin": "B0009X8LZ4", "style": {"Color:": " Acrylic Crystal Clear", "Size Name:": " 11 Ounce Aerosol"}, "reviewerName": "Amazon Customer", "reviewText": "gloss is easy to apply, covers great", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2ZDGHJ6E2NSXF", "asin": "B000BOAZM8", "style": {"Size:": " 3 Ounce"}, "reviewerName": "IrishSteel", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2017", "reviewerID": "A3UH9F3OX9E0AX", "asin": "B0006JLW66", "style": {"Color:": " White"}, "reviewerName": "Keizo M.", "reviewText": "This has nice price for item,", "summary": "Five Stars", "unixReviewTime": 1496534400} +{"overall": 4.0, "verified": true, "reviewTime": "12 23, 2013", "reviewerID": "AT6TXMZ7ZC1Q8", "asin": "B00062ZHTG", "reviewerName": "camaro118", "reviewText": "worked as it should this dual line to replace the old one Works great and did not give any problems", "summary": "works good", "unixReviewTime": 1387756800} +{"reviewerID": "A3ULBCNZZ3Y4O5", "asin": "B000C9LBKM", "reviewerName": "Leo J Biggie Jr", "verified": true, "reviewText": "these would not fit good the blue ones were too big and the other ones I was able to to use on the one but the other night I had to purchase another sorry.", "overall": 1.0, "reviewTime": "08 9, 2014", "summary": "these would not fit good the blue ones were too big and the other ...", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A1TK6GJDL8KLQC", "asin": "B0002UQAM0", "reviewerName": "mike1450", "reviewText": "great on all colors", "summary": "Five Stars", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A3SML4N5Z2KWKV", "asin": "B000CGFY44", "reviewerName": "Sidney Sakamaki", "reviewText": "well made", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "A1WLIQ7GI19FFT", "asin": "B00068XCQU", "reviewerName": "JK AC", "reviewText": "best thing to store my car in my garage.", "summary": "Five Stars", "unixReviewTime": 1524096000} +{"overall": 3.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A2O8AWDEGV9FI3", "asin": "B000E8V9RG", "style": {"Size:": " single filter"}, "reviewerName": "Kenneth Warner", "reviewText": "I have used a lot of Purolator filters over the last 15 years but recently there have been too many complaints of failed Purolators (in particular PureOne) reported at bobistheoilguy. I actually returned these and purchased another brand.", "summary": "Sorry Purolator", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2016", "reviewerID": "AXQEFKK83MEX2", "asin": "B000BZYW3U", "reviewerName": "Michael Boyd ", "reviewText": "Fit my 89 dakota rear assemblies perfectly.", "summary": "Great", "unixReviewTime": 1480032000} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A1D58B4M2AC20", "asin": "B000COX0MY", "reviewerName": "Brian", "reviewText": "Easy to use, no fighting with rusty pins, or frozen locks!", "summary": "Five Stars", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "AKQTNMWME0OJ2", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "Dave", "reviewText": "Very accurate. Simple to use.", "summary": "Good simple tire pressure gauge.", "unixReviewTime": 1492387200} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A38LBCOVNYPMQ5", "asin": "B0002CSQ6Q", "style": {"Color:": " Black", "Style:": " Brushed Red KC"}, "reviewerName": "RexBigOx", "reviewText": "Looks great", "summary": "Looks great", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "A13Q3KZ8XZLBJU", "asin": "B000C5CD0I", "reviewerName": "JD Jones", "reviewText": "Nice. Great product, great price, great vendor = Great DEAL!", "summary": "Five Stars", "unixReviewTime": 1459641600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A1PXASLE6QSM57", "asin": "B0006IX7WY", "style": {"Size:": " 16 Inches - 28 Inches", "Style:": " Single Refrigerator Bar"}, "reviewerName": "A. Neal", "reviewText": "I never realized these things existed. What a great idea! I like to bring along food in dishes (soup, pasta, etc.) and the bowls always slid around before I got these. Not anymore!", "summary": "Great idea!", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A3DLQ8WXBGFVWF", "asin": "B0002STSQM", "style": {"Size:": " Single"}, "reviewerName": "RikerOne", "reviewText": "I used to use these in the military to check aircraft tire tread depth. Worked great 20 years ago and works great now. Same quality I remember.", "summary": "Works great", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2013", "reviewerID": "A3A7RO5ONYZD1E", "asin": "B000BYB2K2", "style": {"Style:": " 26\""}, "reviewerName": "Craig", "reviewText": "2009 Mazda CX-9 replacements. They were easy to install. They provide a clear windshield. They don't squeak or make any unusual sounds. Nice product.", "summary": "Nice replacement", "unixReviewTime": 1368316800} +{"overall": 2.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A20T3L9VLKGCAL", "asin": "B000CP86ZO", "reviewerName": "Manuel Peralta", "reviewText": "NO MATCH FOR MY TOYOTA SIENNA 2010, BAD MATERIAL", "summary": "BAD", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2017", "reviewerID": "A1P8T3BTZ3C7I2", "asin": "B000BNOIB8", "reviewerName": "RENJIT M PAL", "reviewText": "Great fit! Super easy to install! Great quality. Buy it!", "summary": "Great fitment! Great quality!", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "AUWLV9P25419L", "asin": "B0002F9YHI", "style": {"Style:": " Vinylex Protectant"}, "reviewerName": "Daniel Zehler", "reviewText": "Nothing else like it, that's both easy to use & long lasting, with less shine than most, that looks very professional, without over-doing it.", "summary": "2nd to None as a Vinyl Protectant Spray", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A3O33HKB81NW6Q", "asin": "B0009FJ38Q", "reviewerName": "jmtinker1960", "reviewText": "T-Connector was plug and play had no problems with install.", "summary": "Great Service", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A24UFX2ABNNN6U", "asin": "B000CCBMDU", "reviewerName": "C.p.barham", "reviewText": "GREAT DEAL NICE", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": false, "reviewTime": "10 3, 2014", "reviewerID": "A1CQ1VK95BM70R", "asin": "B00029WSZ4", "reviewerName": "rare101", "reviewText": "look just great on my truck, but needed to add anothe support arm to make the mirrors stop jiggleing", "summary": "truck mirrors", "unixReviewTime": 1412294400} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "ADJWBXOXM1KTR", "asin": "B000BKC25K", "style": {"Size:": " Pack of 1", "Style:": " 16 oz."}, "reviewerName": "james krzeszak", "reviewText": "The ones I sent me absolutely do not fit a Honda HS 621", "summary": "Four Stars", "unixReviewTime": 1515628800} +{"reviewerID": "A1RFMDPFDVQU3Z", "asin": "B000CO7AV6", "reviewerName": "Stew", "verified": false, "reviewText": "Perfect as replacement running lamp bulbs for my FIAT 500L.", "overall": 5.0, "reviewTime": "11 30, 2016", "summary": "Good replacements for OEM bulbs.", "unixReviewTime": 1480464000} +{"overall": 3.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A2L7BWXP68CARE", "asin": "B0007OWD2M", "style": {"Size:": " Pack of 1"}, "reviewerName": "Don C. Hayward", "reviewText": "It's OK but streaks", "summary": "Streaks", "unixReviewTime": 1507680000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A3HXKQJ9E85QOX", "asin": "B000C54496", "reviewerName": "Sprov", "reviewText": "Hey, its Moog, a quality product that I bought 4 years ago and still holding together.", "summary": "Quality product", "unixReviewTime": 1448064000} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A7VJDK5XXBQH1", "asin": "B000CQOIQY", "style": {"Style:": " 1.25 in Drop"}, "reviewerName": "David B.", "reviewText": "really good and quick service", "summary": "Four Stars", "unixReviewTime": 1447891200} +{"overall": 4.0, "verified": false, "reviewTime": "03 31, 2017", "reviewerID": "A2S0EQVW3GZ178", "asin": "B000AMLWH8", "reviewerName": "veng", "reviewText": "Gets the job done, doesn't get rid of marks but it cleans", "summary": "Four Stars", "unixReviewTime": 1490918400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "AKN3QKR18RLF2", "asin": "B000C5HJP2", "reviewerName": "Cory", "reviewText": "it's an oil cap...\nWish it would've been made in the US but...", "summary": "it's an oil cap... Wish it would've ...", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A2ZIVEUB915044", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "thriving", "reviewText": "I does what it supposed to do. Great customer service from vendor.", "summary": "Great customer service from vendor", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A1PGSS65U3CO80", "asin": "B0000AZ9KS", "reviewerName": "Dakar Dad", "reviewText": "Works great and keeps stuff from moving in the back of the truck as it says.", "summary": "Five Stars", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "AY5P1MGWZ16AT", "asin": "B0002Z9NU6", "reviewerName": "D. L. Shields", "reviewText": "Sounds great, not too loud inside or outside of the truck. Installation was easy", "summary": "08 Frontier", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A315AGPAT8ICSK", "asin": "B000C55T7W", "reviewerName": "David Graham", "reviewText": "A seal had failed on my old airshocks and these were a direct replacement. The air compressor isn't running all the time now but I should have also replaced the springs because the car is slighty higher in the front after I replaced the struts.", "summary": "Excellent product", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A2LGTPIGVJ94ZX", "asin": "B00029KC2K", "reviewerName": "Jerry W.", "reviewText": "works well.", "summary": "Five Stars", "unixReviewTime": 1509148800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2017", "reviewerID": "A34DDHLJJKMNE1", "asin": "B000C9QEF4", "reviewerName": "Scott S.", "reviewText": "Verry good", "summary": "Five Stars", "unixReviewTime": 1508976000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A192BJJHPVI7C6", "asin": "B000CPCRS6", "reviewerName": "M. Leong", "reviewText": "Love this product! I have used it for the tail lights and side markers. Holds up strong.", "summary": "Five Stars", "unixReviewTime": 1442188800} +{"reviewerID": "A1ZCM1DJEI991V", "asin": "B000CAYTJ6", "reviewerName": "Jeffreyp123", "verified": true, "reviewText": "I'd highly recommend, I purchased this for my jeep commander and seems like a very high quality product. word d", "overall": 5.0, "reviewTime": "04 5, 2013", "summary": "good quality product...", "unixReviewTime": 1365120000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A24MPI6HRVMXYP", "asin": "B000E28CLI", "reviewerName": "Rico", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "AUA0HJ0NHN0NE", "asin": "B000AP57OO", "reviewerName": "Imran M Khan", "reviewText": "better performance on my 2004 Toyota corolla altis right hand drive", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A3VPON458IZOXD", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "Mac user", "reviewText": "Fab", "summary": "Fab", "unixReviewTime": 1437609600} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2017", "reviewerID": "A1KW7B8Q3UT83Z", "asin": "B000CMDPLM", "style": {"Size:": " Blister Pack"}, "reviewerName": "bufulo", "reviewText": "Worked well. Seem sturdy and safe but only one use so far so too early to truly know for sure.", "summary": "Seem safe and sturdy. Fair price.", "unixReviewTime": 1514332800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "AUEU12M01Q62B", "asin": "B0002JMEQW", "reviewerName": "Jan Hart-Adams", "reviewText": "Works great as advertised. Don't forget to get a moister filter to go with it. Mine bumped against the shut off valve so you might get a 1/4\" extender too.", "summary": "Works great as advertised", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A4H3HQOCGJYMN", "asin": "B000CPI5Z0", "style": {"Size:": " 15 Ounce"}, "reviewerName": "Garea51", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2014", "reviewerID": "A2E3L36WTNQJEJ", "asin": "B0007KK22E", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Karen B.", "reviewText": "Ford has a single DIN, or is it PIN system which can make for hard to find replacement on the ford F250 4x4 from 1998-2003 ish. This dash kit made the jvcradio look factory installed. Highly recommend.", "summary": "A must have when you replace Ford Factory radios", "unixReviewTime": 1391212800} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A3VIO0497DBDOF", "asin": "B000C5FJ04", "reviewerName": "The Guyrock", "reviewText": "Spot in for what I needed and a OEM replacement.", "summary": "Saves tons of money over the dealer or autoparts store!!", "unixReviewTime": 1460419200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A3IANUKNN5LCKX", "asin": "B000CQ24PQ", "reviewerName": "Jason B.", "reviewText": "Nice wires made in USA\nHigh Quality , my old (1999) Jeep Cherokee runs Great", "summary": "Made in USA", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A2U9011EXIOC19", "asin": "B0009IQXJK", "style": {"Style:": " Extra Guard"}, "reviewerName": "Xun Gong", "reviewText": "Fits 2006 Chrysler T&C base model. Good quality", "summary": "Good", "unixReviewTime": 1447804800} +{"overall": 3.0, "verified": true, "reviewTime": "05 16, 2014", "reviewerID": "A166IC0J83323S", "asin": "B000CIFVN6", "reviewerName": "izzi", "reviewText": "It's a lot like wax but slightly greasy, works ok I guess, it's whitish which changes to clear once it is applied and thinned out.", "summary": "Like wax", "unixReviewTime": 1400198400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "A3DCHHVNZYQR89", "asin": "B000BZG62K", "reviewerName": "DougO", "reviewText": "The check engine light remained out after I replaced the oxygen sensors in my Ford Expedition. Beware, some vendors will tell you that the front and back sensors are the same, but they are different parts.", "summary": "Worked fine.", "unixReviewTime": 1361664000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A1SRYW1TWR5EKG", "asin": "B000BOC9K4", "style": {"Size:": " 1 3-pack"}, "reviewerName": "A. Chamish", "reviewText": "Great for a few spackle fixes I had to perform around the house", "summary": "Works fine for my uses", "unixReviewTime": 1454198400} +{"overall": 4.0, "verified": true, "reviewTime": "08 30, 2012", "reviewerID": "A3G19RF5KYF9L5", "asin": "B0000ATZCE", "reviewerName": "Douglas R. Allen", "reviewText": "great product...long enough to attach two bikes-wheels-seats. Simple to use. works for my intended use & wouldstop a grab-and-run situation, but probably would not stop someone with a rugged/big cable cutter.", "summary": "great product...right lenght for two bikes", "unixReviewTime": 1346284800} +{"overall": 4.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A1ZWQOCGRAZHJ4", "asin": "B000AS3D3S", "reviewerName": "J N", "reviewText": "Best filter for the money", "summary": "protected", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A1ZAW8SGS6XAAD", "asin": "B000E347PW", "reviewerName": "Amazon Customer", "reviewText": "Fit 2000 GMC Sierra perfectly. Simple to replace.", "summary": "Five Stars", "unixReviewTime": 1478908800} +{"overall": 5.0, "vote": "10", "verified": true, "reviewTime": "06 8, 2011", "reviewerID": "A13JB1PC2F89MY", "asin": "B000B68V6I", "style": {"Size:": " 32 Fl. oz."}, "reviewerName": "GDM", "reviewText": "I have used this product for years to keep my gas fresh. I add it to my generator, lawn mower and boat tanks. Great for gas storage and is reasonably priced, it does as advertised.", "summary": "Must Have", "unixReviewTime": 1307491200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A18DGJVIHGG8I9", "asin": "B000E8V9RG", "style": {"Size:": " single filter"}, "reviewerName": "Volball34", "reviewText": "I think Purolator oil filters are great quality filters. Item was received as described. Be sure and check locally before ordering though. My local Advance Auto caries Purolator oil filters and some sizes are priced very competitively with this website.", "summary": "I think Purolator oil filters are great quality filters", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A46R4MQDW0DP7", "asin": "B000BO9DN0", "reviewerName": "Joe", "reviewText": "Good product & prices", "summary": "Five Stars", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A2FGX607IQ3CLS", "asin": "B0002MB9ZQ", "style": {"Color:": " FORD"}, "reviewerName": "Francie Anderson", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "AWUSWDRM93MZT", "asin": "B0009ZEVMO", "reviewerName": "Anthony Gonzalez", "reviewText": "Cheeper than walmart and its fram so you know its good.", "summary": "... than walmart and its fram so you know its good.", "unixReviewTime": 1409616000} +{"reviewerID": "A1E0WDZ0CNE58Y", "asin": "B000A6Z9BE", "reviewerName": "JPM", "verified": true, "reviewText": "Excellent factory replacement filter for 2002 Duramax diesel and it comes in a heavy duty box to protect it. The only brand that I will use.", "overall": 5.0, "reviewTime": "04 30, 2016", "summary": "Great OEM filter", "unixReviewTime": 1461974400} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A27IZ8SF2F8TMR", "asin": "B0009IBJBM", "reviewerName": "RUSTY B.", "reviewText": "Charger works great after I fixed it. Had to take it apart and attach loose wire", "summary": "Three Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A2QSUVXYB2KLQ0", "asin": "B0006ODWE6", "reviewerName": "Darren R. Pierce", "reviewText": "MPG went up 3.5 mpg had to use a aFe 31-10004 Air Filter alos, not a cheep crap FRAM type paper filter. Very tight fit. cleaned up engine area from the Darth Vader looking OEM one.", "summary": "MPG went up 3.5", "unixReviewTime": 1446249600} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "ACWLGU0BRDG4N", "asin": "B000CINV88", "style": {"Size:": " Single Unit"}, "reviewerName": "J. Schill", "reviewText": "No issues.", "summary": "Works as designed", "unixReviewTime": 1417219200} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2017", "reviewerID": "A2WC71P9PFPVDS", "asin": "B000BGJWA2", "style": {"Color:": " Polar White"}, "reviewerName": "Kevin", "reviewText": "Its nice having decent looking stuff. Had to do a little work to make it fit but that was my fault.", "summary": "Looks good. Happy camper.", "unixReviewTime": 1512086400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2017", "reviewerID": "AKBVB50B2UPC1", "asin": "B0009JKI7W", "style": {"Size:": " 15-Inches", "Style:": " Pack of 1"}, "reviewerName": "A/C", "reviewText": "great wipers", "summary": "Five Stars", "unixReviewTime": 1497916800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A3CLG5F0QXT9BB", "asin": "B000A6X538", "style": {"Style:": " Driver Side"}, "reviewerName": "Vincent", "reviewText": "Great Price\nEasy install in mins!", "summary": "Great Price Easy install in mins", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A1Z90S6JY6RXI8", "asin": "B000C2SGTI", "reviewerName": "OHdude", "reviewText": "Pulley was a perfect replacement part. looked identical to the original part and bolted up without any hassles using original bolt and spacers.", "summary": "Perfect Replacement", "unixReviewTime": 1392595200} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A2NGE3L5A7V3Q2", "asin": "B000AMBOI0", "style": {"Size:": " Analog / BT-100"}, "reviewerName": "Business Customer", "reviewText": "Great product", "summary": "Four Stars", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A38D8PUKQEFN9Z", "asin": "B0000AYFTV", "reviewerName": "EdGrimly", "reviewText": "exactly as advertised", "summary": "Five Stars", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "AO9JI0EVAJPBN", "asin": "B000COA1CQ", "reviewerName": "Gertrude L Piper", "reviewText": "a real time saver", "summary": "Five Stars", "unixReviewTime": 1466294400} +{"overall": 5.0, "verified": false, "reviewTime": "04 4, 2015", "reviewerID": "A23UA2GBTH9VL9", "asin": "B000BVRZ74", "reviewerName": "Mr. T", "reviewText": "The spray bottle works much better than the squeeze bottle and at a great price.", "summary": "rainx spray", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A3RUMLU186PTN8", "asin": "B000C3F3CA", "reviewerName": "Toni Johnson", "reviewText": "quality is great, works as should, fit perfect!!!", "summary": "Thank you", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "AFJYDS5AJIU4R", "asin": "B000C5HXLM", "reviewerName": "Barry L. B", "reviewText": "Work just as well as the very over priced brands...would buy again !", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A3VS37OQIYJR97", "asin": "B000AMW0GA", "style": {"Style:": " H4651"}, "reviewerName": "Mary M.", "reviewText": "Great product ans twice as bright as the original. I don't know why they require more words on reviews? So I am waisting your time reading this as I am my waisting time doing them a FAVOR!!!!", "summary": "Super Bright", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A32KQ2SSSN5OT3", "asin": "B000BR0CAA", "style": {"Size:": " Pack of 10"}, "reviewerName": "Terry Ross", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A279XGYU9FUQUB", "asin": "B0009H528E", "reviewerName": "G. S. Bond", "reviewText": "Fit perfect and great price", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A4POFEFRDPAZU", "asin": "B0002V9IFK", "style": {"Size:": " Single"}, "reviewerName": "norman l hilgenberg", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A1276RAGRPRYY9", "asin": "B00068AJPM", "style": {"Size:": " 64 oz."}, "reviewerName": "Rriles", "reviewText": "Good stuff. Have been using it for years. First time I bought it at Coctco. Now I will get it again at Amazon. Lasts for a few years.", "summary": "Good stuff. Have been using it for years.", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "AXBRLVXUNLN97", "asin": "B000CB7DG6", "reviewerName": "Douglas Rogers", "reviewText": "exactly as expected.", "summary": "Five Stars", "unixReviewTime": 1486598400} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2017", "reviewerID": "ACEY1TFKA5HG3", "asin": "B0000AY6DG", "style": {"Size:": " 1 oz", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "pat brewster", "reviewText": "Is is what it is. Just wish it was not so permanent.", "summary": "Four Stars", "unixReviewTime": 1507420800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A3NKK86ADZ96NI", "asin": "B000182ESM", "reviewerName": "cappi66", "reviewText": "wonderful product", "summary": "Five Stars", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "AK0R2L27A1PJD", "asin": "B0009IQZPW", "reviewerName": "Amazon Customer", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2013", "reviewerID": "A1HE1UK0A1KDU9", "asin": "B0002F68FO", "style": {"Color:": " White"}, "reviewerName": "Charles R. Escoffier", "reviewText": "This is a must addition to any RV! It was very easy to install and feels very secure. No modifications needed.", "summary": "Looks and works great", "unixReviewTime": 1378684800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A3QX01D6ZQFDD4", "asin": "B000C9MWO6", "reviewerName": "Samuel", "reviewText": "AWESOME", "summary": "Five Stars", "unixReviewTime": 1490486400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A2GD2HORAJHBK5", "asin": "B0009JKGKQ", "style": {"Size:": " 4 Ounces"}, "reviewerName": "smiley", "reviewText": "It is air tool oil... it oils air tools well. it does the job as intended. I trust the Marvel name as their mystery oil is one of the best solutins to noisy valves.", "summary": "does the job", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A5WRZ5TL5VCUE", "asin": "B0007RDVH0", "style": {"Size:": " Foaming Wheel & Tire Cleaner, 24 oz."}, "reviewerName": "Jason T. Hamilton", "reviewText": "worked good arrived on time", "summary": "Five Stars", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "AWD6SR6I52C5C", "asin": "B0001EW4EU", "reviewerName": "AJ", "reviewText": "Excellent product, fit my 2005 Jeep Liberty perfectly", "summary": "Excellent product", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "AZSF7CYWFS7R1", "asin": "B000B8JUG6", "reviewerName": "paul bonilla", "reviewText": "keeps my engine cooler by raising boiling point a few degrees higher", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2013", "reviewerID": "A1C316Z6AAP9LU", "asin": "B000E28CCC", "reviewerName": "Steve Green", "reviewText": "The HD dealer didn't have filters in stock for the Buell Thunderbolt and couldn't even do a cross reference to order one. This filter fit and was easy to install thanks to the convenient nut on bottom.", "summary": "Fits Buell", "unixReviewTime": 1372377600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A1C40G2JQ541Z8", "asin": "B0002MBKAA", "reviewerName": "Apollo legend", "reviewText": "Tight fit and it seems to be well put together. the sun doesn't seem to bother it so that's a good thing.", "summary": "So far so good", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "AZIQQ6YP8UKUI", "asin": "B000CO9FF0", "reviewerName": "gslepski", "reviewText": "works just as well as bulbs at a any parts store-would re buy here in the near future for sure", "summary": "great price", "unixReviewTime": 1358726400} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "ABYX5QFSG01PD", "asin": "B00067BWBI", "reviewerName": "Cool", "reviewText": "If your stock horn is shy, get this to help you not get run over by a SUV. Its not super loud, but loud enough. I put this in my 2002 Toyota corolla.", "summary": "Beep beep.", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A3BQK2HZH3KLBB", "asin": "B000C1Q6MS", "reviewerName": "BGee", "reviewText": "It works on my Camry very well. The price is good. It's very easy to install.", "summary": "The price is good. It's very easy to install", "unixReviewTime": 1422057600} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "APSMEUO7NEG1B", "asin": "B000BZI4K2", "style": {"Size:": " 1 ea"}, "reviewerName": "Matthew P.Gorski", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1429315200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3VRW095FN4FQN", "asin": "B000BUU5YU", "style": {"Size:": " 30 Feet", "Style:": " 50 Amp"}, "reviewerName": "mike", "reviewText": "works as expected, had to run 2 extension cords to get to power, it was 95 3 days in a row and i had both my ac units running. the cords never even got warm", "summary": "well made", "unixReviewTime": 1441756800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "AJK5F3TV4083E", "asin": "B00029K21G", "reviewerName": "Stamps", "reviewText": "Got these to help with clearance issues for a Honda civic. It helped, but i didn't like the ride. So I rolled the fenders. I ended up putting them on the back of a jeep commander for extra clearance for my trailer. Works great.", "summary": "but i didn't like the ride", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A8C3OZFHPH3A2", "asin": "B000C9S78G", "reviewerName": "CPUDoc", "reviewText": "Old cap had worn seal. Swapped it and no leaks.", "summary": "Works like the original", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "A1P0KEG3IQSGX9", "asin": "B000BRF7QE", "style": {"Size:": " 10.3 Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "good product to seal on rubber roof of RV", "summary": "Five Stars", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A3DAQS0BIGKF09", "asin": "B000C5GAQQ", "reviewerName": "TRP on OBX", "reviewText": "This cap was a perfect fit for my 1998 Volvo, as promised.", "summary": "Good product", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A21V2MMXSB5G4W", "asin": "B0009IQXFO", "style": {"Size:": " 64 oz."}, "reviewerName": "Joe Rob", "reviewText": "You only need to use a little!", "summary": "Suds A", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2014", "reviewerID": "A2GT9IV81SUPTW", "asin": "B0002ILK7M", "reviewerName": "dmacker", "reviewText": "I have found this battery to be reliable.\nIt never fails to start and that's the most important thing to me.", "summary": "Really nice battery", "unixReviewTime": 1402704000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A471122JBOGBB", "asin": "B000ARTZPO", "reviewerName": "Amazon Customer", "reviewText": "Exactly as described.", "summary": "Five Stars", "unixReviewTime": 1418947200} +{"overall": 1.0, "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A3T05FOORNQI18", "asin": "B0009XEJDW", "style": {"Color:": " JD Yellow"}, "reviewerName": "Old", "reviewText": "This doesn't even come close to the color of my John Deere 510C.\nIt's a equipment yellow. Good match for the local school bus.\nWaste of my money.", "summary": "Doesn't match the tractor or backhoe.", "unixReviewTime": 1498608000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 20, 2012", "reviewerID": "A2FAT1KAB9DF3G", "asin": "B00068AJPM", "style": {"Size:": " 32 oz."}, "reviewerName": "Richard Conard", "reviewText": "Works just like the nearly interchangable Meguiar's. Top notch stuff, everything it makes. These two the only brands I use.", "summary": "good stuff, along with meguiar's the best", "unixReviewTime": 1332201600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A2CFMZI37P4HR7", "asin": "B000AMBOI0", "style": {"Size:": " Analog / BT-100"}, "reviewerName": "JOE DERO", "reviewText": "WORKS GREAT.", "summary": "Five Stars", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A1PPOES42H6J9D", "asin": "B0002JMEJ4", "reviewerName": "JOSE E.", "reviewText": "THANK YOU", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A35EE96ZRK8AIB", "asin": "B000CPI5XM", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "JeB @ Amazon", "reviewText": "Running it in a 2005 Civic automatic. Still shifts great with over 100k miles on it. Worth paying for synthetic as far as I'm concerned.", "summary": "Smoooth shifting.", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": false, "reviewTime": "11 24, 2016", "reviewerID": "A59SIIHPVQRZ6", "asin": "B000CAVDKE", "style": {"Style:": " 4PK1010"}, "reviewerName": "Some Random Guy", "reviewText": "Fits. Just what I am looking for.", "summary": "Power Steering Belt for 7th Gen Civic", "unixReviewTime": 1479945600} +{"overall": 1.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A130BMZOKTYO7G", "asin": "B000B8JULG", "reviewerName": "Ford", "reviewText": "does not work right,walmart had 1 cheaper that works", "summary": "makes engine light come on", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A2I745TXXUTMDJ", "asin": "B000E3EWNE", "style": {"Color:": " Red"}, "reviewerName": "John Henderson", "reviewText": "just what i needed. Thanks", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A21QAY936SGOF7", "asin": "B0006GKEIG", "reviewerName": "Erik Grab", "reviewText": "As expected", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A3V2XTL805QFUQ", "asin": "B0002CSQ6Q", "style": {"Color:": " Black", "Style:": " Brushed White KC"}, "reviewerName": "John S", "reviewText": "Great price and great look. I'd rather not have covers on my KC lights, but apparently in Virginia, all lights above the foglights must be covered.", "summary": "This KC's will get you covered!", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "AEHUCO5YRF5PN", "asin": "B0009IK5RG", "style": {"Size:": " 15 Inches, (Pack of 1)"}, "reviewerName": "Gregory B.", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1489363200} +{"overall": 3.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "AFFI6NJW384M8", "asin": "B000BPZ82E", "style": {"Size:": " 1 Gallon (128 Ounces)"}, "reviewerName": "Big Wally", "reviewText": "Had to quit using kept fouling plugs", "summary": "Three Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A1ON1SAS8IY1O7", "asin": "B00029WYBM", "style": {"Size:": " 12.25 Ounce"}, "reviewerName": "KWANG HYUN SONG", "reviewText": "It is pretty easy to spray on my drop-in filter.", "summary": "Five Stars", "unixReviewTime": 1497571200} +{"overall": 4.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A1NQZUV30QJNZK", "asin": "B0002BG6RI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "John R. Nesbit", "reviewText": "Provides a great mounting for non oem equipment. easy to mount, and provides a small \"cubby hole\" to put stuff", "summary": "works for me", "unixReviewTime": 1384387200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A1AUVI49UVJWEX", "asin": "B00068XCQU", "reviewerName": "DJ", "reviewText": "Works great. I use it on my 12v battery for my commercial zero-turn.", "summary": "Works great. I use it on my 12v battery for ...", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A2BWDD0EIGWLUK", "asin": "B000BYEKCY", "reviewerName": "Akram Farwana", "reviewText": "Same original , High quality , Perfect fit my 2006 Equinox", "summary": "Perfect", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A200FKBEWWO68M", "asin": "B000CO9FHS", "reviewerName": "!!!!! C5 !!!!!", "reviewText": "This works. It can be found at any auto parts store, but why waste the gas when you can have it shipped to the house for free. That's why I buy the Prime membership.", "summary": "Works as advertised.", "unixReviewTime": 1415491200} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A3IYREA5JPOMJG", "asin": "B0007RDVD4", "style": {"Size:": " Large"}, "reviewerName": "Jose Madera", "reviewText": "Was expecting better results, but dpes the job. Good product although a little expensive for the results, but if i had to i would buy it again.", "summary": "Good product", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "AIIW7BY11WUOG", "asin": "B000BZEH3U", "reviewerName": "K Swagerty", "reviewText": "1999 Ford Taurus DOHC\nDirect fit for my car, upstream. Took a bit of time to replace the bank 1 sensor but bank 2 takes only a minute.\n\nThese come with plastic caps over the sensor area to keep safe during shipping and a liberal spreading of anti seize compound on the threads.", "summary": "Worked perfect.", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A18ZW6D32U9PW", "asin": "B000ARPVNY", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Michelle", "reviewText": "didnt help my noisy engine, guess it's something else........", "summary": "Five Stars", "unixReviewTime": 1465948800} +{"overall": 1.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A2HKQ70MQJRNSM", "asin": "B000COMX3Q", "reviewerName": "mil", "reviewText": "I have a set of 2006 McGard locks that have not rusted and been on 3 different vehicles so far (Dodge). This set began rusting almost immediately.\n\nobviously not the same quality of steel. sad that what used to be quality has fallen so far.", "summary": "Not what I expected from McGard - rusting", "unixReviewTime": 1391904000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2010", "reviewerID": "A1AKMBM6OMH6V8", "asin": "B0002Z9R0C", "reviewerName": "G. Mac", "reviewText": "Product arrived in a very timely manner. Was as advertised. Very pleased with transaction. Would buy from seller again. Thank you.", "summary": "Wiper blade refills", "unixReviewTime": 1263168000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A3E49MYF64EMS1", "asin": "B0006N5RV8", "reviewerName": "raym", "reviewText": "makes it possible to drain gray water without removing cap", "summary": "Valterra T1020-1VP Black valve cap", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "AMC1XZGIDIDHI", "asin": "B0002SQU9K", "reviewerName": "Andriy I.", "reviewText": "Durable and high quality construction. Works perfectly.", "summary": "Good quality", "unixReviewTime": 1485043200} +{"overall": 3.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A3S96LSBTHRENZ", "asin": "B000CP86ZO", "reviewerName": "Paul Jadlowski", "reviewText": "could be a little better fit on a 2003 Toyota Echo but serves its purpose", "summary": "Three Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A1LK4ALTL0XD1R", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Hopefully Anonymous", "reviewText": "Been using it on my engine coils, works great.", "summary": "works great.", "unixReviewTime": 1444953600} +{"overall": 4.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "AX9IPKGIKLA6T", "asin": "B000BWCFLO", "reviewerName": "hoyt mintz", "reviewText": "OK", "summary": "Four Stars", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2013", "reviewerID": "A39BBEN0QIWXRD", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Joe D", "reviewText": "Battery Tenders are a requirement if you want a recreational vehicle/ collector car / motorcycle battery to last through winter storage. I have used these for several years and can attest to their value.\nI would recommend this product for maintaining battery health.", "summary": "Must have for winter storage", "unixReviewTime": 1378771200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "A39CYLLIR8PM4L", "asin": "B0009OR906", "reviewerName": "S", "reviewText": "I like having a compact tool that works just as well as the screwdriver handle style terminal tools.", "summary": "time and space saver", "unixReviewTime": 1422921600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A3JD7E0QPYXMHV", "asin": "B000BZ52DO", "reviewerName": "fletcher arrington", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A13A4J4T20M9JY", "asin": "B000COC67E", "reviewerName": "Wayne", "reviewText": "Great little roll seat. Been using it everyday for almost a year never broke it", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A119YSLCAGGM25", "asin": "B000AME5J0", "style": {"Style:": " 880"}, "reviewerName": "cheech", "reviewText": "nice light", "summary": "Four Stars", "unixReviewTime": 1448323200} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2YQUMIV4SVPD7", "asin": "B0002SR4Q8", "reviewerName": "Bo", "reviewText": "Nice but does not work with 07 and up Tahoes. Would be nice if it worked. Company satisfied me with refund. If your oil filter is not concealed in a channel on the oil pan, this is a nice tool to have", "summary": "Nice but does not work with 07 and up Tahoes", "unixReviewTime": 1522108800} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "AZV2U6GU5QA6C", "asin": "B00026Z3E0", "style": {"Size:": " 3 Ton", "Style:": " Double Locking"}, "reviewerName": "Amazon Customer", "reviewText": "I saw this product, and it was really worth the Buck!!I I recommend this for your home I think this is the best price on Amazon.", "summary": "BEST FOR THE BUCK!!", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A380YVP2U8KOE7", "asin": "B0006GF5SK", "style": {"Size:": " Pack of 10"}, "reviewerName": "Bob B.", "reviewText": "The best on the market.", "summary": "Five Stars", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "ALY5C7506EQHM", "asin": "B00076RLHW", "reviewerName": "Billy McNeil", "reviewText": "very strong", "summary": "Five Stars", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "A163XDKAWURM8M", "asin": "B000C9G45E", "reviewerName": "Katie", "reviewText": "Exact fit for front and rear brakes on 2005 RAM 2500 w/Cummins.", "summary": "Perfect Fit!", "unixReviewTime": 1460851200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A1YVG8E7Y3755M", "asin": "B000C2S6AM", "reviewerName": "Mr. Nelson", "reviewText": "It was as good or better than the other brand I have used in the past and it works like a champ, Recommended !", "summary": "A very good water pump for the Zetec Motor", "unixReviewTime": 1382745600} +{"overall": 4.0, "verified": true, "reviewTime": "04 9, 2017", "reviewerID": "AHPJMU1QS12TB", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2170"}, "reviewerName": "Roger K.", "reviewText": "Fits and works. No issues. Price is right. No word on durability at this point but if an OE supplier as they claim it should deliver.", "summary": "It'll do!", "unixReviewTime": 1491696000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A2ZO8VYPHYNNO1", "asin": "B000CIPHUI", "style": {"Size:": " 2-Bank Battery Charger", "Color:": " Black/Green", "Style:": " Multi-Bank Battery Charger"}, "reviewerName": "Amazon Customer", "reviewText": "A little on the higher side price-wise, but has been working for years. You get what you pay for.", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A2AJNLI3V5O27F", "asin": "B0000AXNMO", "style": {"Style:": " Pack of 1"}, "reviewerName": "BobLoblawLawBlog", "reviewText": "Rain-X is still the best.\nI've tried all the other glass treatments. I always go back to Rain-X.", "summary": "Rain-X is still the best. I've tried all the other glass treatments", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "A1EEF3UC83LG0S", "asin": "B0009IQZFM", "reviewerName": "vettes4us", "reviewText": "You can't beat this towel for drying your special vehicle, Nice size and doesn't leave streaks. Perfect for our garaged babies and street babies.", "summary": "\"Dry Me ....Please\"", "unixReviewTime": 1450656000} +{"overall": 1.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A2S7PCXVGZEE0N", "asin": "B0002UNON8", "style": {"Size:": " Single"}, "reviewerName": "World Rising Investment Company", "reviewText": "Did not work. Smeared on area used.", "summary": "One Star", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A2AA074VOCYCG5", "asin": "B000AS3D42", "reviewerName": "A. T. Armstrong", "reviewText": "I always like to use OEM filters on my vehicles. Motorcraft oil filters are the last ones made here in the USA.", "summary": "I always like to use OEM filters on my vehicles", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "ACD8IKDBDP4YX", "asin": "B000B5S88K", "style": {"Size:": " 28\" - 29\" Wheel Diameter", "Color:": " White"}, "reviewerName": "Dan Bergander", "reviewText": "Appears to be made better than the original thin vinyl cover and has a good, snug fit.", "summary": "Perfect fit", "unixReviewTime": 1501545600} +{"overall": 3.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A33UUNX1Q9507F", "asin": "B00032KAK0", "style": {"Color:": " Black"}, "reviewerName": "Henry P.", "reviewText": "I was hoping they were a little more heavy duty and i wish they came with black screws to attach them to the truck", "summary": "Good enough", "unixReviewTime": 1474329600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A1QBJE37660PJT", "asin": "B000CIFVD6", "reviewerName": "Joe", "reviewText": "Good quality brake line, would recommend to others.", "summary": "Quality brake line", "unixReviewTime": 1428537600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "AQDWK3VNFDVX4", "asin": "B000CPI5Z0", "style": {"Size:": " 15 Ounce, (Pack of 12)"}, "reviewerName": "Tony", "reviewText": "13mpg on my truck.\n17mpg after 2nd bottle.", "summary": "13mpg on my truck. 17mpg after 2nd bottle.", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2018", "reviewerID": "A3RSLI4QDMQC97", "asin": "B0007KK22E", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "420bass", "reviewText": "Good quality", "summary": "Fit my 2000 crown vic", "unixReviewTime": 1521244800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A3N7HGTKWF3P2N", "asin": "B00075OSC4", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Calljoec", "reviewText": "Great battery", "summary": "Five Stars", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A1JEOZUEZFCU5X", "asin": "B000B68V8G", "style": {"Color:": " Universal Gold"}, "reviewerName": "immanuel perry", "reviewText": "i used this to paint the wheels on my yamaha motorcycle. it has a great finish and super easy to apply.", "summary": "it has a great finish and super easy to apply", "unixReviewTime": 1426464000} +{"overall": 1.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A2KMVUMRH26471", "asin": "B000CMF4UC", "style": {"Size:": " 12-mm X 1.25"}, "reviewerName": "R. Novak", "reviewText": "had them less than 1 year and they are totally rusted out. Would not recommend as they just do not have a durable finish....", "summary": "Would not recommend as they just do not have a durable finish", "unixReviewTime": 1426809600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2017", "reviewerID": "A1A3E105ZLX6ON", "asin": "B000C57W7C", "reviewerName": "Missreadalot", "reviewText": "Moog parts are great!!! Price point was also better than what i could find on any other site. installed on a 1999 Chevrolet Silverado", "summary": "Moog parts are great!!", "unixReviewTime": 1509062400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A24HJ2I94TQURD", "asin": "B00029WVHY", "reviewerName": "D. S.", "reviewText": "can see blind spot now", "summary": "Five Stars", "unixReviewTime": 1488412800} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "A1BZTEHU8KF59E", "asin": "B00062B3U8", "style": {"Color:": " Black Frame/Smoked Lens", "Style Name:": " Foamerz 2"}, "reviewerName": "rob", "reviewText": "Great riding glasses when the sun is out. Now when it rains,find cover you will not see anything.", "summary": "Four Stars", "unixReviewTime": 1442880000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A1EWO6ITTRIYYJ", "asin": "B000C32J86", "reviewerName": "fast eddie", "reviewText": "works right and went in easily", "summary": "ok", "unixReviewTime": 1441497600} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "AJBD274KAEULM", "asin": "B000E24APU", "reviewerName": "DMLR", "reviewText": "Product works just fine. Layer it rather than too much at once. Most difficult part is matching colors. Item came with clear instructions. I'm not sure about using this on a very large tear, but has done well on the items I have repaired.", "summary": "Works. Color matching is hard.", "unixReviewTime": 1477526400} +{"overall": 3.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A1QCCACIBCEHYH", "asin": "B000BGM240", "style": {"Color:": " Polar White"}, "reviewerName": "Shannon", "reviewText": "not much to it Im sure its gonna work", "summary": "Three Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A3IKH73DNS81WI", "asin": "B000C9WL6A", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "EliminatorBB", "reviewText": "Great Product, Perfect Fit.", "summary": "Awesome Product", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A7NAPHYUW1COA", "asin": "B000C9Y16S", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "J.P.K.", "reviewText": "Fantastic filter, as would be expected with the reputable WIX brand!", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "AZ0PMCL9GAWWQ", "asin": "B000E301IY", "style": {"Style:": " Driver Side (LH)"}, "reviewerName": "John D. Brokenshire", "reviewText": "Easy to install and fits like OEM.", "summary": "Excellent OEM replacement", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2017", "reviewerID": "AJTS8F47QBF3L", "asin": "B000CPIH1C", "reviewerName": "Bedouet", "reviewText": "Good expectation and good view and no more blind spot.", "summary": "Five Stars", "unixReviewTime": 1504828800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "AAGIVM86JDWEI", "asin": "B000C9XZJC", "reviewerName": "Scott P", "reviewText": "OMG I have never had my filters filter as this filter filters. MMM. My Taco like.", "summary": "Taco's like.", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A25SELEABPEJPH", "asin": "B0007LZK9S", "reviewerName": "MMHAO", "reviewText": "Fits well, no complaint.", "summary": "Five Stars", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A1GNYZHWZTH3ZF", "asin": "B00062ZNXG", "reviewerName": "Amazon Customer", "reviewText": "fit exactly as i needed it to", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A35T746VES0T7E", "asin": "B000CF6I6I", "reviewerName": "sparky", "reviewText": "Great product easy install very good price and great shipping!!!!!!", "summary": "Outstanding!!!!!!", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A2IM2ODYV4QH1Z", "asin": "B00004YK76", "reviewerName": "AutoRotate180", "reviewText": "Works as intended. No leaks. Good construction. Looks cool.", "summary": "Good construction. Looks cool", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "ANYFQEY63UY7V", "asin": "B000C2E7YQ", "reviewerName": "Skurdlybird", "reviewText": "Fits my 86 CJ7 with 258 perfect getting the old one out was some work", "summary": "Fits", "unixReviewTime": 1428192000} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A1F7UGFZSTMIFC", "asin": "B0000AY6DG", "style": {"Size:": " 10 oz", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Jschwartzott", "reviewText": "Love 3M 5200 for all underwater applications but the 7 day cure time is a bear. Next time getting fast cure product instead.", "summary": "7 day cure time", "unixReviewTime": 1505433600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71QRT96RuQL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71X5HGYn9CL._SY88.jpg"], "overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A11TVZ4CXQ21SE", "asin": "B0002UNOYM", "reviewerName": "John", "reviewText": "This Caranuba brings out deep colors upon waxing your car. I applied a coat of synthetic wax and the caranuba after 24 hours on top to protect the synthetic. Caranuba will break down at about 120 f. And lasts about one month. I did polish these cars before I applied this wax.", "summary": "Nice deep color shine", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2013", "reviewerID": "A3N7JI9UR8EZXC", "asin": "B000CPI5XM", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "John Menard", "reviewText": "Very high quality lube products from Red Line. I use only Red Line and Royal Purple in all of my vehicles.", "summary": "Top quality", "unixReviewTime": 1371859200} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A1ZOZVCNGYXC5Y", "asin": "B000C543EW", "reviewerName": "Amazon Customer", "reviewText": "as good as OEM", "summary": "Five Stars", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A37XRDJTRKH3U1", "asin": "B000CPAW2O", "reviewerName": "Steven S.", "reviewText": "Nice quality tips. Worked nicely on my VW Sportwagen. I ended up having to change the bolts out for my application but otherwise these have held up nicely over the course of 25,000 miles.", "summary": "Nice quality tips", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A3M2C8471R3CQD", "asin": "B0009IQXCM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Charles Senderak", "reviewText": "Very easy to use, excellent product.", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A11ERAC7GIKOZG", "asin": "B000C9RPTI", "reviewerName": "RAM", "reviewText": "Its OEM! Works as advertised and easy to install! The price was good also.", "summary": "OEM perfect", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2017", "reviewerID": "A2N03IA31YYQVX", "asin": "B000CMHVBW", "reviewerName": "Sally Hallgren", "reviewText": "Easy to install. Nice fresh battery", "summary": "Nice", "unixReviewTime": 1507334400} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A27XXDKPWG47JC", "asin": "9539752337", "reviewerName": "Amazon Customer", "reviewText": "This is for the 3\"x5\" sticker, nice quality. I ordered the smaller ones and those were junk, peeled apart after a month.", "summary": "One Star", "unixReviewTime": 1470182400} +{"overall": 3.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A3T6DAWQDXL5DB", "asin": "B0009OR94M", "reviewerName": "David Clark", "reviewText": "Well made, but for adjusting valve/shims, there are not enough different gauges, so you end up with too large a variance in possible gaps.\nI should have got one with more gauges/leaves.", "summary": "Well made, but for adjusting valve/shims, there are ...", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A2F02AZ6FK40IU", "asin": "B000B8LKVY", "reviewerName": "K Peterson", "reviewText": "fit good no problems thanks", "summary": "Five Stars", "unixReviewTime": 1431475200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2017", "reviewerID": "A7CGSHPRW388G", "asin": "B000CIR1QG", "reviewerName": "Alvin M.", "reviewText": "Good replacement part", "summary": "Good part", "unixReviewTime": 1512777600} +{"overall": 1.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "A1G3V9RKYOJZFN", "asin": "B000B6JJUK", "reviewerName": "Sheldon J. Howe", "reviewText": "Only worked for a few months and then died. Would not recommend this product. Bought one from Walmart that is still working fine. Green Slime brand or something like that.", "summary": "Poor quality", "unixReviewTime": 1358035200} +{"overall": 2.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "A3V52UPI8DZMOC", "asin": "B000C2WFA4", "reviewerName": "P. A. Robinson", "reviewText": "Sucks, DOES NOT include a attachment string!\nDoesn't deal very well !\n\nTerrible product", "summary": "Trash, do not buy", "unixReviewTime": 1503360000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A38XYO1S5747MY", "asin": "B0006IX7WY", "style": {"Size:": " 16 Inches - 28 Inches", "Style:": " Double Refrigerator Bar"}, "reviewerName": "Crabber", "reviewText": "Got us to Alaska an back with no problems in fridge", "summary": "Keeps items in place, on the road", "unixReviewTime": 1416528000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "09 4, 2013", "reviewerID": "A3FY4UPQCP0DS1", "asin": "B00062ZH3C", "style": {"Color:": " 20% Limo Black"}, "reviewerName": "Mark", "reviewText": "Installs well, no problems, would buy again if the need arises. A nice shade of smoke color. Highly recommend, not too dark, but dark enough to keep the sunburn off.", "summary": "A great film for the windows", "unixReviewTime": 1378252800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "AV1S632VKK72V", "asin": "B00076QA4C", "reviewerName": "Emmet Hunt", "reviewText": "Use it every day. Super great buy, fits my 2014 Ford Focus Hatchback perfectly", "summary": "Super great buy", "unixReviewTime": 1437523200} +{"overall": 1.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A37ZJL7C6KUPSE", "asin": "B00062ZLZG", "reviewerName": "JM", "reviewText": "This product does not fit a 98 subaru legacy GT with the 2.5 liter engine. The filter is about 3 inches longer. Not sure whats going on with the application compatabilites for K&N but this filter does not fit.", "summary": "Subaru 98 EJ25 2.5 liter engine", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A3M6FAF2D0FKS4", "asin": "B0000AXRH5", "style": {"Size:": " 1 Pack"}, "reviewerName": "Bruce J.", "reviewText": "Great for adding oil and filling the small crankcase fill holes on a motorcycle.", "summary": "Small and adaptable.", "unixReviewTime": 1482019200} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A1TKC84SXR80VB", "asin": "B000C57L64", "reviewerName": "Colts#18", "reviewText": "Shock fit well. No issues installing. Improved ride.", "summary": "Happy", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A342XEOKZPO4OE", "asin": "B000AO7LTY", "style": {"Size:": " 305 mm (for bikes 22\" and over)", "Color:": " Brushed aluminum"}, "reviewerName": "Practical Reviewer", "reviewText": "I bought a cheaper, fancy kickstand on another site, it bent within a few weeks. This is the old tried and true kickstand that holds the bike up, this is what I needed!", "summary": "Good old fashioned tough kickstand!", "unixReviewTime": 1440201600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A141EDT32S4MAD", "asin": "B0002JMLQU", "style": {"Size:": " 2 Ounce"}, "reviewerName": "lyudmyla fisher Lyuda fisher", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61ki3YaVJXL._SY88.jpg"], "overall": 3.0, "vote": "4", "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A1JVI4XKHGFUDC", "asin": "B0002Q7FUU", "style": {"Style:": " Pair"}, "reviewerName": "Casey", "reviewText": "They work for towing when needed, but if you are buying these because you want a tow mirror look, dont. They are honestly pretty ugly looking mirrors.", "summary": "Cheap Solution", "unixReviewTime": 1460073600} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A1W19AW57HHVJL", "asin": "B000CO9U32", "style": {"Configuration:": " Red Filter/HDPE Tube"}, "reviewerName": "Richard Casher", "reviewText": "its ok don't really notice any gas savings", "summary": "Four Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "A3IVFJHREIIX50", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 800mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Richard Cleek", "reviewText": "works good,", "summary": "charge", "unixReviewTime": 1413158400} +{"overall": 2.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "AFOZ6EJK6YL7X", "asin": "B000CFCU0Q", "reviewerName": "Steve Newman", "reviewText": "Only lasted 24 months before the seal started leaking coolant badly out the weep hole.", "summary": "Seal Not Durable", "unixReviewTime": 1479772800} +{"reviewerID": "A393EP3YU7H8C5", "asin": "B000A0EJF2", "reviewerName": "Don Fritz", "verified": true, "reviewText": "What Can I Say Fram Quality When They Are Out Of Motorcraft Air Filters", "overall": 4.0, "reviewTime": "01 4, 2017", "summary": "High Quality Fram Extra Guard", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "A2RC4N654YQXI9", "asin": "B000C9SR90", "reviewerName": "jose f rodriguez", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1520380800} +{"overall": 4.0, "verified": false, "reviewTime": "10 28, 2014", "reviewerID": "A2A6MZ2QB4AE0L", "asin": "B000CQ6DJO", "style": {"Size:": " Light Truck"}, "reviewerName": "Sustainability", "reviewText": "Very fast shipment, not too spend. Not sure how they will stand up by the end of the winter.", "summary": "Four Stars", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A2RI4OTC3PZROS", "asin": "B0009IK5VW", "style": {"Size:": " 26 Inches, (Pack of 1)"}, "reviewerName": "POPPOP", "reviewText": "Great Blade, great price...pops on in a heartbeat...makes all the difference in the world....few things are as noticeable when added to your car like a nice set of new tires...for the ride home anyway and new wiper blades....like HD Windshield now!", "summary": "Great Wiper...ANCO blades....and they won't break the bank either!", "unixReviewTime": 1428451200} +{"reviewerID": "A1SB5WQDQXRCJ8", "asin": "B000CAYTJ6", "reviewerName": "AP", "verified": true, "reviewText": "This belt is so like the original and has a perfect fit! Good price also. The local stores had generic parts and prices double the proce of this one.", "overall": 5.0, "reviewTime": "08 8, 2012", "summary": "Serpentine Belt", "unixReviewTime": 1344384000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A3FP9J7ON32OJQ", "asin": "B000AP6RCA", "reviewerName": "R. Calan", "reviewText": "The K&N Air Filter is the thing I install in every vehicle I own, over the past 20 years! They are worth the money.", "summary": "Delivers as Advertised", "unixReviewTime": 1375056000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A26Y81E1CSC0CW", "asin": "B000BUOSG6", "style": {"Color:": " White", "Style:": " With Gutter Spouts"}, "reviewerName": "jerry", "reviewText": "Excellent replacement for my Travel trailer", "summary": "Looks much better than the original", "unixReviewTime": 1489449600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A27NGRTT2VXQV", "asin": "B0009N0W6U", "reviewerName": "Keith W", "reviewText": "Cool Blue Light Glow. Works great!", "summary": "Five Stars", "unixReviewTime": 1488931200} +{"overall": 4.0, "verified": true, "reviewTime": "09 27, 2014", "reviewerID": "A3PL43EXIHNF6N", "asin": "B000E2CVI8", "style": {"Color:": " Black"}, "reviewerName": "Lawrence D", "reviewText": "Use for my Honda ST1300. As filters go, seem to be fine. Don`t understand the negative comments on the nut on end. Says on the packaging it is for use to remove and is easier to use than a strap wrench. One of the reasons I buy it.", "summary": "Good Product", "unixReviewTime": 1411776000} +{"reviewerID": "A2OHP300H6O1RQ", "asin": "B000CPIN8E", "reviewerName": "BlakeSTi", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/51rTma2aUkL._SY88.jpg"], "reviewText": "I used these on my S2000, I decided not to use a primer or clear coat in order to get a good bronze color. Worked perfectly, my calipers are dark gold/bronze in color. Would recommened for anyone trying to get a brembo gold color.", "overall": 5.0, "reviewTime": "05 21, 2014", "summary": "Good quality paint, holds up well.", "unixReviewTime": 1400630400} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A8GMP1RQBPWNC", "asin": "B000C822D8", "reviewerName": "Billybob", "reviewText": "got this to replace the old cap on my chevy blazer, it does the job but I have to use 2 hands to loosen it.", "summary": "works but tight fit", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A29N8NWYB67NZP", "asin": "B000C57YMK", "reviewerName": "Daniel G Rybicki", "reviewText": "Perfect fit, easy to install, thank you.", "summary": "Five Stars", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A3HSZVDYGVBCLS", "asin": "B000BZ969U", "reviewerName": "jeff", "reviewText": "Just installed so far awesome\nDoes not come with the wheel hub bolts", "summary": "definitly worth it", "unixReviewTime": 1455753600} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A3H9BZ7F8XC9NB", "asin": "B0002NRIKA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Mr. Romig", "reviewText": "Great no problems Real deal", "summary": "Four Stars", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2315F2F0V99I0", "asin": "B000E28C7M", "style": {"Color:": " Black"}, "reviewerName": "babygorilla", "reviewText": "It filters oil. The nut on the end makes it the easiest to remove. Why the rest of them don;t do this I have no idea.", "summary": "It filters oil. The nut on the end makes ...", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A15MH9K33HJ3YN", "asin": "B0002SQTZ0", "style": {"Style:": " 1500 Amp"}, "reviewerName": "M. Nanocchio", "reviewText": "Works every time I need it.", "summary": "Does the job", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A1EU3UQGFIJKRN", "asin": "B000E2AR6G", "reviewerName": "Zoart", "reviewText": "This is the correct filter for my TW200 with proper holes in base.", "summary": "Five Stars", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A1M82J0Z0QGRRJ", "asin": "B000BRQ0TW", "style": {"Size:": " 1 Pack"}, "reviewerName": "ronnie vanderboegh", "reviewText": "worked well.", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "AR9N3CZ06G99C", "asin": "B000COS0PG", "reviewerName": "Amazon Customer", "reviewText": "Simple and solid construction.\n\nNot too much to this product, but it works as intended and will last.\n\nI purchased this, as the product I had before was too slow as the inner diameter was too small for airing my Jeep's 30\" tires. This product works great.", "summary": "Good simple product that will last", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A3GR3E7YJXYEDT", "asin": "B000BO9CSQ", "reviewerName": "Eric Gumpher", "reviewText": "Thanks for making this great products. They used to be common but are hard to find now for some unknown reason.", "summary": "Thanks for making this great products. They used to be common but are ...", "unixReviewTime": 1472774400} +{"reviewerID": "A3G7PZD47BNM2Q", "asin": "B000CAYTJ6", "reviewerName": "MJ", "verified": true, "reviewText": "cant go wrong with bando. This belt is made well and will last as long as it should.", "overall": 5.0, "reviewTime": "03 12, 2016", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A3ERYJZNPWTOFG", "asin": "B00004YK76", "reviewerName": "Abel", "reviewText": "I use mine for homemade penetrating fluid, I work on a lot of rusty vehicle's. the store bought stuff just don't work enough.(might need pliers to tighten hose my wouldn't stay by hand).", "summary": "good", "unixReviewTime": 1493164800} +{"overall": 4.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A1FPZHZ1EJ7ZR2", "asin": "B0002SR4Q8", "reviewerName": "J. Schaule", "reviewText": "Did a great job removing my hard to get to Trailblazer oil filter, which for some reason was torqued on tighter than some cylinder head bolts I have removed.", "summary": "Did a great job removing my hard to get to Trailblazer oil ...", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2016", "reviewerID": "AVQ8YB70Z24RX", "asin": "B000BZI150", "reviewerName": "M. Eaton", "reviewText": "Works and fit as described.", "summary": "Five Stars", "unixReviewTime": 1452470400} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A2Y1RKYGJ7IHDJ", "asin": "B0006IX7Y2", "style": {"Size:": " 20 Feet"}, "reviewerName": "Dwayne Bell", "reviewText": "GREAT", "summary": "Four Stars", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "AWS0KJPOS48MJ", "asin": "B000C5HXLM", "reviewerName": "TFS", "reviewText": "You wouldn't think it would matter but it does. These wiper blades are the best I've used. I'll be ordering again.", "summary": "You wouldn't think it would matter but it does.", "unixReviewTime": 1429747200} +{"reviewerID": "A3GJ8R0MR3M2GQ", "asin": "B000CO7AV6", "reviewerName": "Mike", "verified": true, "reviewText": "Worked as the dual-filament brake light bulb on my 2000 Toyota Camry. Went in nice and easy.", "overall": 5.0, "reviewTime": "08 13, 2015", "summary": "Fit my 2000 Toyota Camry as the tail light & brake light combo bulb.", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A1PU1USTR1X9UT", "asin": "B000DN7T3A", "reviewerName": "Maximammx", "reviewText": "Works as expected. Great price. Installation is straight forward. I replaced my stock horn on my Sprinter van. Anyone who has a Sprinter knows stock one is a joke.. this sounds way better now.", "summary": "Great price. Installation is straight forward", "unixReviewTime": 1448323200} +{"overall": 4.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "A28OVHZLHNCKQD", "asin": "B000E3BVSI", "reviewerName": "Frequent shopper", "reviewText": "A little short and definitely not flush with the tape but they work. I wouldn't buy again though...I'm under coating my jeep and just gonna peel these up and do that area too.", "summary": "Not worth the money...", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A3J2YDXZBOIPFQ", "asin": "B0002SQTJQ", "reviewerName": "Jason", "reviewText": "This hose performed exactly as I would expect it too. Perfect replacement for the worn out hose on my portable frame machine.", "summary": "Gets the job done", "unixReviewTime": 1409443200} +{"overall": 3.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A3HHQYG4CW5HP", "asin": "B0006IX7YW", "reviewerName": "fred", "reviewText": "We'll see after I use it.", "summary": "Three Stars", "unixReviewTime": 1443484800} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A3U2XCKZTY0KQU", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Do It Yourselfer", "reviewText": "Good product easy to use.", "summary": "Four Stars", "unixReviewTime": 1452211200} +{"reviewerID": "AXBFV13J393ZT", "asin": "B000C2WF0E", "reviewerName": "D. Harris", "verified": true, "reviewText": "Works as advertised.", "overall": 5.0, "reviewTime": "05 23, 2015", "summary": "Five Stars", "unixReviewTime": 1432339200} +{"overall": 1.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A1U1TOZ28IVA3J", "asin": "B000C9QU5I", "reviewerName": "Donn T. Taylor", "reviewText": "The 34 mm socket they suggest you buy DOESN'T FIT!!! Too small. I just wasted a morning...should be 36 mm socket", "summary": "Socket doesn't fit!", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "AYIH1VQVG5NG8", "asin": "B0000AY3SR", "style": {"Size:": " 10 oz"}, "reviewerName": "Mark & Andy VanOsdol", "reviewText": "It Works,", "summary": "Great product", "unixReviewTime": 1505088000} +{"overall": 4.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A1XKHWOG7OLEXM", "asin": "B000C5G43A", "reviewerName": "L boy", "reviewText": "fits like a glove", "summary": "Four Stars", "unixReviewTime": 1470268800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "AU8QUQ82570BF", "asin": "B000C9OZ3C", "reviewerName": "Terry", "reviewText": "Great plugs. Installed now for about 6 months and still doing fine. I like that they are much cheaper than the parts store.", "summary": "Great plugs. Installed now for about 6 months and ...", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A29DWV48U5NZMF", "asin": "B000C9TD2K", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Rick I", "reviewText": "Wix make the best filters. Amazon has the best prices. Period", "summary": "Five Stars", "unixReviewTime": 1428883200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A1M26ISVI9531G", "asin": "B000778LCU", "style": {"Size:": " Quantity 1"}, "reviewerName": "Doug S", "reviewText": "works great on my B&W 5th wheel hitch", "summary": "Four Stars", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "ASBNPQ9TKYEJQ", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK1890"}, "reviewerName": "Phant", "reviewText": "Truck is still running a month later.", "summary": "Five Stars", "unixReviewTime": 1512950400} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2011", "reviewerID": "AYXTSNKYSMAQH", "asin": "B000BZEHZ8", "reviewerName": "Him and Me", "reviewText": "Part was a direct fit. Cable was correct length and seems to perform as expected. Replaced all four when replaced cats.", "summary": "nice part", "unixReviewTime": 1320969600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A30RRMTQPMCIHH", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Danny U.", "reviewText": "Great deal for the good stuff.", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2013", "reviewerID": "A2KS8DFL1DDL0O", "asin": "B000E4JLM0", "reviewerName": "AmeriSAbritt", "reviewText": "This Tailgate Bezel looks the same as the OEM product, but does not fit the same. It only takes a minute to fit but does not sit flush in the handle recess. There is at least a 1/8\" gap all the way round.", "summary": "Looks like OEM Bezel", "unixReviewTime": 1382918400} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A3BPED0TKRGXHU", "asin": "B0002H335A", "style": {"Size:": " 3 Ton"}, "reviewerName": "Paul L.", "reviewText": "Doesnt seem like itll give up and kill me.", "summary": "Four Stars", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "AV48FGZHQAJ08", "asin": "B0009IQYBC", "style": {"Style:": " Extra Guard"}, "reviewerName": "The Elliott's", "reviewText": "Fram is still the best!!", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A284P4AGTN2Q98", "asin": "B000B7TFIK", "reviewerName": "chas w", "reviewText": "Twice the plug quality than originally shipped with my new Craftsman mower (RC12YX)!", "summary": "Five Stars", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A1E0WDZ0CNE58Y", "asin": "B000C9QEF4", "reviewerName": "JPM", "reviewText": "Quality factory oil filter for 2002 Duramax diesel.", "summary": "Quality oil filter", "unixReviewTime": 1461974400} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A16G5IT5RSG9BX", "asin": "B000BGK1ZM", "style": {"Color:": " Blue"}, "reviewerName": "Dan Harper", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1414022400} +{"overall": 3.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A2VHNK9KG4FN9F", "asin": "B000A0CAJE", "style": {"Size:": " 1 Filter"}, "reviewerName": "J.R.", "reviewText": "This filter was a bear to get in. I don't think it was exactly like the original", "summary": "Fit, but not without effort", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A3IT6NE41Z2AU4", "asin": "B0002YE2S0", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "tylor", "reviewText": "Works well", "summary": "As described!", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A1QPIZHKRY0V3O", "asin": "B0000AY9W6", "reviewerName": "Lawrence E. Blake", "reviewText": "these r good and is what I need for the camper...even if they break down a little it's plastic...lol", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 3.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "AJUW3WPIQ1FP5", "asin": "B000COBCF6", "reviewerName": "Nikos C.", "reviewText": "IS NOT A BAD PRODUCT", "summary": "Three Stars", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": false, "reviewTime": "02 1, 2012", "reviewerID": "A3LDSDZEFXAX8L", "asin": "B0002Q7C3A", "reviewerName": "puppy people", "reviewText": "simple function, does what it should. only thing you might maybe want to consider is that the color is not black, at least mine wasn't, it was blue.", "summary": "misdescribed, but who cares with this", "unixReviewTime": 1328054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2014", "reviewerID": "A144V4A892P91U", "asin": "B000CLQNVM", "reviewerName": "Eric Lee Elliott", "reviewText": "Appear to be same as original shoes in 2000 Silverado LT 2500HD.\n\nDid not install new shoes, originals had >90% lining and no corrosion. Living 500' from salt water, I appreciate things that survive being here.", "summary": "Identical to OEM brake shoes", "unixReviewTime": 1391212800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "ADOYEAWC0252", "asin": "B000C5YCZ2", "reviewerName": "Ignacio C Alvarez", "reviewText": "Worked perfect. Delivered in a timely manner.", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "APTPT0R2IBIZ2", "asin": "B000BGM7QS", "style": {"Size:": " Quantity 1"}, "reviewerName": "pete", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A3LNDCAIKZGEC8", "asin": "B0002Q80GS", "reviewerName": "Sawduster", "reviewText": "Nice to have both style receptacles at the hitch. Great instructions make installation simple", "summary": "Five Stars", "unixReviewTime": 1472342400} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2017", "reviewerID": "A1I3K842XZ7AQC", "asin": "B0002SRCMO", "reviewerName": "Alan A Abt", "reviewText": "does the job", "summary": "Four Stars", "unixReviewTime": 1501891200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A18EJTIM3YRV2I", "asin": "B000CN5QG8", "reviewerName": "Don", "reviewText": "This is a great product. I purchased a 2015 F150 and installed a cap. This seals up the tail gate to keep the dust out. Easy to install.", "summary": "This is a great product. I purchased a 2015 F150 and installed ...", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A3H3C5HR0DHJ5D", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 0.5 oz."}, "reviewerName": "Jerry M.", "reviewText": "Permitex is always a good product", "summary": "Five Stars", "unixReviewTime": 1425772800} +{"overall": 4.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A15TTUXQTHBY7N", "asin": "B000BLGPFM", "style": {"Style:": " H3"}, "reviewerName": "Melissa Keen", "reviewText": "Just what I needed for my 2003 Toyota Corolla. Might be helpful to watch a youtube video to install. Mine was easy...remove one nut inside the bumper and the whole light came out the front.", "summary": "Buy a spare and throw it in the glovebox", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2017", "reviewerID": "A13TAZ7Q42ZMOU", "asin": "B0007M1ZGE", "reviewerName": "Randy Adams", "reviewText": "fit perfect on my trailer house to add a cargo carrier.", "summary": "Five Stars", "unixReviewTime": 1506124800} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2011", "reviewerID": "A1Y24YQH1XRKNE", "asin": "B0009TAOBW", "reviewerName": "N.C. Liberg", "reviewText": "Nice, solid hitch ball that I feel will hold up for many years. One star was docked because it was made in china.", "summary": "Solid hitch ball", "unixReviewTime": 1311206400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A2P35PE024UXU4", "asin": "B000BRCKTG", "style": {"Size:": " Quantity 1"}, "reviewerName": "Wade Williams", "reviewText": "Perfect match", "summary": "Good price on oem filter", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A1XMERY7AWO856", "asin": "B000CIFN02", "reviewerName": "Steven", "reviewText": "Was exactly what I was looking for fit like it was suppose to", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2010", "reviewerID": "A2FR941UGMB7O9", "asin": "B000COO9LK", "reviewerName": "Richard A. Spandau", "reviewText": "lift supports s s s s s ss s s s s s s s s s s s s sssssssssssssssssssssss ssssssssssssss sssssssssssss", "summary": "good", "unixReviewTime": 1291334400} +{"overall": 3.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A1NQL8OGAH0MSB", "asin": "B0006302MM", "style": {"Style:": " Protectant"}, "reviewerName": "Jose De Sousa", "reviewText": "It's a cleaning product like other can you find at supermarkets", "summary": "Three Stars", "unixReviewTime": 1447286400} +{"reviewerID": "A2LAVNGKAIM4ZK", "asin": "B000C7XRLK", "reviewerName": "pfc27m", "verified": true, "reviewText": "Fixed the evap error on 97 Dodge 5.9 l truck. It I nice to b able to buy parts online.", "overall": 5.0, "reviewTime": "05 29, 2013", "summary": "great buy", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A3KKMR2NISUND4", "asin": "B0007WTE08", "reviewerName": "AmznCust", "reviewText": "Very high quality roller. Won't find something like this at a big box store.", "summary": "Won't find something like this at a big box store", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "A1LWN7LYMAW49D", "asin": "B000E28C7M", "style": {"Color:": " Black"}, "reviewerName": "Joss", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A32PRHTNAEHTQE", "asin": "B0002JMYKS", "reviewerName": "Bubba", "reviewText": "Tools have worked good, handle looks inexpensive but have had no problems.", "summary": "Weather pack Tools", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A14KB4XLE3P51B", "asin": "B000AS3D3S", "reviewerName": "Michael R.", "reviewText": "Great value and excellent performance. Exactly the kind of replacement I needed to get my vehicle to pass emissions testing.", "summary": "Great value and excellent performance.", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A2CDCD4WT12QAC", "asin": "B000CQOIVO", "reviewerName": "Royce Miller", "reviewText": "Excellent Product.", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A25VANFDGOZV5R", "asin": "B000C543BU", "reviewerName": "lmphillips", "reviewText": "Beefy pitman arm! Works great", "summary": "Beefy", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A2LE59P7QR8440", "asin": "B000CKRJ7K", "reviewerName": "GUILLERMO GUTIERREZ", "reviewText": "Item delivered on time, was as described", "summary": "Five Stars", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2014", "reviewerID": "A2W33060HTLP0F", "asin": "B000C5HJ3O", "reviewerName": "Jake", "reviewText": "It's an OEM part so it does the job. Installed on my '99 Lincoln TC with 100K miles and it was time to replace. Quick and easy to install although you may have to also replace the small piece of hose. Engine runs fine.", "summary": "Does the job", "unixReviewTime": 1394755200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2013", "reviewerID": "A1XI19A08P2YDY", "asin": "B000CN5QG8", "reviewerName": "Paul", "reviewText": "Easy to cut and install on your truck tailgate, and keeps out the rain and snow. It makes a nice tight seal and works well with my Tourneau cover.", "summary": "Does its job", "unixReviewTime": 1386115200} +{"overall": 2.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "A2Y5LD44RYVBU7", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Ron", "reviewText": "just ok", "summary": "Two Stars", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "ACKRTH8O7DS2I", "asin": "B000C9MX4U", "reviewerName": "mpp001", "reviewText": "Great Value!", "summary": "Five Stars", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A1RUCBU1Q7HCLV", "asin": "B0009IQXG8", "style": {"Size:": " 14 Ounces"}, "reviewerName": "Scott K.", "reviewText": "I love this stuff", "summary": "Five Stars", "unixReviewTime": 1451088000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A20LAT7Q24VP3G", "asin": "B000E4JLM0", "reviewerName": "Amazon Customer", "reviewText": "Fit on the truck perfect", "summary": "Looks good", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A2QFTZIE64CK7", "asin": "B00065T19U", "style": {"Size:": " 0.3 Cubic Centimeter"}, "reviewerName": "joseph noel", "reviewText": "does the job excellently.", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "ASFDP3KJ52DU3", "asin": "B0007M1ZGE", "reviewerName": "Badbri", "reviewText": "This is the best made hitch set-up of this style, period. Little overkill and expensive but the only one I would buy. It will last a lifetime.", "summary": "The Best One", "unixReviewTime": 1487635200} +{"overall": 4.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "APAUSBRSBLV69", "asin": "B000COXNW6", "reviewerName": "Dan Kahookele", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2017", "reviewerID": "AQMBGUNQHFETQ", "asin": "B0000AXNJS", "style": {"Size:": " Single"}, "reviewerName": "johnathon", "reviewText": "Great polish works good on chrome and nickel plated guns for a good shine", "summary": "Five Stars", "unixReviewTime": 1506470400} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A2RHFV9SSO61U", "asin": "B000BQP5DA", "reviewerName": "ESABATM", "reviewText": "Looks good will probably put on a c-clamp to help the one pressed on, just me.", "summary": "Warn 15236 replacement wire winch rope.", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "AZKFIZ5IESLW3", "asin": "B00029WYBM", "style": {"Size:": " 12.25 Ounce"}, "reviewerName": "penny english", "reviewText": "Great Product!", "summary": "Great Product!", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2016", "reviewerID": "A2YR95EGVAP0QG", "asin": "B000C2UAHY", "reviewerName": "sookkyung park", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1459468800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A1SJU7LEFRQIJ2", "asin": "B000C9UJ14", "reviewerName": "Amazon Customer", "reviewText": "Should have replaced these earlier. Fit perfect", "summary": "1999 Mercedes E430", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A5TJ4XTS28D1H", "asin": "B00029WSZ4", "reviewerName": "Charles", "reviewText": "Very good mirrors for the price. Originally bought them for my 77 F150. Won't fit right, but, luckily they fit my 68 F100.", "summary": "Very good mirrors for the price", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "A3D3MBLFZVPN30", "asin": "B000BGOFCC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Dan A.", "reviewText": "We have several trailers so these work very well", "summary": "Five Stars", "unixReviewTime": 1503446400} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "A234JYYUTX2ZZ7", "asin": "B0000AXDTL", "style": {"Size:": " 7/32 Inches x 25 Feet"}, "reviewerName": "JB", "reviewText": "It fits my application just fine.", "summary": "It is everything I had dreamed it could be", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": false, "reviewTime": "10 2, 2014", "reviewerID": "A3GPSVMN4FTZN4", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "M Em Carrier Texas Tuff", "reviewText": "Makes your K & N like new, make sure you follow instructions.\n\nTry not to get it on your skin, wear gloves.", "summary": "re-charge and clean your K&N.......", "unixReviewTime": 1412208000} +{"overall": 2.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A10Y2GSFUWY2NX", "asin": "B000CP86WM", "reviewerName": "David Hoffmann", "reviewText": "Not universal", "summary": "Two Stars", "unixReviewTime": 1496188800} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "AVMBN388XJRP9", "asin": "B000C59KIQ", "reviewerName": "Samuel Locke Jr", "reviewText": "Works great. Took care of my car's sagging problem.", "summary": "Four Stars", "unixReviewTime": 1459987200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71AW20enH7L._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A3J0FL6KQ8IEJD", "asin": "B000COMX3Q", "reviewerName": "MEA", "reviewText": "Slightly larger than the stock 2015 2 door Willys lug nuts (pic), but they don't stick out too bad...", "summary": "Looks good...", "unixReviewTime": 1415491200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "ABODTODRWTUMH", "asin": "B000E4JLM0", "reviewerName": "Cricket", "reviewText": "Went in with no problems. Looks good.", "summary": "Looks good.", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "ASO5ZPEHJ091B", "asin": "B0002U1TVW", "style": {"Size:": " 12 oz."}, "reviewerName": "Richard Deming Jr.", "reviewText": "AMAZING AWESOME WAX....~!!", "summary": "Five Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A10KFUV6WTHZF", "asin": "B000CHH69E", "reviewerName": "Poky", "reviewText": "Put it on the civic and it's working just fine.", "summary": "Good plug for the civic", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A1QVN41WWE1OSX", "asin": "B0006IX7Y2", "style": {"Size:": " 15 Feet"}, "reviewerName": "Danial Kelly", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1459382400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71V3MrTIGNL._SY88.jpg"], "overall": 4.0, "vote": "7", "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A1LNSO8D74S5XA", "asin": "B000CHIWIS", "reviewerName": "Treat others w respect", "reviewText": "The Fram air filter arrived quickly and the for was perfect for 2005 Volvo S60. Though the quality is not as good as Volvo OEM part. Pls refer to picture. The number of pleats air filter count is less than OEM part.", "summary": "Quality is good, but not as good as OEM part.", "unixReviewTime": 1448064000} +{"reviewerID": "A15M3OMZZN8KND", "asin": "B000CAYTJ6", "reviewerName": "Marc Czarnecki", "verified": true, "reviewText": "Awesome value. My 2005 Honda Odyssey and I are very happy.", "overall": 5.0, "reviewTime": "03 12, 2017", "summary": "Serpentine belt value", "unixReviewTime": 1489276800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A2TPKD5VTRBT3V", "asin": "B00029J3KM", "reviewerName": "v10pogey", "reviewText": "These things are awesome. I put them on 7 years ago and they are still truckin. They are easy to install. I did have to paint them once because the heat removed all the paint, but that was also easy.", "summary": "These things are awesome. I put them on 7 years ago and ...", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A177CUB1PKADSG", "asin": "B000BXOGMY", "reviewerName": "BPM", "reviewText": "This is a great price for small engine oil, I saved over 60% from best retail store prices I could find!", "summary": "This is a great price for small engine oil", "unixReviewTime": 1405036800} +{"overall": 4.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A25G94KAQ3TKZU", "asin": "B000C9SR90", "reviewerName": "R&amp;R", "reviewText": "Perfects replacement part", "summary": "Four Stars", "unixReviewTime": 1501459200} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A1SHP5WYRKXDE7", "asin": "B000CCFY5W", "style": {"Size:": " Pack of 1"}, "reviewerName": "P. Comella", "reviewText": "Gets the job done. Easy to use.", "summary": "Good Price", "unixReviewTime": 1448755200} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "A3LLCI669X8OV1", "asin": "B0000TMLWQ", "style": {"Size:": " 1 Pack"}, "reviewerName": "JGfromSTL", "reviewText": "I had to use Youtube to see how others used this. I need up using this with a breaker bar and turning the starter over to get it free. I don't recommend this but watch videos if needed.", "summary": "Worked.", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "AG9FI2KJBS78K", "asin": "B0007XVWWU", "reviewerName": "AKRANGER", "reviewText": "Works and much cheaper than an RV dealer. Easy to install.", "summary": "WORKS", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "A36NRCJ7QKU730", "asin": "B000BL2Z2Y", "style": {"Style:": " Driver Side"}, "reviewerName": "Bliss A Olsen", "reviewText": "bought for a friend", "summary": "Five Stars", "unixReviewTime": 1450051200} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A2LO42WP1BE2TT", "asin": "B000BRQ0TW", "style": {"Size:": " 1 Pack"}, "reviewerName": "Mark Opti", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A1OZTNDC0KZX01", "asin": "B0009IR0FG", "style": {"Style:": " Tough Guard"}, "reviewerName": "James Hunt", "reviewText": "keeps the oil in", "summary": "Five Stars", "unixReviewTime": 1406419200} +{"overall": 5.0, "verified": false, "reviewTime": "01 31, 2013", "reviewerID": "A1XPK2WIF54ZZG", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Corey Rice", "reviewText": "This tender works great. I have one on every battery in my garage. They are always ready to go. I would recommend this product.", "summary": "Great product", "unixReviewTime": 1359590400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A349X7T3LMV0XF", "asin": "B000CPCBEG", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Dave", "reviewText": "Red Line... what can I say", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"overall": 3.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A0009478CBXKUCALUC7U", "asin": "B000182ESM", "reviewerName": "Kyle Crawford", "reviewText": "wish there was a screw for the middle of the shield... it vibrates due to only 4 screws, but works. would recommend adding an extra screw to it", "summary": "would recommend adding an extra screw to it", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2013", "reviewerID": "AZW92UFDKLXKJ", "asin": "B000E28MTA", "style": {"Color:": " Chrome"}, "reviewerName": "FO", "reviewText": "I mistakenly purchased the 170C but exchanged for the 174C. Both filters are the same but for different bikes. K&N makes a quality filter, the added bolt at the top of the filter helps with tightening, and the chrome looks great.", "summary": "oil filter", "unixReviewTime": 1368489600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "ASEO2H2VOSFXR", "asin": "B000C543GK", "reviewerName": "Bill", "reviewText": "So far it fits and fixed my death wobble. Moog has never let me down. I used OTC 8150 Conical Pitman Arm Puller and it worked like a champ. I did have to unsecure the gear box to get the puller to fit.", "summary": "Fixed my death wobble", "unixReviewTime": 1410566400} +{"overall": 2.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "AZ27ZG8BTXPE9", "asin": "B0007KK22E", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "wise derriere", "reviewText": "It seemed to be good quality but it does not fit a 2005 Ford Explorer although the description said it does...it lacks the side mounting bolt tabs.", "summary": "Dash Kit", "unixReviewTime": 1421193600} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A3BXNYIYK9B2YC", "asin": "B0007M1ZGE", "reviewerName": "douglas g rodriguez", "reviewText": "Well-constructed had to use a rubber mallet to get it on the bumper the welding was a little off but other than that great", "summary": "Well-constructed had to use a rubber mallet to get it ...", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": false, "reviewTime": "12 1, 2017", "reviewerID": "ADF98HIVUHZN", "asin": "B00032K9RO", "style": {"Color:": " Chrome"}, "reviewerName": "Rebecca", "reviewText": "great product at great price", "summary": "awesome", "unixReviewTime": 1512086400} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2017", "reviewerID": "AOSJ6R51HPC7X", "asin": "B0002Q81WG", "style": {"Size:": " Quantity 1"}, "reviewerName": "robert selucky", "reviewText": "Did not fit CURT 55243 needed to drill a couple new holes, besides that it worked fine.", "summary": "besides that it worked fine.", "unixReviewTime": 1501891200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A1RPEPE9WSTLZU", "asin": "B000CSGX9C", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "MARY ANN GREEAR", "reviewText": "WORK GREAT IN MY ATV!!!", "summary": "GREAT REPLACEMENT PLUG.", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2016", "reviewerID": "A2BDN8IHZ0DNAF", "asin": "B000BGHY3E", "style": {"Size:": " 3 Inch"}, "reviewerName": "Amazon Customer", "reviewText": "Added this at the waste end because one of the inner valves didn't hold.", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "A2BKNA49NH8ZBG", "asin": "B000CQFPYI", "reviewerName": "Amazon Customer", "reviewText": "Not quite the same as what was on my truck originally, it had a metal band around the outside. but it works just the same.", "summary": "Not quite the same as what was on my truck ...", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "ANBY1CJD39RUU", "asin": "B000CB6D0S", "reviewerName": "Amazon Customer", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A10ATBCYS6ERXN", "asin": "B000BGM240", "style": {"Color:": " Polar White"}, "reviewerName": "Diemachine", "reviewText": "exact replacement", "summary": "Five Stars", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A2Y2TEO2LJYVTT", "asin": "B000COU6OY", "reviewerName": "Screenflot", "reviewText": "perfect fit and function", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "A1TU0DHZQ2H4PU", "asin": "B000CNB4U0", "reviewerName": "Parker", "reviewText": "Had a ridiculous clunking noise and figured it to be the front sway bar bushings. Sure enough these did the trick. Such a quiet ride now.... WAHOO!!", "summary": "FIXED THE ANNOYING CLUNK", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A2LU9331R1FXV7", "asin": "B000CO9NUW", "reviewerName": "Brandon", "reviewText": "Worked perfectly measuring my dual electrode plugs in my 4runner. Coin style gap gauge wouldn't do the trick for the rounded tips.", "summary": "Good, works when others may not", "unixReviewTime": 1418688000} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "A2R5D798XB58TY", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "chago", "reviewText": "Works great", "summary": "Four Stars", "unixReviewTime": 1429315200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "AFEX7HG4G1MDL", "asin": "B0002X520S", "style": {"Color Name:": " No Color", "Size Name:": " 4 Ounces"}, "reviewerName": "JM", "reviewText": "WOW! Before and after use are significantly different. Works great", "summary": "Great product", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A32TWWRL583KLW", "asin": "B000BUU5Y0", "style": {"Style:": " Large Wheel Stop"}, "reviewerName": "It's Chuck Norse", "reviewText": "These are way better than their old metal counterparts, used them last 4th of July and had no problems!", "summary": "Great product!", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A2O9EJ1LWNQXAS", "asin": "B000182ESM", "reviewerName": "Kathy Z", "reviewText": "Fit perfect and nice quality !", "summary": "Perfect!", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "ABJ1SBKLCNCAN", "asin": "B000CQHUZK", "reviewerName": "Justin M.", "reviewText": "Awesome clamps! Sealed up my exhaust joints perfectly, with no crimping or leaks. Totally recommend this style of clamp.", "summary": "3\" OD - 3\" ID clamp", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A16DF27KIBBW2G", "asin": "B000E28MTA", "style": {"Color:": " Chrome"}, "reviewerName": "Giesterfarher", "reviewText": "Great filter, as always. I've run nothing else since I bought the 2004 XL1200C Sportster back in 2007. 66,000 miles later an never and issue.", "summary": "Great filters", "unixReviewTime": 1470787200} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A1FD2RKB01C9DG", "asin": "B000BNH0I6", "reviewerName": "Dave", "reviewText": "Nice", "summary": "Four Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A29IVER30J2WB1", "asin": "B000B68V8G", "style": {"Color:": " Ford Red"}, "reviewerName": "Terry A. Wright", "reviewText": "Quick turn-around and good quality product. Exactly what I wanted; thank you!", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2016", "reviewerID": "A2UCB92JD134SO", "asin": "B000B8JUNY", "reviewerName": "D. Purciel", "reviewText": "Worked out great. No more check engine light. I'm used to using dealer only replacement parts, but for the price I had to try this and it has been working great with no issues at all.", "summary": "Great replacement part.", "unixReviewTime": 1472601600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A2F3OWGA2DOKF5", "asin": "B000C3XD90", "reviewerName": "Danil", "reviewText": "always the best if you're going to run 15k miles between oil changes", "summary": "Five Stars", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "A30DESW5VUMWG1", "asin": "B0009NUG66", "style": {"Size:": " 18 Cubic Feet"}, "reviewerName": "Kelvin &amp; Tara Gardner", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A2YSYVMT6NM0F4", "asin": "B000C848Q2", "reviewerName": "Anthony", "reviewText": "Kept my engine cool all summer in Arizona. Currently I took it out because the weather is back just under hellish conditions but I will be buying again next summer! ANd yes it is possible to buy a bad thermostat.", "summary": "Does its job.", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A1JFFO4RXGPZD3", "asin": "B000C9SRD6", "reviewerName": "DLP L", "reviewText": "Well priced thanks.", "summary": "Five Stars", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2013", "reviewerID": "A1OTAUAMWP0XGA", "asin": "B0002Q7FUU", "style": {"Style:": " Pair"}, "reviewerName": "Patrick", "reviewText": "They worked very well. They gave me the little extra I was looking for to allow me to see all the way down the side of my 34' travel trailer. They also helped with being able to see a little bit of what was behind me. I recommend this product.", "summary": "Worked very well", "unixReviewTime": 1367712000} +{"overall": 1.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "A3MXCILUHCDX2K", "asin": "B0007ZAJRM", "style": {"Size:": " 10 oz."}, "reviewerName": "deerkiller", "reviewText": "Didn't do what it claimed. dissapointing.", "summary": "One Star", "unixReviewTime": 1422748800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 2, 2014", "reviewerID": "A3SOCSE4DRP1PM", "asin": "B00029XH36", "reviewerName": "Gravel", "reviewText": "Very happy with this ,having a lot off fun with it .It is us worth the cost works very good", "summary": "Electric Horn", "unixReviewTime": 1398988800} +{"overall": 3.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A12EKOZEIV4LY0", "asin": "B0009W1QHU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Vic", "reviewText": "I was told there is a newer model of this that Best Buy installs. I would look for that one.", "summary": "Old Version", "unixReviewTime": 1461542400} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A2KF4VLCWDXBIB", "asin": "B000BQWHDQ", "reviewerName": "frostyjhammer", "reviewText": "Works as advertised but if you don't turn the elbow into the funnel VERY TIGHTLY it will leak. Only fits in the travel trailer bumper with the two parts disconnected, so every time I use it I run the risk of a leak.", "summary": "Almost perfect", "unixReviewTime": 1432684800} +{"overall": 3.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A5560TMSPZ9QW", "asin": "B000CQOIPU", "style": {"Style:": " 5.25 in Drop"}, "reviewerName": "robert fricks", "reviewText": "perfect", "summary": "Well made", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2017", "reviewerID": "A3R87COH7DY766", "asin": "B0006IX7W4", "reviewerName": "Jomierbm", "reviewText": "Soooo easy to use and lightweight. Wish I had gotten them at the beginning of the season!", "summary": "Easy way to add party lights", "unixReviewTime": 1510617600} +{"overall": 4.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A1LQYKPHG6IJ0M", "asin": "B0008FUH46", "reviewerName": "EveInTexas", "reviewText": "use lubricant on the key, it gets a little jammed after being exposed to rain and humidity but it works well", "summary": "use lubricant on the key,", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": false, "reviewTime": "07 25, 2016", "reviewerID": "AW0W6MQTNLQXJ", "asin": "B000AM8BLI", "style": {"Style Name:": " 3157"}, "reviewerName": "Ankit", "reviewText": "Fits well in my Toyota Corolla 2007 LE", "summary": "Superb item for the value.", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "ANGGNFE8DXGYC", "asin": "B0007ZJ1IK", "style": {"Style:": " 3-in-1 Inflator"}, "reviewerName": "Perspectech", "reviewText": "good quality product, works well, for air compressor hose attachments.", "summary": "good quality product, works well, for air compressor hose attachments.", "unixReviewTime": 1435449600} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A3B790NSGZHE0G", "asin": "B000AMAE36", "style": {"Style:": " H1"}, "reviewerName": "Amazon Customer", "reviewText": "These lights are a little brighter and maybe a little more white than stick bulbs. Definitely not a huge upgrade but a great replacement if your headlight goes out", "summary": "Good replacement bulbs", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A18FJ7NDH502ZZ", "asin": "B0009IR0OW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amy M.", "reviewText": "This stuff is awesome!", "summary": "My tires look great!", "unixReviewTime": 1490486400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 12, 2013", "reviewerID": "A1QO4TBQIFTQBI", "asin": "B00030CYD8", "reviewerName": "Alan Smith", "reviewText": "I've used about a dozen of these on various vehicle cables, and not had a single failure yet. I've even used 2 as terminal ends for a #4 AWG line run to a glow plug relay, and it is very secure.", "summary": "Cheap and easy", "unixReviewTime": 1368316800} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A1J4FLNQ2A35JB", "asin": "B000CO9U32", "style": {"Configuration:": " Red Filter/HDPE Tube"}, "reviewerName": "Troy dettinger", "reviewText": "Good product, easy install", "summary": "Four Stars", "unixReviewTime": 1426291200} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "A19DQZ2RO4M7WU", "asin": "B000CIJ308", "style": {"Style:": " Aerosol"}, "reviewerName": "ANUBIS", "reviewText": "just fine", "summary": "Four Stars", "unixReviewTime": 1450656000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "AP80XWMEB30EQ", "asin": "B000E65NSE", "reviewerName": "Jose Rodrigues", "reviewText": "Used to replace my ignition on my 1993 ford ranger", "summary": "93 ford ranger", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "AVAINNB516Q51", "asin": "B000BUU5Y0", "style": {"Style:": " Small Wheel Stop"}, "reviewerName": "Gary", "reviewText": "Din not fit", "summary": "Five Stars", "unixReviewTime": 1472774400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A18F6RHP0K28PF", "asin": "B00099XKKY", "style": {"Style:": " Tire Foam"}, "reviewerName": "capt ez", "reviewText": "real junk on the can ,it lasts for 2 days.. the best they say is armorall extream tire shine gell,captez", "summary": "the dullest", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A2QKFS4U1MS9Z5", "asin": "1620920263", "reviewerName": "BenjaminJames H.", "reviewText": "Still wish these would come with a CD that had some sort of program to load on a computer and help better identify items.", "summary": "... of program to load on a computer and help better identify items", "unixReviewTime": 1440633600} +{"reviewerID": "A30J791OQS1LU", "asin": "B000CAYTJ6", "reviewerName": "Richard", "verified": true, "reviewText": "OE fitment on 2001 Volvo S60. I used this at my 60k mile interval, it showed some cracking at 156k miles, but I replaced with the same and am happy. Never understood why people went to the \"heavy-duty\" belts for serpentine.", "overall": 5.0, "reviewTime": "07 14, 2015", "summary": "but I replaced with the same and am happy. Never understood why people went to the \"heavy-duty\" ...", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2014", "reviewerID": "A32KUVLFSV58IY", "asin": "B0007NN0ES", "style": {"Color:": " Smoke", "Style:": " Flat"}, "reviewerName": "John Pedemonti", "reviewText": "Got this to match the blacked out look on my car. I like how tints/black look with silver paint. This protects my plates from the tar and bugs that accompany spring and summer. Does what it's made for and looks excellent!", "summary": "looks great", "unixReviewTime": 1404172800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A2ICG4I3HJX2S7", "asin": "B0009IQXAO", "reviewerName": "iamsanctified", "reviewText": "Worked great for my 1998 Honda Accord!", "summary": "Great Air Filter!", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A2ONGPKF3DNNMF", "asin": "B0002TP2C0", "reviewerName": "SAM SEAMAN", "reviewText": "Just what I need for my job", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A1K6PLTIOM0YK2", "asin": "B0002U1TX0", "style": {"Size:": " Carnauba Liquid Wax, 16 oz."}, "reviewerName": "Eugene Montgomery", "reviewText": "I use this all the time ,it is great. anything that Mothers make is good.", "summary": "it is great. anything that Mothers make is good", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A2NZORK122BUXM", "asin": "B000BGM240", "style": {"Color:": " Polar White"}, "reviewerName": "James W.", "reviewText": "great replacement for my old cover", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "ADS1VR1W6YNTC", "asin": "B000A0EJ9S", "reviewerName": "J. Lentini", "reviewText": "Fits like a charm", "summary": "Good Filter", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A1Q1I0IOE61EAX", "asin": "B000A0CANA", "style": {"Size:": " 1 Filter"}, "reviewerName": "H Tran", "reviewText": "great product. keeps my intake clean. much cheaper than oem.", "summary": "Five Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A9GY79675WM7K", "asin": "B000C55V52", "reviewerName": "stephen", "reviewText": "Got rid of that nasty rear sag on a 2nd gen 4runner. Very satisfied", "summary": "Five Stars", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A2HWIO9X5NSVXC", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "J. McMichen", "reviewText": "This grease worked well for me on spark plugs.", "summary": "Five Stars", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "AT1C7HMOHH8KU", "asin": "B000E8T83S", "style": {"Size:": " Pack of 2"}, "reviewerName": "Kayakjeepme", "reviewText": "This is the ONLY filter I use and trust on my '79 MGB !", "summary": "Great filter", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A180N8GNQL1RJB", "asin": "B000C2WFA4", "reviewerName": "Chris", "reviewText": "Fits and Works", "summary": "Five Stars", "unixReviewTime": 1483920000} +{"overall": 1.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A33LTA8EV2SUTN", "asin": "B0002STSFS", "reviewerName": "Neal L. Manchester II", "reviewText": "The band is way to stiff and the collection band has too much slack and lets the ring band tilt causing damage to the rings.", "summary": "doesn't work properly at all", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "A2AZFHJYL7YJNS", "asin": "B000CGB3B2", "reviewerName": "RST", "reviewText": "What can you say about a serpentine belt? It works great, fits perfectly. Easy to install with a socket wrench and a pvc pipe extension.", "summary": "Works great, easy to install", "unixReviewTime": 1357516800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A1UMOG37MAPAS5", "asin": "B0009IQZFM", "reviewerName": "Anonymous", "reviewText": "Very capable towel, does its job well.", "summary": "Great towel", "unixReviewTime": 1450224000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A3MB2BZXO3HSFC", "asin": "B000EANNDM", "reviewerName": "He He", "reviewText": "good stuff", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2QR9IXLMIDL5U", "asin": "B000630B5K", "reviewerName": "Liberal Clown seeks safe space in a neighborhood near you!", "reviewText": "Great variety pack, 2 of the 3 fit a 00'ish gentex ok.", "summary": "Good enough to work", "unixReviewTime": 1427932800} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2012", "reviewerID": "A3INHVD7BU70I3", "asin": "B000276B2C", "reviewerName": "R.Batchelor", "reviewText": "Good price perfect fit very Fast ship a must to replace OEM oil filters on a Yamaha R6. The only way they could make this filter better would be to add a wrench off bolt to the top and I'd buy 10 so Id never have to worry about a filter again.", "summary": "Fram filter", "unixReviewTime": 1346803200} +{"overall": 4.0, "verified": false, "reviewTime": "12 15, 2016", "reviewerID": "AVMIBK5Q7Q7MB", "asin": "B0009H52AC", "style": {"Style:": " Extra Guard"}, "reviewerName": "James Esterle", "reviewText": "As advertised, no issues.", "summary": "Four Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A2CX04V2142QAQ", "asin": "B000B8JUGQ", "reviewerName": "Felicia", "reviewText": "Fit as posted!", "summary": "Five Stars", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2JJDQ3B7O6Z1Z", "asin": "B000ARPVRU", "reviewerName": "Gary Bruce", "reviewText": "Good price on a Fram filter", "summary": "Good value", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2018", "reviewerID": "A29UHD9G4GJFVE", "asin": "B0009H52BG", "style": {"Style:": " Extra Guard"}, "reviewerName": "paul g.", "reviewText": "Great part at a great price", "summary": "Five Stars", "unixReviewTime": 1517184000} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2017", "reviewerID": "A2MPPS1E0PQ87Z", "asin": "B000C5BO8A", "reviewerName": "todd goodson", "reviewText": "i'll buy again.", "summary": "Five Stars", "unixReviewTime": 1508544000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2017", "reviewerID": "A1O3HLU5P988N8", "asin": "B0007LZK9S", "reviewerName": "Lovestoread", "reviewText": "Does what it's supposed to. Great fit", "summary": "Great solid hitch pin", "unixReviewTime": 1507593600} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A3KG4FEUGAW4W1", "asin": "B00029WYEY", "style": {"Style:": " Aerosol Kit"}, "reviewerName": "Roberto Parra S", "reviewText": "Ok", "summary": "Five Stars", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A3I5KPCHHWJTUE", "asin": "B000CB7DG6", "reviewerName": "driftinge30", "reviewText": "fit my 2002 bmw 325ci perfectly.\n the old seal was a pita to remove but this new one fits perfect and also with the crush washer too is an excellent value.", "summary": "everything I needed in one box (besides the oil), thank you", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2013", "reviewerID": "A1MNGF7I1BEN2G", "asin": "B000BGHVSM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Boulder_Bill", "reviewText": "Great not to be hauling 2x4 pieces around anymore - and it looks great as well! Definitely worth the money.", "summary": "Getting rid of the 2x4s!", "unixReviewTime": 1365984000} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "A2PNM598OZQKE5", "asin": "B000CPI5Z0", "style": {"Size:": " 15 Ounce"}, "reviewerName": "Don Freeman", "reviewText": "Great Transaction. Would definately do business again. Thanks!", "summary": "Great Transaction. Would definately do business again", "unixReviewTime": 1505606400} +{"overall": 4.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A36F9ZTWO2TIH4", "asin": "B0002KNYVU", "style": {"Size:": " 4 Way Folding Lug Wrench"}, "reviewerName": "christopher john wheeler", "reviewText": "This a fantastic wrench you can store this item in the back of your motor .", "summary": "Four Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2017", "reviewerID": "A1DV9CVM4KBXXG", "asin": "B000A0S0ZC", "style": {"Color:": " Cleveland Browns"}, "reviewerName": "Derrick Wilson", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1513641600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A1ZO7G110FUAS7", "asin": "B000C7YRNM", "reviewerName": "Amazon Customer", "reviewText": "Fit my '74 Jeep CJ5 perfectly. Stat says 54mm on it. I believe stock is 195 degrees (like this) but a lot of people recommend a 180 degree. Unfortunately my cooling problems are not related to the thermostat", "summary": "Nice thermostat", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2013", "reviewerID": "A1NE8LIHXUJA6P", "asin": "B00076QA4C", "reviewerName": "eanquiel", "reviewText": "Added this to my 5 series BMW and it works great to keep all the groceries from sliding around in the trunk while driving. This item has a good holding capacity.", "summary": "Works great with BMW 5 series", "unixReviewTime": 1385596800} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A1C7IXTIMLXO3E", "asin": "B00092893E", "style": {"Size:": " 20 Ounce", "Color:": " 20 OZ"}, "reviewerName": "Chun", "reviewText": "Honestly can't tell difference between before and after.\n\nBut I guess it's helping my car run better.\n\nOverall, I don't know", "summary": "Can't tell the difference", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A33T1R0Z5CIZRV", "asin": "B000BGK2U6", "style": {"Color:": " Bone", "Style:": " High"}, "reviewerName": "S. Junko", "reviewText": "Replaced with exact model in my fifth wheel. Easiest plumbing project I've ever done! Don't pay anyone to install this. Works great. Old one wAter pump broke, decided to replace instead of repair. Easy peasy. :-)", "summary": "Replace easily yourself!", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A3QWHWTJCETYF7", "asin": "B00064P99W", "reviewerName": "GEORGE S.", "reviewText": "Looks good works fine", "summary": "Five Stars", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A2NTLT0ICDHD5I", "asin": "B00068XCQU", "reviewerName": "Dennis&Carol", "reviewText": "Have 6 of these - on 4 sports cars, 1 RV, and a 1960'S farm tractor that typically gets used only 4 or 5 times a year. Beats replacing $240 worth of batteries in that tractor every year.....", "summary": "Have 6 of these - on 4 sports cars, ...", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2016", "reviewerID": "A1U9KNKMBF58GC", "asin": "B000C53XRK", "reviewerName": "Steve", "reviewText": "Great price and works great", "summary": "Five Stars", "unixReviewTime": 1480896000} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2017", "reviewerID": "A134J6JCBHOC1X", "asin": "B000E2CVI8", "style": {"Color:": " Black"}, "reviewerName": "Mel Jones", "reviewText": "guess it works ok bike hasn't blown up yet", "summary": "Four Stars", "unixReviewTime": 1511395200} +{"overall": 2.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A1LCY753J5PVKH", "asin": "B000B8N3GE", "reviewerName": "Colleen Grotke", "reviewText": "Ended up collapsing upper rad hose when engine cooled. It definately was not allowing overflow coolent back into the radiator. As soon as I loosened the cap air filled the vaccuum. I think it might be defective.", "summary": "Did not vent properly for me", "unixReviewTime": 1487721600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 19, 2011", "reviewerID": "A1ZJRS3ISWU6AQ", "asin": "B000AMKUIK", "style": {"Color:": " Black"}, "reviewerName": "A. Bosch", "reviewText": "This product arrived quickly and in perfect condition. It installed easily and worked flawlessly. The horn were around twice as loud and my stock 350Z horns. Well worth the money.\nThank you", "summary": "Great Value", "unixReviewTime": 1300492800} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "AWL5NVGYL7RK", "asin": "B0002NIH4G", "style": {"Size:": " One Size"}, "reviewerName": "Daniel P.", "reviewText": "perfectly cut vinyl.", "summary": "Five Stars", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A14CF6KN7DRTEN", "asin": "B00042KGWG", "reviewerName": "Tim T", "reviewText": "This seems to be a pretty strong piece of gear. I have standard steel rims and the hooks fit thought the holes fine. I have only used it once, but it seemed to do the job as expected.", "summary": "So far no complaints", "unixReviewTime": 1506038400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A2T62O5VHTT1WD", "asin": "B000COCTXA", "reviewerName": "Leskuin", "reviewText": "very good no problem", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A2TWT3QYO222F6", "asin": "B000CAVEGC", "style": {"Style:": " 7PK1781"}, "reviewerName": "ScottDR", "reviewText": "OEM Honda supplier quality.", "summary": "Excellent", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "A3QH03QTRHWANN", "asin": "B0006N5RW2", "style": {"Size:": " Quantity 1"}, "reviewerName": "Amazon Customer", "reviewText": "Exactly as described:)", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A6L6GKPFY6LGF", "asin": "B000CO9FBY", "reviewerName": "jayfmfl", "reviewText": "Very pleased, does give white light better than yellow. Also brighter than OEM yellow ones, I will replace for all my 3 vehicles, low beam, high beam and fog lights.", "summary": "Very pleased, does give white light better than yellow", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A18HV98H4AFU3S", "asin": "B000BO0532", "style": {"Size:": " 5 Quart (160 Ounces)"}, "reviewerName": "Rovira", "reviewText": "A widely used product from a widely known company. Hard to mess up on this one. So far so good and the car does seem to be taking the new oil well.", "summary": "You know what it is", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A22GLQNSZ6QM3Z", "asin": "B000BQW5LK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Sam", "reviewText": "Worked like it should", "summary": "Five Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A1K7VE1XJVEEGB", "asin": "B0009IQZY8", "reviewerName": "Danny Light", "reviewText": "As discribed", "summary": "Five Stars", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A3FL2IG4F505X0", "asin": "B000ARPVQ6", "reviewerName": "john", "reviewText": "Quality Motorcraft part. This is the oil filter that needs to be changed every 5,000 miles on a Ford Powerstroke 6.0. Good price and fast shipping", "summary": "Quality Motorcraft", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "A1MDAAV0SQBFEM", "asin": "B000C55LV6", "reviewerName": "KampfSchwein", "reviewText": "Item as described", "summary": "Five Stars", "unixReviewTime": 1439683200} +{"overall": 4.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A3D3EFG4XMO1XG", "asin": "B0007LXTMS", "reviewerName": "Jeffrey B.", "reviewText": "I purchased these for my wife's vehicle. She is 5.0\" and the OEM visors do not come down low enough to help her on the really sunny days. This extender does the trick for her. She has really enjoyed them so far.", "summary": "Good product", "unixReviewTime": 1384732800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A1P6ZV8URW093Z", "asin": "B0009XDITS", "reviewerName": "Matthew V.", "reviewText": "Had a little bit of an issue installing as either this guy's frame is a little narrow, or my 25 year old truck's frame is a little wide, but I managed to finagle it up there. Very stout piece.", "summary": "Had a little bit of an issue installing as either ...", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": false, "reviewTime": "10 3, 2017", "reviewerID": "AZS3EM14Y8WF5", "asin": "B000B68V7W", "style": {"Color:": " Red"}, "reviewerName": "Brett", "reviewText": "This kit is the real deal. If you thoroughly clean and prep your caliper it will stick and stay red for years. I'm at 5 years on my g35 and it doesn't look ANY darker, just make sure you regularly clean break dust buildup! Used four coats with 1.5 hours between each layer.", "summary": "If red is your thing, this will last forever!", "unixReviewTime": 1506988800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "A8HSW4ETJZIPJ", "asin": "B000AME5I6", "style": {"Style:": " 9005"}, "reviewerName": "Ray", "reviewText": "Perfect OEM product. This was the name brand and model of what came on my vehicle. They last a long time and are plenty bright. No problems.", "summary": "Long life", "unixReviewTime": 1472428800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3CRHFT909FUWU", "asin": "B000BWCFSC", "reviewerName": "J.T.Ward", "reviewText": "Excellent finish on a under the hood item. Catches your eye right away.", "summary": "Diamond under the hood", "unixReviewTime": 1417737600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 28, 2008", "reviewerID": "A1DBZ3TCVMCQW2", "asin": "B000COMWXM", "reviewerName": "R. Thomas", "reviewText": "I bought these to protect a $400 set of new tires. Much less expensive on Amazon than the local auto parts store, Go to the manufactures website for fitting information.", "summary": "Great item", "unixReviewTime": 1225152000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A2HN6LUOWMGDZG", "asin": "B000CAVE2Q", "style": {"Style:": " 6PK2455"}, "reviewerName": "Quintin", "reviewText": "Fits correctly. No squeeks or popping off. 98 caravan", "summary": "Five Stars", "unixReviewTime": 1510704000} +{"overall": 4.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A2IODIYYE8SA28", "asin": "B00029K00Y", "reviewerName": "Amazon Customer", "reviewText": "Perfect!", "summary": "Four Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A2J2LHXJDKI1H5", "asin": "B0009ZEU9S", "reviewerName": "Sug", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 3.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "AWFPC686EU66O", "asin": "B000BWCFIM", "reviewerName": "chris takamatsu", "reviewText": "I wouldn't recommend this product unless you are carrying a ton of cargo. The ride is extra firm and the tires actually skid on turns. You also have to make sure that you zip tie both upper and lower portions of this product. It will jump off the coil!", "summary": "I would not recommend this product just to increase load capacity of any vehicle.", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1FQA62OP1B493", "asin": "B000COS0F6", "style": {"Color:": " Chrome"}, "reviewerName": "Richard Pagano", "reviewText": "This worked well for my application.", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2015", "reviewerID": "AS6XWMBTTW6ZC", "asin": "B00032KBFE", "reviewerName": "YahCoffee", "reviewText": "Second set purchased. Set purchased 4 years or so ago have not rusted yet! Fair price!", "summary": "Good product and fair price", "unixReviewTime": 1430956800} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "AFB0IS1LA53ID", "asin": "B0009V7X00", "style": {"Color:": " Black Chery"}, "reviewerName": "GR", "reviewText": "good for kids riding mini bikes", "summary": "Four Stars", "unixReviewTime": 1501113600} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A37YBEYQE14H02", "asin": "B0009JKI7W", "style": {"Size:": " 19-Inches", "Style:": " Pack of 1"}, "reviewerName": "Tina", "reviewText": "works great thru the winter, when it rains, but dries out & crakes in the summer heat", "summary": "Four Stars", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "ATQKN9JQ0N8OE", "asin": "B0007M1ZGE", "reviewerName": "Bart Y.", "reviewText": "Good product for the price. The instructions calls for it to be installed with the bolts upright. But my bumper on the back of our trailer sits low so I mounted it upside down and works great!", "summary": "Good product for the price", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A7XER5URRKEFU", "asin": "B0002SR7TC", "reviewerName": "Amazon Customer", "reviewText": "it does what it's designed to do well. My only complaint is that I have difficulty getting to the very bottom of the oil pan or transmission fluid resevioir, but that's more of an issue with the design of my cars and not this evacuator.", "summary": "it does what it's designed to do well. My ...", "unixReviewTime": 1475625600} +{"overall": 3.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A2MTOUYLX8T72E", "asin": "B0002SRDEG", "reviewerName": "G Bubba", "reviewText": "It works but the socket with the outer lip would work better as this one slips off the nut regularly when using a torque wrench.", "summary": "... but the socket with the outer lip would work better as this one slips off the nut regularly when ...", "unixReviewTime": 1434067200} +{"overall": 5.0, "vote": "17", "verified": true, "reviewTime": "06 7, 2007", "reviewerID": "A3PLL1M6OWDDAT", "asin": "B0000AZ9KS", "reviewerName": "Vinny V.", "reviewText": "Fit great into my S10 and secures very well using the ratchet mechanism.", "summary": "Works as Designed", "unixReviewTime": 1181174400} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "AFU3BIXXBVV4M", "asin": "B0000C7FF2", "style": {"Color:": " Clear"}, "reviewerName": "Rick Kearns", "reviewText": "Good shield for the price. Handle with care to prevent scratching.", "summary": "Helmet Shield", "unixReviewTime": 1406851200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "ARF6NZ2PH6MCB", "asin": "B0002UEOPA", "style": {"Size:": " 3 Ounce Tube"}, "reviewerName": "Amazon Customer", "reviewText": "Good basic simple stuff that you can't go wrong with", "summary": "My opinion 4 what it's worth", "unixReviewTime": 1474934400} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A3GETJL1NT3FO9", "asin": "B00062YWNI", "reviewerName": "fabian andres sanchez zuleta", "reviewText": "Muy buen producto", "summary": "Four Stars", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2013", "reviewerID": "A2V9LFP92WX4P4", "asin": "B0002YUQ4E", "reviewerName": "J. Emma", "reviewText": "If there is a better metal polish, I don't know what it is and I've tried a few. Just buy it.", "summary": "The best metal polish I have found.", "unixReviewTime": 1371081600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A1LL2X1B6N1S1W", "asin": "B00032KC3K", "reviewerName": "Amazon Customer", "reviewText": "Great seller item as described.", "summary": "Five Stars", "unixReviewTime": 1494806400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A181KZHEKPN96C", "asin": "B0006303ZS", "reviewerName": "Dameon R. Riggs", "reviewText": "this part is a definate need when installing a edelbrock air cleaner on the carb it allows the fuel line to be down out of the way of botth of the air cleaner and gives a much cleaner looking install.", "summary": "great part", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A26JTCPCI3P9WR", "asin": "B0007NN0ES", "style": {"Color:": " Smoke", "Style:": " Bubble"}, "reviewerName": "mike hunt", "reviewText": "Great accent to my cars", "summary": "Nice", "unixReviewTime": 1487894400} +{"reviewerID": "A2OJCU16OZYVLV", "asin": "B0009H51YE", "reviewerName": "Above Skies", "verified": true, "reviewText": "I am not sure if it filled all the gaps, am disappointed in this product.\n\nhad this same filter on my jetta, and it come out of course dirty, but it seems like it was not filtering dust properly as there as lot of dust below the filter.", "overall": 3.0, "reviewTime": "10 20, 2013", "summary": "regular filter", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A2F2DACHMHNZNL", "asin": "B000BROATE", "reviewerName": "MMK", "reviewText": "Good quality, does what it's supposed to do.", "summary": "Recommend this product", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2012", "reviewerID": "A225PV8SSOKY6M", "asin": "B000C30J4C", "reviewerName": "joseph s peto", "reviewText": "Better than OEM? Could be I ordered as a backup in case mine takes a flyer out in boondocks someday", "summary": "Heavy Duty? You bet.", "unixReviewTime": 1354320000} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A2AS9AKHI7W4BX", "asin": "B000CPCBEQ", "style": {"Size:": " Pack of 1"}, "reviewerName": "Mr Wizard", "reviewText": "What more can I say than my title? It really does make a difference compared to a gl5 fluid. Smoother shifting like a manual transmission specific fluid should.", "summary": "Made my manual transmission shift smoother", "unixReviewTime": 1361232000} +{"overall": 4.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A1SHYX8R9M691L", "asin": "B00061SMS0", "reviewerName": "Eduardo M. Del Pilar, Sr.", "reviewText": "Good tool for the right purpose. Solidly built.", "summary": "Good tool.", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A264ILR0U9OWSU", "asin": "B000C0Y9FK", "reviewerName": "Panther", "reviewText": "Fit great, works great and as soon as it was installed the light on the dash that had been on for quite a while finally went off. Definitely the right part.", "summary": "Fit great, works great and as soon as it was ...", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A2ZA4Q8VJKQOQW", "asin": "B000BWCCG2", "reviewerName": "Michael Mack", "reviewText": "looks great and shortens my short throw shifter", "summary": "Five Stars", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A2MGA0ZWARP5MH", "asin": "B000CKGAV6", "style": {"Style:": " 9003"}, "reviewerName": "Kevin Dunning", "reviewText": "Fit my 2003 Kawasaki vn800. Nice and bright", "summary": "Perfect", "unixReviewTime": 1491004800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "AC3URT22TZVFI", "asin": "B000AS3D3I", "reviewerName": "Herminator", "reviewText": "Two for price of one, good deal", "summary": "good", "unixReviewTime": 1516838400} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "A1ZHG9VFNI4YAB", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 1", "Style:": " 3 oz."}, "reviewerName": "Michael Carson", "reviewText": "it is grease. can't complain about grease.", "summary": "Five Stars", "unixReviewTime": 1522886400} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2013", "reviewerID": "A31QHL0NBA3E93", "asin": "B000BTO44S", "reviewerName": "MIKE", "reviewText": "I reviewed the mount bracket for this rack so in short... It is only worth it if you crave extra storage and already have the hitch mount carrier, otherwise this one is only good for light loads.", "summary": "Decent rack", "unixReviewTime": 1379808000} +{"overall": 4.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2JPRMYKV4XTPD", "asin": "B000BQKBP2", "reviewerName": "Terry", "reviewText": "Works good, exact replacement for original, holds tight", "summary": "Four Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "ASEO6WAT0WXAN", "asin": "B000CC0HZ4", "reviewerName": "Gerald B.", "reviewText": "Worked great in my 2014 Subaru Forester", "summary": "Worked great", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A309BSQVHS9OJ", "asin": "B000C560O8", "reviewerName": "Amazon Customer", "reviewText": "02 F150 King Ranch SC. Perfect fit", "summary": "Great", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "A3LMQ7IRNGQSCJ", "asin": "B000C5O1VW", "reviewerName": "Scooter", "reviewText": "Works on my lawnmower with a GCV-160 Honda engine.\nNow runs smoother. I have to admit - lawnmower was still running OK - but I need to change it anyway (annual maintenance).\nNow runs smoother, uses less gas.", "summary": "Runs Smooth", "unixReviewTime": 1431734400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "A185AA46B8C5Q6", "asin": "B000CB21WC", "reviewerName": "John Sandoval Jr.", "reviewText": "fit like oem works great.better price here than dealer or local auto parts store.very good brand i use them when possible.", "summary": "fan switch", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A6B7N0VXTS0WT", "asin": "B000CJB1AW", "reviewerName": "John T.", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A10RG80O51HDTD", "asin": "B0002H335A", "style": {"Size:": " 2 Ton"}, "reviewerName": "J.D.", "reviewText": "They work, they're jack stands- all good!", "summary": "they're jack stands- all good!", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A19JFMVUJKHL8U", "asin": "B00063ZPOM", "reviewerName": "vincent", "reviewText": "For the price this is the best masking machine works very good.", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A3JHGS5QS39B2W", "asin": "B000BQR8TE", "reviewerName": "klh", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A1P4178V68STEE", "asin": "B0002STSQ2", "reviewerName": "scott", "reviewText": "works great heavy duty", "summary": "Five Stars", "unixReviewTime": 1451606400} +{"overall": 2.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A3VGX5SRVRV8N2", "asin": "B000BGJWA2", "style": {"Color:": " Black"}, "reviewerName": "A. Summers", "reviewText": "Cheaply made...broke easily!", "summary": "broke easily!", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "AGYCPUWDYACKS", "asin": "B000630J8E", "reviewerName": "Eliud", "reviewText": "Works perfect. Used the filer to adjust ring gap in a Nissan. Beautiful job.", "summary": "Five Stars", "unixReviewTime": 1444003200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "AZXLKU6FDWG0Y", "asin": "B000C2UDY4", "reviewerName": "Humberto", "reviewText": "Inexpensive solution but fit it way too tight for my 2003 Land Rover Discovery II. I'm not sure if it's because the hole isn't big enough but I thought the size was standard. If you're just looking for a cheap cap to put on, this will work well.", "summary": "Cheap solution", "unixReviewTime": 1421020800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A1HEMA5AJNJ3EX", "asin": "B000C8P8M0", "reviewerName": "TEAM THOMPSON", "reviewText": "I got installed and drove my civic to Denver and back. The exhaust manifold is working fine. Saved a ton of money. Thanx", "summary": "SATISFIED CUSTOMER", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2017", "reviewerID": "A25ZS2A7699Q0V", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "scottykeurig", "reviewText": "is working fine.", "summary": "Five Stars", "unixReviewTime": 1514505600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2015", "reviewerID": "A2L2RNHRE0MWA4", "asin": "B000C2YCJG", "reviewerName": "Fritz", "reviewText": "Nice quality and fit. Quite running", "summary": "Great", "unixReviewTime": 1449360000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A32OCT9EV8MGRH", "asin": "B000BUU5Y0", "style": {"Style:": " Large Wheel Stop"}, "reviewerName": "mark", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A2AET5UC41WP0V", "asin": "B000C2Y5IY", "reviewerName": "Brian D.", "reviewText": "As described", "summary": "Five Stars", "unixReviewTime": 1437004800} +{"overall": 2.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A1JMUHFO49CEXK", "asin": "B0009JKI7W", "style": {"Size:": " 14-Inches", "Style:": " Pack of 1"}, "reviewerName": "Jon SoCal", "reviewText": "Hardware did not work for my vehicle. The length was correct so I was able to remove rubber and transfer to my old wiper and it works well.", "summary": "Hardware did not work for my vehicle. The length ...", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A1VRI4TCJ7HPRZ", "asin": "B000B7PHW8", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Joseph F. Edwards", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "AFJA1UI44Y92M", "asin": "B0002YPD7O", "style": {"Size:": " 1-7/8-Inch, 2-Inch and Most 2-5/16-Inch Couplers"}, "reviewerName": "ToolUser", "reviewText": "Well made, heavy duty, clever design, and it works great. I left one of these in a campground parking lot last year but was impressed enough to purchase another as a replacement.", "summary": "Great product", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A1AEE8P58CP0C4", "asin": "B0002U2V1Y", "style": {"Size:": " California Gold Clay Bar System, Single Unit"}, "reviewerName": "nrn", "reviewText": "A must for any car that you love.", "summary": "Five Stars", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2014", "reviewerID": "A2D0E60SBH6JPV", "asin": "B000BNX0B2", "style": {"Color:": " Tan"}, "reviewerName": "Young Hawk", "reviewText": "Great look & fit. Will definitely deliver the protection I desired.", "summary": "Five Stars", "unixReviewTime": 1413590400} +{"overall": 3.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A2X8466YM9I4NO", "asin": "B000CQBG1O", "reviewerName": "Gerald", "reviewText": "Their were a couple of issues with this exact fit exhaust system. I had to modify every piece of this system. Are they an exact fit no. I made them work. Wouldn't buy again.", "summary": "Their were a couple of issues with this exact fit ...", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2016", "reviewerID": "A2DR7COOFVQSDX", "asin": "B000CIQ47S", "reviewerName": "Kriszena", "reviewText": "I needed a spark plug to get the snowblower up and running and ready for winter. This worked great. I didn't have to run to the parts store, and it was delivered by the weekend when I was ready to get it tuned up.", "summary": "Quality spark plug", "unixReviewTime": 1480550400} +{"overall": 2.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A3ATSVCRQ32WWN", "asin": "B000CGFOAI", "reviewerName": "mike", "reviewText": "the picture has been updated...when i bought it..it showed as if it were a nissan replacement part..this one won't fit my truck", "summary": "the picture has been updated... when i ...", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "AQSW0PD4J1PWH", "asin": "B0002FU44K", "style": {"Size:": " 14 oz", "Style:": " 8880"}, "reviewerName": "3KIDFAM", "reviewText": "Excellent quality product. I've used this for many projects over the last couple years.", "summary": "Great buy", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A2DOO6C43GSZC8", "asin": "B000BUU5XQ", "style": {"Style:": " Large without Handle"}, "reviewerName": "darby21", "reviewText": "These are lightweight and beat the bricks my husband used to carry to put beneath the stabilized jacks on our trailer.", "summary": "These are lightweight and beat the bricks my husband used ...", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A35J7WB6PIFL37", "asin": "B000BIYN3Q", "reviewerName": "Tony Burch", "reviewText": "Fit great", "summary": "Five Stars", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "A3LZHOCQCRFT5G", "asin": "B000CQOIVO", "reviewerName": "Mark Thieret", "reviewText": "What a difference this made! Now I can mover my trailer myself and save my back. Easy to install. Truck gate goes all the way down without hitting the Jack. Win Win!", "summary": "Big Help!", "unixReviewTime": 1402444800} +{"overall": 2.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A2V1OYTRJTHVMC", "asin": "B000CMDATY", "reviewerName": "T5 Kyle", "reviewText": "The nuts stripped the treads on the air valve when mounting them to the rims. Found a quality set with the local tire man at work.", "summary": "Junk", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A21LH8EEMXK4A", "asin": "B000BQSIWK", "reviewerName": "Steve Craig", "reviewText": "All you have to do is select voltage and battery type and clip on the leads. The charger does the rest.\nI wish I'd bought this long ago (although I do have a 1960's Schumacher charger that still works great).", "summary": "This charger may be smarter than I am...", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A9ZXIGW9BY4OU", "asin": "B000C1IH70", "reviewerName": "Powerbook", "reviewText": "used to replace ones in 2004 Accord I4.\nso far no problem!", "summary": "fits 2004 accord", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2014", "reviewerID": "A2VF138NQNX24Y", "asin": "B000CO81KA", "reviewerName": "Rodrigo Martinez", "reviewText": "good improfment after instaling this new K&N filter more gas mileage and torque on my expedition love the the price and service", "summary": "great deal", "unixReviewTime": 1394582400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A1VQP473GMUN0I", "asin": "B000BRGAJ2", "style": {"Size:": " 12 Ounce (1 Pack)"}, "reviewerName": "Ryan B.", "reviewText": "I'm always skeptical when it comes to the \"wonder fluid\" products, but I believe in this one. No doubts at all. Use it !", "summary": "Use it !", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A2WA667GPDS6P8", "asin": "B00032KC30", "reviewerName": "Joe", "reviewText": "excellent product and service", "summary": "Five Stars", "unixReviewTime": 1483833600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81Ib7+0einL._SY88.jpg"], "overall": 1.0, "verified": true, "reviewTime": "11 29, 2017", "reviewerID": "A3UVTAZRTKP73B", "asin": "B000CRVFYQ", "reviewerName": "XHO", "reviewText": "The quality is very poor. I put this in my Mazda and it already tore apart from normal use after 500 miles. It looks like it got hot and became too soft. I got a better part from ebay. I do not recommend.", "summary": "The quality is very poor. I put this in my Mazda and it ...", "unixReviewTime": 1511913600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2016", "reviewerID": "A1Y94JNXYNCEKO", "asin": "B00075XCEO", "reviewerName": "gabe", "reviewText": "Is fit perfect on my 1999 toyota tacoma 4X4 single cab, I'm happy about this part", "summary": "Five Stars", "unixReviewTime": 1456272000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A34YYO7Z9NX0F9", "asin": "B000C9QX50", "reviewerName": "Stanley Brizzie", "reviewText": "popped right in", "summary": "Five Stars", "unixReviewTime": 1435795200} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "AD7C5J8G9GKBH", "asin": "B000CPCBEG", "style": {"Size:": " 1 Quart (32 Ounces)"}, "reviewerName": "Christiane Burtchett", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2012", "reviewerID": "A6SB8A3A2NWWE", "asin": "B000BO71UC", "style": {"Color:": " Black"}, "reviewerName": "DC Maxx", "reviewText": "Vultures, crows, possums, racoons, dogs and deer will be 'warned' 200-300 yds in advance when you put these on your vehicle and are doing more then 25 MPH. have worked fine for me.", "summary": "Warn roadside wildlife to your driving presence", "unixReviewTime": 1354579200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "AN785SC2YQS0", "asin": "B000C9L00S", "reviewerName": "1Savy Shopper", "reviewText": "ACDelco 38008 Idler Pulley is an outstanding piece of auto mechanical engineering but does not fit my 1998 Ford Explorer XLT, auto trans, V6 6cyl. \"X\" engine. as the Amazon parts directory informs me. Had to send it back. Thank You Amazon.", "summary": "Does not fit my vehicle-returned.", "unixReviewTime": 1505865600} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A2J1C1ZT5T2KUA", "asin": "B0002BESGE", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Paul mercer", "reviewText": "made life much eaiser. wish the color code sheet was a little bigger and mor detailed for reading purposes, but turned out well", "summary": "made life easier", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "A1LKTZ62KMH8EI", "asin": "B0002NUO6K", "reviewerName": "Jerry CRNA", "reviewText": "Worked well and fast to remove double sided tape on a spoiler without any damage to the paint", "summary": "Worked well, no damage to car paint", "unixReviewTime": 1499817600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A286LKIPOII242", "asin": "B0006MRRTE", "reviewerName": "Amazon Customer", "reviewText": "Made well and was a direct replacement.", "summary": "Five Stars", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A3Q99IW4UU777U", "asin": "B000C9NPBA", "reviewerName": "Benjamin Johnson", "reviewText": "Perfect fit, OE quality, gaskets included, need I say more? Been through 4 water pump jobs now (gm n Chevy trucks are prone to them going out) and this is what I used every time. No complaints from anyone on them.", "summary": "Perfect fit, OE quality", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A32MRMQO5KJ7A", "asin": "B000CJB1AW", "reviewerName": "Engineer", "reviewText": "Just like OEM Toyota (Denso makes lots of Toyota filters).", "summary": "The best", "unixReviewTime": 1478476800} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A3GUDWD9AENMOD", "asin": "B0009X8LZ4", "style": {"Color:": " Acrylic Crystal Clear", "Size Name:": " 11 Ounce Aerosol"}, "reviewerName": "Timothy", "reviewText": "Good clear coat for different surfaces, works great.", "summary": "C+", "unixReviewTime": 1488326400} +{"overall": 5.0, "vote": "7", "verified": false, "reviewTime": "06 16, 2013", "reviewerID": "A3JUXMC7JCDPQQ", "asin": "B000BJ0H8U", "reviewerName": "dw", "reviewText": "Would recommend to anyone who wants to tow safely. I \"could\" drive 20mph faster than my old hitch. I just don't. Passing a semi is now possible without puckering my butt to do so.", "summary": "great product", "unixReviewTime": 1371340800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "AA7UFS1INNOUT", "asin": "B0002KR88A", "style": {"Size:": " 12AMG Inline Fuse Holder-5 Pack"}, "reviewerName": "ronjm2011", "reviewText": "Great deal and price!", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2017", "reviewerID": "A1YL3BMLLYLEXI", "asin": "B000COC67E", "reviewerName": "Michael Markey", "reviewText": "I love it for the price it is a very good and sturdy the seat is very comfortable I would buy again thank you", "summary": "Nice stool and well built", "unixReviewTime": 1501804800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "A3RS4QPXF2A9BA", "asin": "B000AM8BLI", "style": {"Style Name:": " 3157NA/4157NA"}, "reviewerName": "James Rodrigues", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A1DBOXG3JSBGWN", "asin": "B000BQMZ60", "reviewerName": "Ken", "reviewText": "Easy to install and fit is excellent for 2013 Expedition.", "summary": "Excellent for Expedition.", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A15LMYNRMO3CGD", "asin": "B000C19DNM", "reviewerName": "James Bruce", "reviewText": "This should have been included by Ford from the start. Easy to install and the instructions had the wiring colors and location correct. Be aware that Ford changes the wiring location and colors often. Be sure to read the instructions carefully.", "summary": "Look the 2015 F150s come with a power taligate lock!", "unixReviewTime": 1390348800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A2WDH1LNY2TCL9", "asin": "B0002JMUZW", "reviewerName": "Christians@Work", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 3.0, "verified": true, "reviewTime": "09 20, 2011", "reviewerID": "A1W21S90ABZ05B", "asin": "B0009JKI7W", "style": {"Size:": " 19-Inches", "Style:": " Pack of 1"}, "reviewerName": "mrblister", "reviewText": "Worked great at first. But almost exactly one year to the day I bought them they're now almost useless. Is that a normal lifespan for wipers? I don't recall ever having to replace them that often. I'm trying a different brand next.", "summary": "1 year?!", "unixReviewTime": 1316476800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A2QAC50XYD6NU0", "asin": "B000ARPVOI", "style": {"Style:": " Cleaner"}, "reviewerName": "Binh Nguyen", "reviewText": "WOW, it really works!!! I'm getting 50-75 more miles per tank 3/4 into the bottle!", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 1.0, "verified": false, "reviewTime": "08 30, 2017", "reviewerID": "A2PLWER3W9YC4S", "asin": "B00065JM8U", "reviewerName": "Z8", "reviewText": "Not enough air for the noise level. Rattles. Sounds like the bearings are going after a week. Draws 1.65A at 12V.", "summary": "Noisy but weak", "unixReviewTime": 1504051200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A1FJX1MYVS5E30", "asin": "B000C55WZ6", "reviewerName": "Joe", "reviewText": "Exact fit and typical Moog quality for a 2004 Mustang.", "summary": "Five Stars", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A26ADVY1B04F6K", "asin": "B000ALJ4NS", "style": {"Size:": " Pack of 1", "Style:": " 0.84 oz."}, "reviewerName": "Dave", "reviewText": "I got this to re-glue some rubber molding that was starting to come loose on my car. Super easy to mix and apply. After a few weeks the rubber is still holding strong.", "summary": "Works Well", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A1S53H72JAX5E6", "asin": "B0007V9XAU", "reviewerName": "TIDE.", "reviewText": "As long as you have an alignment punch it's a 10 minute install, paint was well done, pulls the boat.", "summary": "Hitched?", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "AH3QW8UQ4ULZN", "asin": "B000B8WCBG", "style": {"Size:": " 1 Quart (32 Ounce), (Pack of 6)"}, "reviewerName": "Tonycstech", "reviewText": "No problems with the oil, but what makes it so much better then regular mobile 1 full synthetic ?\nWhy is this extended performance so much better ?\nDoes that mean i can change oil less frequent ?", "summary": "I only believe what i see and hear", "unixReviewTime": 1361664000} +{"overall": 4.0, "verified": false, "reviewTime": "01 19, 2017", "reviewerID": "A2X2LJ8SUDJH5D", "asin": "B000C014ZI", "style": {"Size Name:": " 16 Fluid Ounce"}, "reviewerName": "Don Anderson", "reviewText": "Works great.", "summary": "Four Stars", "unixReviewTime": 1484784000} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "A1FREDKW1FETGA", "asin": "B0009IK5RG", "style": {"Size:": " 24 Inches, (Pack of 1)"}, "reviewerName": "Randy Rader", "reviewText": "I got these ANCO wiper blades for my Subaru they seem to work fine but have not had to use them in heavy snow or ice", "summary": "ANCO wiper blades", "unixReviewTime": 1357171200} +{"overall": 3.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A3MP3KKMZLXDLA", "asin": "B0006SH4HS", "reviewerName": "Wingnuter (Hardliner,FL,NJ,PA)", "reviewText": "I used this stuff before and it is ", "summary": "Just buy it it smells good", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A1V5TRJXTI6F01", "asin": "B000C5I2YO", "reviewerName": "Scott", "reviewText": "Any Dorman product I have purchased has been high quality and exactly as described. From foot pads to LED brake lights, I have enever gone wrong. This was way better than searching in a junk yard.", "summary": "Dorman Does it Well Again", "unixReviewTime": 1354060800} +{"overall": 3.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "AZLY9E21RJI9S", "asin": "B0006GF5SK", "style": {"Size:": " Pack of 10"}, "reviewerName": "Kelly B", "reviewText": "camping essential", "summary": "camping essential", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A2IVJX1TXEDR5", "asin": "B0000BYEXO", "reviewerName": "Jimmy", "reviewText": "This is my second Odyssey. I'm getting great service out of the first, and expect the same from this one. Made in the USA. That's a plus...", "summary": "Great Battery", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2017", "reviewerID": "A4GKIUT4721JY", "asin": "B0002UEN1U", "style": {"Size:": " Pack of 1", "Style:": " 13 oz."}, "reviewerName": "Cammelspit", "reviewText": "Oil pan, cam cover and I still have some left over. Not half bad!", "summary": "Not half bad!", "unixReviewTime": 1485561600} +{"overall": 5.0, "verified": false, "reviewTime": "07 7, 2015", "reviewerID": "A2ZKKWXUNMFYIL", "asin": "B000C5C4QG", "reviewerName": "Aron", "reviewText": "Great item, direct fit, works great!", "summary": "Five Stars", "unixReviewTime": 1436227200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 10, 2012", "reviewerID": "A154BIW78MWJ6Z", "asin": "B000C9I8WQ", "reviewerName": "KJH77z28", "reviewText": "This EGR Valve is a direct replacement to the OEM it meets all specification and preforms as a stock replacement part should.", "summary": "ACDelco 214-1080 EGR Valve", "unixReviewTime": 1339286400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A103L91GY8I3XD", "asin": "B000AL2RI2", "style": {"Size:": " Pack of 6", "Style:": " 3 oz."}, "reviewerName": "Michael", "reviewText": "Excellent product, works as should; I am very pleased!", "summary": "Excellent product, works as should; I am very pleased!", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "AL9LWB7TSWXLX", "asin": "B000C5G43A", "reviewerName": "michael Jilbert", "reviewText": "Fit my 1988 Chevy C/K 1500 automatic perfectly!", "summary": "Perfect fit.", "unixReviewTime": 1473379200} +{"overall": 1.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A2YCGOLY885VSA", "asin": "B000C0YR1G", "reviewerName": "Cristof", "reviewText": "Installed on 07 expedition thinking metal is better than plastic. Way wrong. Pulley has too much wobble and squeaks worse that old one. Took off and put old one back on until store gets mine in.", "summary": "Installed on 07 expedition thinking metal is better than plastic", "unixReviewTime": 1451174400} +{"overall": 3.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A3S9Z9KY8BHCTM", "asin": "B0002SR6WA", "reviewerName": "Gman", "reviewText": "I haven't had a chance to use this yet but have one just like it that works great, the other is made by a different company but everything is the same even the mold numbers.", "summary": "Heavy duty transmission drain funnel", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A3EQGU9OBA871X", "asin": "B00008RW9U", "reviewerName": "Kimberly", "reviewText": "The original! the BEST! Thanks", "summary": "the BEST!", "unixReviewTime": 1465344000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "AWZU5RID4SI58", "asin": "9539752337", "reviewerName": "Matthew T", "reviewText": "High quality sticker. Weather proof, sticks well and the color is as advertised.", "summary": "High Quality Weather Proof Sticker", "unixReviewTime": 1477612800} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A5FEDEL4JTSSO", "asin": "B00080QHMM", "style": {"Color:": " Silver/Black"}, "reviewerName": "Mr. Wyatt J. Gillispie", "reviewText": "Works not well built feels cheap", "summary": "Four Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A2R5CO530FNR04", "asin": "B000BZ6Z4Y", "reviewerName": "Amazon Customer", "reviewText": "great product great fit", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2016", "reviewerID": "A143GG0AOO35GS", "asin": "B000BUU5YU", "style": {"Size:": " 25 Feet", "Style:": " 30 Amp"}, "reviewerName": "lori burris", "reviewText": "This came in handy on our last trip to Glacier National KOA (Saint Marys) as their sites are setup for VERY long rigs and I would have been about 10 feet short. Glad I had this along.", "summary": "You can never have to much power cord.", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A1TC1XL0Q3MW0V", "asin": "B000BQUJL8", "style": {"Style:": " 12\" Hose for 10 Gallon Tanks"}, "reviewerName": "Terry G", "reviewText": "Second boat to install it on. Works Great!", "summary": "Works Great!", "unixReviewTime": 1493769600} +{"overall": 3.0, "verified": true, "reviewTime": "09 16, 2012", "reviewerID": "A1GUAWQYMB8GG3", "asin": "B000B8N3J6", "reviewerName": "J. Savoie", "reviewText": "For some reason, Possibly no fault of the radiator cap, the cap became stuck and had to be destroyed for removal", "summary": "Not so happy with this", "unixReviewTime": 1347753600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "AYSYD6Z0AUIRB", "asin": "B000CIQ47S", "reviewerName": "Amazon Customer", "reviewText": "Just what I needed and a great price.", "summary": "Five Stars", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2014", "reviewerID": "A4GAJK6F3WRCY", "asin": "B0009IBJE4", "reviewerName": "TS", "reviewText": "charges batteries! it's compact, easy to use. works well. what else can I say. I use it to charge a marine battery and atv, car. The wires all fit (tight) into the top compartment. instructions are clear and easy to use.", "summary": "Works well. compact and well designed.", "unixReviewTime": 1393027200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "01 17, 2013", "reviewerID": "A2TWLT3F5PGMZK", "asin": "B000CAVEGC", "style": {"Style:": " 7PK2120"}, "reviewerName": "ToddKess", "reviewText": "This belt fit my 2005 Toyota Tacoma 4.0 V6. Cured the noise problem from the original equipment belt. Took a while to figure out how to route it around all the pulleys after finding a diagram and watching a YouTube video. Seems like good quality for the price.", "summary": "Good belt", "unixReviewTime": 1358380800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A1E4CNQGYP04XX", "asin": "B0000AY6DG", "style": {"Size:": " 10 oz", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "J. Allen Rahi", "reviewText": "good stuff", "summary": "Five Stars", "unixReviewTime": 1447286400} +{"overall": 3.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A3R1MHOSYWSQAD", "asin": "B0006IX7WY", "style": {"Size:": " 16 Inches - 28 Inches", "Style:": " Double Refrigerator Bar"}, "reviewerName": "Jim Buckman", "reviewText": "works but they will pull apart a little to easy. Makes them cumbersome to move around much.", "summary": "Three Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A17D588J4YPDIF", "asin": "B000C53XRK", "reviewerName": "Jonathan S.", "reviewText": "Great price and fast shipping", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"reviewerID": "A2M1SOOHESGIGM", "asin": "B000C6KM8W", "reviewerName": "gus-man", "verified": false, "reviewText": "Got this for a 1996 Toyota Corolla 1.6. This car does not need anything fancy and this is a quality filter at an economy price. Sure we could pay more for a fancy filter but this fills our need perfectly. Thank you Purolator and Amazon.", "overall": 5.0, "reviewTime": "11 9, 2016", "summary": "Got this for a 1996 Toyota Corolla 1. 6 ...", "unixReviewTime": 1478649600} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2017", "reviewerID": "A2W027BZO2Z16L", "asin": "B00008RW9U", "reviewerName": "Rod", "reviewText": "Works like it should and does not scratch my black car. Just st go over it very lightly.", "summary": "Love it!", "unixReviewTime": 1510963200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A3E0G0I1BDD021", "asin": "B00061SMS0", "reviewerName": "Renaissance Man", "reviewText": "This thing is a hunk of strong metal. Used once but with the quality hope to get many years of service out of it. Then again I hope I don't need to take another Pitman Arm off anytime soon!", "summary": "Solid!", "unixReviewTime": 1403568000} +{"overall": 1.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A147PN2VY66FQI", "asin": "B00062ZH3C", "style": {"Color:": " 35% Dark Smoke"}, "reviewerName": "Michael Carnevale", "reviewText": "a", "summary": "One Star", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A34IOVL7T9YYSF", "asin": "B0002H335A", "style": {"Size:": " 3 Ton"}, "reviewerName": "JAF", "reviewText": "Exactly What I expected, delivered on time. Highly Recommend.", "summary": "Highly Recommend.", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A1LTFR6UKP7N3Q", "asin": "B000CITK8S", "style": {"Size:": " 12V @ 750mA", "Color:": " Black/Green", "Style:": " Battery Charger"}, "reviewerName": "Bryan Hargrave", "reviewText": "Got this thing taking care of my lawnmower battery and it is working wonderfully.", "summary": "... care of my lawnmower battery and it is working wonderfully.", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A10DPAG6XHKI25", "asin": "B0006I0MVS", "style": {"Size:": " 1 inch Shaft", "Color:": " Beige"}, "reviewerName": "buyer", "reviewText": "Great replacement for old brittle handles. As many other buyers have noted, the screws are WAY too long but I knew that when I bought these.", "summary": "Great replacement for old brittle handles", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A20JW9PWVAENUP", "asin": "B000BUU5VS", "style": {"Style:": " Slide Out Lube"}, "reviewerName": "michael owens", "reviewText": "great", "summary": "great", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A30DC6PH6NJQL9", "asin": "B00017YYI6", "reviewerName": "Susan", "reviewText": "My husband likes it, he can fill air bags going down the road", "summary": "Five Stars", "unixReviewTime": 1437609600} diff --git a/keith-galli_nlp/data/training/train_Beauty.json b/keith-galli_nlp/data/training/train_Beauty.json new file mode 100644 index 0000000..abec4a4 --- /dev/null +++ b/keith-galli_nlp/data/training/train_Beauty.json @@ -0,0 +1,2500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A2G7EEQJKKOU8R", "asin": "B000URXP6E", "style": {"Size:": " 45"}, "reviewerName": "Linda Whiten", "reviewText": "I have loved this for years, bath and body discontinued it, never thought of looking for it online. So glad I did", "summary": "Ile De Tahiti Moana Coconut Vanille", "unixReviewTime": 1377216000} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A2D48QTM7CXR0D", "asin": "B000WYJTZG", "style": {"Size:": " 3/4 Inch"}, "reviewerName": "JCC", "reviewText": "Works well but gets a little too hot. Tend to scaled my scalp pretty quickly. But I use it anyway cuz this is the only brand I find that offers 3/4 inch size.", "summary": "Works fine but gets a little too hot", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2016", "reviewerID": "A2UH411RVKUH96", "asin": "B0012Y0ZG2", "style": {"Size:": " 143"}, "reviewerName": "Barb", "reviewText": "Have used this for over a month and I love it! No more itching or burning of my skin. Along with the Olay Age Defying moisturizer, my skin feels smooth and non-greasy. Lovely light scent too.", "summary": "Love it", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A3ILCNY19J5KFA", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "bjsw", "reviewText": "What's not to like? Has been an old standby for my husband through many years. Also, finding a pre-electric shave is an adventure. Thanks, Combe Inc.", "summary": "What's not to like? Has been an old standby for my husband ...", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A20Y9PNINSXAE2", "asin": "B000URXP6E", "style": {"Size:": " 43"}, "reviewerName": "Doug", "reviewText": "Love this shampoo. Just wish Axe still made it.", "summary": "Great shampoo", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A27I10FZD5Y0OA", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Jacqueline Anderson", "reviewText": "By far the BEST shampoo and conditioner I have used. As someone with very thick and dry hair it has given me back the shine and texture I craved.", "summary": "Excellent product!", "unixReviewTime": 1473724800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51w+8aJEV+L._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "AGRLW94043OXP", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "Coantha Childers", "reviewText": "Smells great and performs great. Will buy it again, definitely", "summary": "Love this shower gel", "unixReviewTime": 1523404800} +{"reviewerID": "A3J0XGWTJWZKLZ", "asin": "B000FI4S1E", "reviewerName": "Kimberly", "verified": true, "reviewText": "Still do not know whey Old Spice discontinued this it is their best scent..", "overall": 5.0, "reviewTime": "02 5, 2017", "summary": "... know whey Old Spice discontinued this it is their best scent.", "unixReviewTime": 1486252800} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2013", "reviewerID": "A1LNES65GKVL0C", "asin": "B000URXP6E", "style": {"Size:": " 46"}, "reviewerName": "Amy C.", "reviewText": "I bought this for my daughter. Burt's Bees stuff is always good quality. She is happy with it. Smells nice.", "summary": "Burt's Bees Shower Kit", "unixReviewTime": 1361059200} +{"reviewerID": "A1X15KWJ11IC1P", "asin": "B000FI4S1E", "reviewerName": "Mert Ozer", "verified": true, "reviewText": "Lovely product and works great, except the artificial coloring :(", "overall": 5.0, "reviewTime": "12 15, 2017", "summary": "Five Stars", "unixReviewTime": 1513296000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51KRDhB48pL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A2XDLY3PL0CGBD", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Creaciones Gonzalez", "reviewText": "Recommended for anyone interested in getting the best experience from taking a bath or a shower.", "summary": "Great item", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "A3P7FOLR5SGXYN", "asin": "B000URXP6E", "style": {"Size:": " 13"}, "reviewerName": "Medi", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1494633600} +{"overall": 1.0, "verified": true, "reviewTime": "04 2, 2018", "reviewerID": "A1ZM06J2A5XGHY", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Skin did not improve. Felt like using scented water.", "summary": "Dont buy", "unixReviewTime": 1522627200} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "AXDHA80LYRYSE", "asin": "B000URXP6E", "style": {"Size:": " 268"}, "reviewerName": "Erika Adams", "reviewText": "The scent is incredible & its a fantastic moisturizer. I'm not a fan of the shimmer/glitter but its pretty subtle. I love combining this with Zents Earth scented perfume.", "summary": "Great product!!!!", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A23ALLEUZQKAR1", "asin": "B000URXP6E", "style": {"Size:": " 500ml"}, "reviewerName": "NeNeBe", "reviewText": "My granddaughter loves the fragrance.", "summary": "Great fragrance", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1MDYWL5DLS9SS", "asin": "B000URXP6E", "style": {"Size:": " 586"}, "reviewerName": "Deb Houghtaling", "reviewText": "I love this lotion. It has a light clean smell to it. Putting it on then adding a little of spray of perfume gives you a smell that brings lots of compliments.", "summary": "Best Ever", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A3JJ3GK8Q39TDE", "asin": "B001OHV1H4", "style": {"Size:": " 6"}, "reviewerName": "Katrina Jones", "reviewText": "Use regularly. love this product.", "summary": "love this product", "unixReviewTime": 1494806400} +{"reviewerID": "AKIQW8M8Q74HG", "asin": "B000FI4S1E", "reviewerName": "Linda", "verified": true, "reviewText": "My favorite way to relax.", "overall": 5.0, "reviewTime": "03 12, 2015", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "vote": "22", "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A14SJT4M0BP298", "asin": "B0009RF9DW", "style": {"Size:": " 106"}, "reviewerName": "Ramon Rodriguez", "reviewText": "Great product for relaxing!", "summary": "Five Stars", "unixReviewTime": 1513468800} +{"reviewerID": "A280XZUEBJ0G3Z", "asin": "B000FI4S1E", "reviewerName": "mapster", "verified": true, "reviewText": "Absolutely...exactly as described", "overall": 5.0, "reviewTime": "08 15, 2016", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A4IV41UZ0Y789", "asin": "B0012Y0ZG2", "style": {"Size:": " 29.2"}, "reviewerName": "Robert Young", "reviewText": "Great product and fast service.", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A27V608OPEA3CD", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Joyce M. Amos", "reviewText": "This is one of my favorite bath and body products. I love the fragrance.", "summary": "Bath and Body Wash Gels", "unixReviewTime": 1482796800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A2SEHJL7RHNW0Q", "asin": "B0012Y0ZG2", "style": {"Size:": " 364"}, "reviewerName": "Bob in Columbus", "reviewText": "Purchased this for my wife, she loves the product. She uses it very night, can see a difference in her skin.", "summary": "Purchased this for my wife, she loves the product ...", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2ITV3AU9TL0O9", "asin": "B0012Y0ZG2", "style": {"Size:": " 494"}, "reviewerName": "J. Nguyen", "reviewText": "good item...no issues", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "AR6HDXGSGHVKK", "asin": "B000URXP6E", "style": {"Size:": " 515"}, "reviewerName": "maggie", "reviewText": "excellent cream, great shipping.", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"reviewerID": "A3MWSMK06UU6BZ", "asin": "B000FI4S1E", "reviewerName": "Barbara A.", "verified": true, "reviewText": "love it...wish I could find the hand lotion!", "overall": 5.0, "reviewTime": "04 20, 2015", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"reviewerID": "A1O7LQP26XE36M", "asin": "B000FI4S1E", "reviewerName": "Maria Mercedes Calzado", "verified": true, "reviewText": "Nice!!", "overall": 5.0, "reviewTime": "09 4, 2017", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A1RV9UBHXPXT3W", "asin": "B000FOI48G", "reviewerName": "Kimberly Fujioka", "reviewText": "I love it. Although I have to admit I am quite messy. I have water marks all over my mirror. ha! ha! I need to perfect my technique. The easy pause button helps you to avoid messes, if you use it. It's light and not so big so it doesn't take up much room on the sink.", "summary": "Fantastic design! Great function! Overall excellent!", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": false, "reviewTime": "08 28, 2014", "reviewerID": "A3U05BH8UYBNLE", "asin": "B0012Y0ZG2", "style": {"Size:": " 1.7 oz"}, "reviewerName": "Doa Kim", "reviewText": "Nice and my mom likes it", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A1ZN7IP615TNQO", "asin": "B0012Y0ZG2", "style": {"Size:": " 58"}, "reviewerName": "Kathleen B.", "reviewText": "Nice light mousse. Gives some control to old gray wild hair.", "summary": "Good product.", "unixReviewTime": 1488067200} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "04 15, 2018", "reviewerID": "A3L40OCWS1W7R7", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Yiwei Zhou", "reviewText": "The best one Ive ever used!!!", "summary": "Five Stars", "unixReviewTime": 1523750400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A3C46GBHLVSOEW", "asin": "B000URXP6E", "style": {"Size:": " 33"}, "reviewerName": "jv", "reviewText": "I love this shampoo!!!!!!", "summary": "Frizz be gone", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-F7102291F5"}, "reviewerName": "Amzon Customer", "reviewText": "I have tried a lot of eye creams and gels but I really love this one! I can't go a day without it! Love it ", "summary": "Love", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A2GOEDQ35EBF1R", "asin": "B00006L9LC", "style": {"Size:": " 266"}, "reviewerName": "ruth gallagher", "reviewText": "I don't know if it really works yet but smells great n my hair looks good too.", "summary": "Good", "unixReviewTime": 1464652800} +{"reviewerID": "A3JNP9PGF2DMIO", "asin": "B000FI4S1E", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "This smells so good exactly like the body lotion and spray mist. It is a soft femine fragrance not too overpowering. I would highly recommend!", "overall": 5.0, "reviewTime": "11 11, 2013", "summary": "Beautiful Scent", "unixReviewTime": 1384128000} +{"reviewerID": "A1VRZOJ7MNAJME", "asin": "B000FI4S1E", "reviewerName": "Dee Stapes", "verified": true, "reviewText": "I love the smell of this particular product and the way it feels on my lips. I wish it wasn't so expensive, because I would buy more!,,", "overall": 5.0, "reviewTime": "01 4, 2015", "summary": "Great smell and texture.", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A33MZYRMSIHERN", "asin": "B000URXP6E", "style": {"Size:": " 43"}, "reviewerName": "Chad Gall", "reviewText": "It's all my son uses and great price and delivery", "summary": "Good buy", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "AHQ9P60N6NOAH", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Beth", "reviewText": "Smells very nice.", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A3NHRIFQKCX2G4", "asin": "B0012Y0ZG2", "style": {"Size:": " 118"}, "reviewerName": "James Hogan", "reviewText": "Can't find locally. ..It's my favorite body wash.. really good stuff!!", "summary": "It's my favorite body wash", "unixReviewTime": 1404345600} +{"reviewerID": "A24NTDGOS70ZA9", "asin": "B000FI4S1E", "reviewerName": "Rima JG", "verified": true, "reviewText": "Love these Songelle products. All was good.", "overall": 5.0, "reviewTime": "11 20, 2016", "summary": "Five Stars", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "ANUDL8U5MQSPX", "asin": "B0012Y0ZG2", "style": {"Size:": " 551"}, "reviewerName": "Whitney", "reviewText": "Very rich and creamy, moisturizes with no greasy feel!", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "AHQ9P60N6NOAH", "asin": "B00JF2GVWK", "reviewerName": "Beth", "reviewText": "Smells very nice.", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3T1HGP5MN7OB6", "asin": "B0012Y0ZG2", "style": {"Size:": " B-013"}, "reviewerName": "lefeverb", "reviewText": "Great Product. TOBS always has very pleasant and masculine scents!!", "summary": "Very Pleased", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "ABCIDPOKCXJOB", "asin": "B001OHV1H4", "style": {"Size:": " 354"}, "reviewerName": "Linda Alana", "reviewText": "These are the best perms! I only wish we could still buy them. The foam is so much nicer to work with and Ogilvie is a wonderful product.", "summary": "These are the best perms! I only wish we could still buy ...", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A2ZSMS6M1Q4Y9R", "asin": "B000URXP6E", "style": {"Size:": " 340"}, "reviewerName": "Barbara S", "reviewText": "Smells great with out the allergy issues. I wish I didn't have to have required number of words. What more can I say about soap?", "summary": "No allergy problems w/this soap.", "unixReviewTime": 1361145600} +{"overall": 1.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A3J034YH7UG4KT", "asin": "B019809F9Y", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Adam", "reviewText": "Electric razors don't get a closer shave than standards ones so I got this. This did not do the trick just smells bad.", "summary": "Doesnt get a closer shave", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "ATEX4XVEQYN7B", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "BERNARD POMORSKI", "reviewText": "gives a nice body to thin hair.", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A7M85H7UTJEKI", "asin": "B000URXP6E", "style": {"Size:": " 8"}, "reviewerName": "TMB", "reviewText": "This stuff smells heavenly and I am so happy to find Amazon has it! I have been importing it at a much higher price and love the convenience of ordering it now via Amazon, not to mention the price break. I use it as bubble bath daily and love it!", "summary": "Hard to find in CA!", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "AL24GOJZZ48PB", "asin": "B000URXP6E", "style": {"Size:": " 174"}, "reviewerName": "S. Rae", "reviewText": "As expected for price.", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"reviewerID": "A2BYQUQ8ITJTE8", "asin": "B000FI4S1E", "reviewerName": "film", "verified": true, "reviewText": "Before i used this my main Body wash was Old Spice, after i started using this and feels refreshing and clean I like to go between the other kinds of Dial Soap over all happy with the product.", "overall": 5.0, "reviewTime": "09 28, 2016", "summary": "Great", "unixReviewTime": 1475020800} +{"reviewerID": "A2F218M5AOPU6T", "asin": "B000FI4S1E", "reviewerName": "Tony", "verified": true, "reviewText": "Great product..", "overall": 5.0, "reviewTime": "04 24, 2017", "summary": "Five Stars", "unixReviewTime": 1492992000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71BMgGEkDjL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "AX0ZEGHH0H525", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Aida A", "reviewText": "Suffered from itchiness under my hair for couple of years. This product cured the itchiness completely. I took some 4-5 drops of it and then massaged my wet head for a minute approximately. After 2 uses noticed a considerable difference. It definitely gets the job done!", "summary": "Scalp-healing", "unixReviewTime": 1524441600} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2018", "reviewerID": "AKFUG2XFPPWWM", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Donovan", "reviewText": "10 stars right here. This product helped me with my itchy skin and my sister's greasy hair complain.", "summary": "Five Stars", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": false, "reviewTime": "01 27, 2016", "reviewerID": "A25DGSQA3AN7H5", "asin": "B00006L9LC", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "PurrfXion", "reviewText": "Best product Pantene made and can't find it in stores anymore.", "summary": "Best Pantene Product Out There", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A18KOO6VMJJ70S", "asin": "B0009RF9DW", "style": {"Size:": " 295"}, "reviewerName": "Mer's stuff", "reviewText": "I have a sensitive nose when it comes to strong scents and sensitive skin to harsh products so Philosophy seemed like my best bet. I love it. This scent is mild but sweet. Leaves skin so soft. The lotion helps to keep the mild scent all day.", "summary": "not over powering scent", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A2SVOLKLGI7DVQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 31"}, "reviewerName": "Justice", "reviewText": "This is the only shampoo my husband will use, he is very picky. Loves the peppermint.", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": false, "reviewTime": "09 29, 2017", "reviewerID": "A3SLC8F6VIWXIR", "asin": "B0010ZBORW", "style": {"Color:": " Volcanic Pumice Stone"}, "reviewerName": "John T. Horner", "reviewText": "Great pumice stone on a short rope. Somewhat rough, but that is how these things are. Good for working on overly thick skin areas.", "summary": "Great pumice stone", "unixReviewTime": 1506643200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2018", "reviewerID": "A29PKN4LL05QGF", "asin": "B000URXP6E", "style": {"Size:": " 8.5oz"}, "reviewerName": "Danielle", "reviewText": "Lathers well and smells great.", "summary": "Five Stars", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A1MAJCTEK9HZHD", "asin": "B00IJHY54S", "reviewerName": "Ninfa Lopez Clariond", "reviewText": "Love this product", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "ACK0K1VME15R7", "asin": "B0012Y0ZG2", "style": {"Size:": " 56"}, "reviewerName": "KilDiKat", "reviewText": "Best stuff on earth for your hair!", "summary": "A must BUY!!!", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A26DR70GPC8R5T", "asin": "B0012Y0ZG2", "style": {"Size:": " 177"}, "reviewerName": "Lynn", "reviewText": "Good product. Shipped quick, packaged well...will buy again", "summary": "Hard to find in store", "unixReviewTime": 1448323200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-17D419DCD9"}, "reviewerName": "Amzon Customer", "reviewText": "The eye cream I was using before had helped reduced my wrinkles a lot, and this one is keeping up the job. Although none of the eye cream I've used before was helping with dark circles, but this ones is doing the trick! Very happy so far!", "summary": "5 star", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "AV10T680T0UWB", "asin": "B0009RF9DW", "style": {"Size:": " 74"}, "reviewerName": "Kindle Customer", "reviewText": "Smells wonderful and lathers nicely. Like all Andalou products you know its good for your skin and works well too. I purchase many skin products from this company and like the quality.", "summary": "The lavender & thyme are a great combo", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3QDLODOQKUXGN", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Kitty", "reviewText": "Great fragrance and product. Will purchase again.", "summary": "Great Body Wash", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "AVXT2TB9ZHYRF", "asin": "B0012Y0ZG2", "style": {"Size:": " 195"}, "reviewerName": "Stephen Minton", "reviewText": "It was just what I wanted.", "summary": "Five Stars", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A10M2MLE2R0L6K", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Star Flower"}, "reviewerName": "Booklover", "reviewText": "This is a large bar of soap. It also has a very pleasant, distinctly feminine floral scent. It does a good job of cleaning your skin without leaving a residue behind. I would recommend this soap to any of my female friends.", "summary": "It does a good job of cleaning your skin without leaving a residue ...", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A280XZUEBJ0G3Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 235"}, "reviewerName": "mapster", "reviewText": "Absolutely...exactly as described", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A2G7EEQJKKOU8R", "asin": "B0012Y0ZG2", "style": {"Size:": " 45"}, "reviewerName": "Linda Whiten", "reviewText": "I have loved this for years, bath and body discontinued it, never thought of looking for it online. So glad I did", "summary": "Ile De Tahiti Moana Coconut Vanille", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A39KHX3058560R", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "D. Lewis", "reviewText": "I have always liked Prell conditioner and so does my wife. Great product, arrived safe and sound from \"Naturaly\" no problems. Would definitely buy from this vendor again.", "summary": "Prell conditioner, family favorite.", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A2ABCUIYJETG6Q", "asin": "B001OHV1H4", "style": {"Size:": " B-013"}, "reviewerName": "Elizabeth", "reviewText": "My husband loves this soap and I love how it makes him smell. Worth the dollars!", "summary": "Worth the dollars", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-BF66BD2F87"}, "reviewerName": "Amzon Customer", "reviewText": "The eye gel is easy to apply and I use it morning and night. It is cool to the touch, and the dispenser is ingenious.", "summary": "I'm very happy with", "unixReviewTime": 1534982400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2BTEB0X9BLH2T", "asin": "B000URXP6E", "style": {"Size:": " 22"}, "reviewerName": "Dave B.", "reviewText": "Hi, I don't believe they are still selling this Azur brand. Sorry for the late review, but this was a great gift for my wife and she loved the fragrance. We look forward to buying something similar.", "summary": "Great Fragrance!", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3VJQ5WRH77UKU", "asin": "B00006L9LC", "style": {"Size:": " 92"}, "reviewerName": "Kathy L", "reviewText": "Does a great job of volumizing and is gentle on my hair.", "summary": "White Rain is an old and trusted shampoo for me", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "AHQ9P60N6NOAH", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Beth", "reviewText": "Smells very nice.", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A23ZC494ZWNEE0", "asin": "B001OHV1H4", "style": {"Size:": " 84"}, "reviewerName": "Amazon Customer", "reviewText": "This is a great product. I have been using it since two years ago. It is very gentle on your hair!", "summary": "This is a great product. I have been using it since two ...", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": false, "reviewTime": "10 8, 2012", "reviewerID": "A9QBM4RNQ7L9T", "asin": "B0012Y0ZG2", "style": {"Size:": " 169"}, "reviewerName": "Kathy T.", "reviewText": "I purchased this for my daughter for her science class, and this is the second year she is using it. It still looks like new - which is amazing considering my daughter is a bit on the messy side.", "summary": "Lab Coat", "unixReviewTime": 1349654400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1AKH1GJBE5CX5", "asin": "B0012Y0ZG2", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "Terra", "reviewText": "My aunt bought me this lotion from a Ross store last year for Christmas and I loved it. This is kind of expensive on Amazon but I still love it and Amazon is the only place I could find it. I will use it up slowly and carefully. Love the way it smells!", "summary": "Kinda expensive", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": false, "reviewTime": "03 19, 2013", "reviewerID": "A1XQ0F01CF84Y3", "asin": "B000URXP6E", "style": {"Size:": " 304"}, "reviewerName": "Mrs. J.", "reviewText": "This smells yummy and love it during the fall! I have the lip gloss also which is great! I love philosophy and this is yet another goody! :)", "summary": "Love this", "unixReviewTime": 1363651200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A2HMKJTX67U6SO", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "S. L. CHANCE", "reviewText": "Good shampoo and conditioner. I have always colored my hair and this set protects my color as it really cleans my hair. The fragrance is nice and light. Will buy again.", "summary": "Does what it claims..", "unixReviewTime": 1377993600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2MWTIZYINA2MH", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "IRENE ANAYA", "reviewText": "I love the clean smell conditions so well please my hair beautiful and shiny ", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": false, "reviewTime": "03 19, 2013", "reviewerID": "A1XQ0F01CF84Y3", "asin": "B0012Y0ZG2", "style": {"Size:": " 304"}, "reviewerName": "Mrs. J.", "reviewText": "This smells yummy and love it during the fall! I have the lip gloss also which is great! I love philosophy and this is yet another goody! :)", "summary": "Love this", "unixReviewTime": 1363651200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "AE051QZ4E3BPX", "asin": "B001OHV1H4", "style": {"Size:": " 50"}, "reviewerName": "Debra A Marcks", "reviewText": "Received product in a timely fashion and am pleased.", "summary": "Shampoo", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A2GBIFL43U1LKJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 60"}, "reviewerName": "K.Sofia", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A25NX4BU2GD908", "asin": "B000URXP6E", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "anne lacy", "reviewText": "Very nice fragrance.", "summary": "Five Stars", "unixReviewTime": 1478304000} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1SY26REK8411L", "asin": "B000URXP6E", "style": {"Size:": " 177"}, "reviewerName": "Run2Daylite", "reviewText": "Stops man stink in its tracks.", "summary": "babes dig it", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A313XPHJ3L9OPW", "asin": "B001OHV1H4", "style": {"Size:": " C-024"}, "reviewerName": "KS Senior", "reviewText": "I was a little hesitant to order this clip but glad I did. Nice for summer. Mine looks a little different but same type of pattern. Just waiting for more! These clips are an everyday accessory for me.", "summary": "Love it!", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A2RRQ78UZSEDF1", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Beulah", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"reviewerID": "A1MAJCTEK9HZHD", "asin": "B000FI4S1E", "reviewerName": "Ninfa Lopez Clariond", "verified": true, "reviewText": "Love this product", "overall": 5.0, "reviewTime": "01 19, 2017", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2JRCTJU21AJ4X", "asin": "B0012Y0ZG2", "style": {"Size:": " 77"}, "reviewerName": "Jennifer R Fiorita", "reviewText": "Very high quality product. I had difficulty finding something without paraben etc. that can actually hold my son's faux hawk all day - until now. This stuff is fantastic - just wish it weren't so expensive.", "summary": "This stuff is fantastic - just wish it weren't so expensive", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "ALWK9NN6TP252", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Tim Scarbrough", "reviewText": "Great product. Thick, concentrated, worth the investment.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A3ENINL71K542C", "asin": "B0012Y0ZG2", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "I love it\n Clean fresh smell, non irritating to my scalp..", "summary": "Clean fresh smell", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2014", "reviewerID": "AA91G2AGEGOEJ", "asin": "B000URXP6E", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "therman silks", "reviewText": "This soap smells so good - clean and intriguing - that anyone who uses it in my home comments on it. It's not in any stores in my town so I found it online and ordered it - not some thing I usually do.", "summary": "Great smelling soap.", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A1MAJCTEK9HZHD", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Ninfa Lopez Clariond", "reviewText": "Love this product", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A1UMO57A3IQGT7", "asin": "B0012Y0ZG2", "style": {"Size:": " 329"}, "reviewerName": "rjon", "reviewText": "A gift that was appreciated by the receiver.", "summary": "Five Stars", "unixReviewTime": 1404432000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "AH5IPOPDVNJMW", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Sunshine Girl", "reviewText": "Love these, wish they weren't so pricey.", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "AGOH8N902URMW", "asin": "B0009RF9DW", "style": {"Size:": " 10.2 oz"}, "reviewerName": "Zeb", "reviewText": "This gel is a genuine imported product from France. Over the years I have bought my wife similar products by other very expensive brands from France. Real high quality at a very affordable price.", "summary": "My wife loves this product", "unixReviewTime": 1395878400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A11AZPF8R6A1F8", "asin": "B0012Y0ZG2", "style": {"Size:": " 32"}, "reviewerName": "Trini Chic", "reviewText": "Great product that works well when used together with repair formula conditioner. Love the way my hair felt after shampooing,", "summary": "It really works", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "AXRLM8I2VTIMV", "asin": "B0012Y0ZG2", "style": {"Size:": " 72"}, "reviewerName": "tk amazon queen", "reviewText": "By far my favorite fragrance and this is the perfect size. Great for gifts too since it comes pre-packed with a ribbon.", "summary": "awesome stuff!", "unixReviewTime": 1374451200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51w+8aJEV+L._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "AGRLW94043OXP", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "Coantha Childers", "reviewText": "Smells great and performs great. Will buy it again, definitely", "summary": "Love this shower gel", "unixReviewTime": 1523404800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/511+oyS50IL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 21, 2018", "reviewerID": "A1VN560NNZQIR0", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Shablinska", "reviewText": "Cleansing properties are above any praise! Suprised by how good an all-organic product can be. Hair feel amazing after use.", "summary": "The best treat for my hair!", "unixReviewTime": 1524268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A3SR36PIOEYYO1", "asin": "B0012Y0ZG2", "style": {"Size:": " 70"}, "reviewerName": "andhopf", "reviewText": "love this procuct", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A2I9O5E0Q731GN", "asin": "B001OHV1H4", "style": {"Size:": " 51"}, "reviewerName": "Josephine Siu", "reviewText": "Wish I could get some more!", "summary": "Five Stars", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2016", "reviewerID": "A1V0UCYURG2LP", "asin": "B00006L9LC", "style": {"Size:": " 23"}, "reviewerName": "Mercedes", "reviewText": "Great shampoo for my 2 year old he has mixed hair", "summary": "Good for mixed hair", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2009", "reviewerID": "A1L4ZAG36ZO15M", "asin": "B0009RF9DW", "style": {"Size:": " 6.8 oz"}, "reviewerName": "Birmingham Man", "reviewText": "Best general purpose shampoo on the market. My wife says it produces a shine in her hair she can't get from any other product. Unique and lovely fragrance that characterizes the products in this line for both men and women.", "summary": "Penhaligon's Blenheim Bouquet Shampoo - GREAT !", "unixReviewTime": 1252627200} +{"reviewerID": "A1B1HM7OZLXFO2", "asin": "B000FI4S1E", "reviewerName": "very fun. makes you use your brain", "verified": true, "reviewText": "Excellent products. Will purchase more in a heartbeat!", "overall": 5.0, "reviewTime": "08 11, 2015", "summary": "Great Products!", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2MX559LDZAQ5Q", "asin": "B001OHV1H4", "style": {"Size:": " 26"}, "reviewerName": "girl45shooter", "reviewText": "Great conditioner that leaves hair clean.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A9ZMABTHVLKOL", "asin": "B0012Y0ZG2", "style": {"Size:": " 52"}, "reviewerName": "Texasgal", "reviewText": "I really wish Redken had not discontinued this product, it is such a great product and now I will need to find a long term replacement :(", "summary": "it is such a great product and now I will need to find a ...", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2016", "reviewerID": "A2UH411RVKUH96", "asin": "B000URXP6E", "style": {"Size:": " 143"}, "reviewerName": "Barb", "reviewText": "Have used this for over a month and I love it! No more itching or burning of my skin. Along with the Olay Age Defying moisturizer, my skin feels smooth and non-greasy. Lovely light scent too.", "summary": "Love it", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": false, "reviewTime": "07 12, 2014", "reviewerID": "A125TMC44CJBKK", "asin": "B00006L9LC", "style": {"Size:": " 410"}, "reviewerName": "Mustang Shelly", "reviewText": "All time favorite!!!! Wish they still carried this!!!", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2013", "reviewerID": "A1NO7CJ510NQWC", "asin": "B0009RF9DW", "style": {"Size:": " 6.7 oz."}, "reviewerName": "Patrice Wolfe", "reviewText": "It makes taking a shower like a walk in a meadow of wild flowers. Great consistency and viscosity. Easy to get out of the bottle and spread on body. Love the bubbles.", "summary": "What a way to take a shower.", "unixReviewTime": 1376179200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2013", "reviewerID": "AW4KF8E06AY28", "asin": "B0012Y0ZG2", "style": {"Size:": " 175"}, "reviewerName": "LG", "reviewText": "very masculine smell, perfect for camping or festivals etc where you don't want to bring several bottles of products. definitely recommend it.", "summary": "hair body wash", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A1ZH9XEBQIPLWT", "asin": "B000URXP6E", "style": {"Size:": " 505"}, "reviewerName": "JOYCE SCOTT", "reviewText": "love them", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2F9G1A29XS38E", "asin": "B0009RF9DW", "style": {"Size:": " 248"}, "reviewerName": "WCastro", "reviewText": "excellent product, as described", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "A251F9Y0GSZALP", "asin": "B0012Y0ZG2", "style": {"Size:": " 149"}, "reviewerName": "HouseNoni", "reviewText": "As with other Savannah bee products, this feels good, smells delicious in the shower. Hard to find but really helps with dry skin.", "summary": "love Savannah Bee products", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A36CT6022EC8KS", "asin": "B001OHV1H4", "style": {"Size:": " A-015"}, "reviewerName": "Amazon Customer", "reviewText": "Smells great!! Thanks for the fast delivery!", "summary": "Five Stars", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A20K51AP7RX6V8", "asin": "B0009RF9DW", "style": {"Size:": " 8"}, "reviewerName": "David", "reviewText": "Hard to find and expensive but I love this shower cream. I first discovered it more than 10 years ago and I'm very happy to be reacquainted with it. The best part about it is that it says with you all day.", "summary": "Hard to find and expensive but I love this shower cream", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A2RWJPXMBFGCF0", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "N. Donastorg", "reviewText": "This body wash smells amazing. Let me see how to describe \"amazing\" as a scent. It smells like you just showered in a botanical garden on a beautiful spring day. Plus your skin feels silky smooth thereafter.", "summary": "Spring is in your shower", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "AZ520NWW40I9B", "asin": "B00QXW95Q4", "reviewerName": "Abigail Harden", "reviewText": "My male roommate and I both love this shampoo! My hair looks healthy and never dry or frizzy when I use it consistently. All the Theorie products I have used have been excellent and do exactly what they promise. I would recommend it to anyone!", "summary": "Best shampoo I've ever used!", "unixReviewTime": 1484438400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A33EQHCO5TZIP5", "asin": "B000URXP6E", "style": {"Size:": " one size"}, "reviewerName": "ISHY", "reviewText": "always good to freshen up when traveling", "summary": "Five Stars", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "ADNGSTD6WM8WE", "asin": "B000URXP6E", "style": {"Size:": " 69"}, "reviewerName": "Amazon Customer", "reviewText": "Just what I wanted- this is my 3rd bottle. I hope it will still be available next time I need more.", "summary": "Just what I wanted- this is my 3rd bottle. ...", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2013", "reviewerID": "A2XPTXCAX8WLHU", "asin": "B0009RF9DW", "style": {"Size:": " 263"}, "reviewerName": "Mindy Lipton", "reviewText": "My daughter bought this for me because she knows how much I love it and sometimes its hard to find in the stores.", "summary": "Love it", "unixReviewTime": 1368230400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A27VWQXCDU4U9D", "asin": "B0012Y0ZG2", "style": {"Size:": " 364"}, "reviewerName": "Linda sommer", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A14QBW6X0Q1YSD", "asin": "B000URXP6E", "style": {"Size:": " 58"}, "reviewerName": "Susan J. Bedore", "reviewText": "Love the scent and it work better than any other mousse I have used. it makes my hair look natural, not stiff. My hair is shinier and fuller. Great stuff.", "summary": "Love the scent and it work better than any other ...", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2018", "reviewerID": "A1T7DRMZ9A9KEA", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Robert Roehlk", "reviewText": "First hair care product I've decided to purchase online. Worth it for sure. No more struggle with getting rid of my dandruff problem. I use it about once per 2-3 days and it is more than enough to keep my hair and head skin healthy.", "summary": "First hair care product I've decided to purchase online. ...", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A1IW22SHMMASQ6", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.2 oz"}, "reviewerName": "DonnaMcM.", "reviewText": "Have used this fragrance for years now; just love it!!! Hard to find the matching shower gel, so very happy to have found\nit on Amazon. Five stars all the way!!!", "summary": "Lolita Lempicka Perfumed Shower Gel", "unixReviewTime": 1392681600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A1ZH9XEBQIPLWT", "asin": "B001OHV1H4", "style": {"Size:": " C-024"}, "reviewerName": "JOYCE SCOTT", "reviewText": "love them", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A3JJ3GK8Q39TDE", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Katrina Jones", "reviewText": "Use regularly. love this product.", "summary": "love this product", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A2GBIFL43U1LKJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 60"}, "reviewerName": "K.Sofia", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3IRJA2MBOJ411", "asin": "B000URXP6E", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Anne F. Batty", "reviewText": "Every year we vacation on a lake and the kids love to wash their hair in the lake. This shampoo and conditioner is perfect!!", "summary": "Perfect!!", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "AUAC7GPINCR54", "asin": "B019809F9Y", "style": {"Size:": " 3 Ounce"}, "reviewerName": "Csaba Farsang", "reviewText": "It makes electic shaving smooth and quick.,shaving, much better than thers on the market. it is a pity that it is not available anywhere in Europe...", "summary": "Electric shaving", "unixReviewTime": 1367107200} +{"reviewerID": "AOZV8VU33NLG8", "asin": "B000FI4S1E", "reviewerName": "Darlene M.", "verified": true, "reviewText": "What I expected Nice", "overall": 5.0, "reviewTime": "01 16, 2016", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A2SEHJL7RHNW0Q", "asin": "B0012Y0ZG2", "style": {"Size:": " 364"}, "reviewerName": "Bob in Columbus", "reviewText": "Purchased this for my wife, she loves the product. She uses it very night, can see a difference in her skin.", "summary": "Purchased this for my wife, she loves the product ...", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A265E2JC4S3YWC", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Yngathrt", "reviewText": "This product is wonderful and the seller met my every expectation!", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2017", "reviewerID": "A1D3G0HL756T8B", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Vette", "reviewText": "Lovin' them.", "summary": "Will get more!", "unixReviewTime": 1505260800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "AH5IPOPDVNJMW", "asin": "B0009RF9DW", "style": {"Size:": " 27"}, "reviewerName": "Sunshine Girl", "reviewText": "Love these, wish they weren't so pricey.", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": false, "reviewTime": "12 29, 2014", "reviewerID": "A27IT9W7WU080F", "asin": "B000URXP6E", "style": {"Size:": " 223"}, "reviewerName": "johnny", "reviewText": "I really like the shampoo and body wash. They both lather great with a very masculine yet fruity scent. 3 thumbs up!", "summary": "amazing scent", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A2QLQVPUZG2JXU", "asin": "B0009RF9DW", "style": {"Size:": " 184"}, "reviewerName": "Kyuyeon J.", "reviewText": "Actually, at first I intended to order white musk 'lotion', not the body wash.\nSo I ordered the wrong item without reading the description carefully.\nThe funny thing is I USE THIS EVERYDAY.\nI smelled both scents of the lotion and body wash, and I prefer this one.", "summary": "I love it!", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": false, "reviewTime": "02 4, 2016", "reviewerID": "A2VZXAAEWAO7PG", "asin": "B0012Y0ZG2", "style": {"Size:": " 44"}, "reviewerName": "Jacqueline Ruble", "reviewText": "My family and I have used this shampoo and love it the conditioner is great also. I love Le Grande Francisco\nproducts!!", "summary": "My family and I have used this shampoo and love it the conditioner is great also", "unixReviewTime": 1454544000} +{"overall": 5.0, "vote": "28", "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A2F218M5AOPU6T", "asin": "B0012Y0ZG2", "style": {"Size:": " 198"}, "reviewerName": "Tony", "reviewText": "Great product..", "summary": "Five Stars", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A3CEFO8LPIMHHE", "asin": "B000URXP6E", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "amalia yumping-fleury", "reviewText": "luv it", "summary": "Five Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A3DHNBADVA7S4D", "asin": "B001OHV1H4", "style": {"Size:": " 5"}, "reviewerName": "enaid7575", "reviewText": "Love how it makes my hair feel thicker yet very manageable", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "ADPN1Z23QGFQ5", "asin": "B000URXP6E", "style": {"Size:": " 52"}, "reviewerName": "Mauro", "reviewText": "Very Good", "summary": "Five Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "AVC2FIYKB6VHF", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "emily prentice", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A3KL6I6EWV0MF6", "asin": "B001OHV1H4", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "Jenephil C.", "reviewText": "Love the this 2-1 shampoo and conditioner. Does wonders for my hair and enjoy using it.", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A24XAYKFM8XZTR", "asin": "B0009RF9DW", "style": {"Size:": " 7.6oz"}, "reviewerName": "Mary & Dave", "reviewText": "Best perfume smell and products", "summary": "Five Stars", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A89GFB5RTGC8Z", "asin": "B000URXP6E", "style": {"Size:": " 39"}, "reviewerName": "Ronald Malazzo", "reviewText": "Gives fine hair more body in just a couple days use", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "ACDH4NYWRB1PR", "asin": "B000URXP6E", "style": {"Size:": " 494"}, "reviewerName": "CG", "reviewText": "Great set!", "summary": "Great set!", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A74WRG7ZEKXX7", "asin": "B0012Y0ZG2", "style": {"Size:": " 95"}, "reviewerName": "Dee Yoder", "reviewText": "As usual, this bath gel was just as good as expected.", "summary": "this bath gel was just as good as expected", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A12HTKLZWLEAF5", "asin": "B001OHV1H4", "style": {"Size:": " 126"}, "reviewerName": "Marcia Fairman", "reviewText": "I have an Airbnb. This is perfect for guests. The price is right and I can provide shampoo with little waist. I appreciate this product", "summary": "This is perfect for guests", "unixReviewTime": 1506816000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2MWTIZYINA2MH", "asin": "B00006L9LC", "style": {"Size:": " 26"}, "reviewerName": "IRENE ANAYA", "reviewText": "I love the clean smell conditions so well please my hair beautiful and shiny ", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A3UXFQUZ6P1JRB", "asin": "B00JF2GVWK", "reviewerName": "BabyBoomer55", "reviewText": "Smells incredible...almost a musk, deep scent. Lathers very well. You feel clean all day!", "summary": "Smells incredible... almost a musk, deep ...", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A38CIT22Y0TZS", "asin": "B00RZYW4RG", "reviewerName": "Amazon Customer", "reviewText": "Love it. Have used it for years", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2012", "reviewerID": "A8CGEXNIB402C", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/ 6.7OZ"}, "reviewerName": "Wanda D, Patton", "reviewText": "I purchased Chanel Antaeus Bath and shower Gel. The process was quick and easy and I received the product when promised.", "summary": "Channel Bath Gel", "unixReviewTime": 1343433600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1AKH1GJBE5CX5", "asin": "B00AKP21KM", "reviewerName": "Terra", "reviewText": "My aunt bought me this lotion from a Ross store last year for Christmas and I loved it. This is kind of expensive on Amazon but I still love it and Amazon is the only place I could find it. I will use it up slowly and carefully. Love the way it smells!", "summary": "Kinda expensive", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "A28TUBAOIO801", "asin": "B0012Y0ZG2", "style": {"Size:": " 195"}, "reviewerName": "Mitch", "reviewText": "My favorite body wash, suds up nice, leaves skin moisturized and has a nice subtle scent", "summary": "Can't go wrong with oil of Olay", "unixReviewTime": 1464912000} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A36EEWU8U97ZSX", "asin": "B00006L9LC", "style": {"Size:": " 87"}, "reviewerName": "Darlene D.", "reviewText": "Love this shampoo for my fine hair....gives great volume!", "summary": "Five Stars", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2DK8CVJ2HYDRI", "asin": "B00006L9LC", "style": {"Size:": " 36"}, "reviewerName": "Pamela Biafora", "reviewText": "Works great for hair thats thin. Wish Walgreens kept it on the shelf.", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A10P0NAKKRYKTZ", "asin": "B000URXP6E", "style": {"Size:": " 97"}, "reviewerName": "Amazon Customer", "reviewText": "Fantastic shower gel. Not only lathers well but also makes the entire bathroom smell nice", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "AKMC46NLSXDJX", "asin": "B0009RF9DW", "style": {"Size:": " 176"}, "reviewerName": "Jasmine C.", "reviewText": "Boyfriend's mom LOVED it!!!", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "AXIU0T1YPFUBX", "asin": "B000URXP6E", "style": {"Size:": " 259"}, "reviewerName": "Epalahame Palu", "reviewText": "Love it, wish it wasn't dis-comtinued", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 4, 2012", "reviewerID": "A2Z54QPJOS4TQA", "asin": "B0014SQQ3M", "reviewerName": "Clarkston", "reviewText": "I cannot believe the price! I have used this product for a few years. My brow and smile area feel lifted with it.", "summary": "Great product", "unixReviewTime": 1330819200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2W78060JSRKED", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "Christine D", "reviewText": "I bought this for my daughter. She is vegan. She loves it, makes her hair soft and helped with her dry scalp.. Just wish it came in a larger size because she has to use quite a bit of the conditioner, she has very long hair.", "summary": "Great vegan shampoo/conditioner", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2013", "reviewerID": "A1TB2OE42GDXLB", "asin": "B0009RF9DW", "style": {"Size:": " 283"}, "reviewerName": "duwal", "reviewText": "Thank you for selling this. The company doesn't make it any more or slowed down how much product it produces. So it's wonderful to see that someone on Amazon sells it...thanks.", "summary": "I love this scent.", "unixReviewTime": 1370476800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3JOF3FISSE7E0", "asin": "B004KEJ65C", "reviewerName": "Catherine Daniel", "reviewText": "makes hair fuller and is gentle on scalp. hair feels soft.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"reviewerID": "A3GAYXUN80BG07", "asin": "B000FI4S1E", "reviewerName": "Rosie", "verified": true, "reviewText": "My aunt loves it! I will get her some more when she runs out.", "overall": 5.0, "reviewTime": "07 5, 2014", "summary": "My aunt loves it! I will get her some ...", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A1JQIYKCPYFKG2", "asin": "B000URXP6E", "style": {"Size:": " 247"}, "reviewerName": "S. Curry", "reviewText": "My favorite and hard to find.", "summary": "My favorite and hard to find", "unixReviewTime": 1407542400} +{"reviewerID": "A2POJYG128B2EX", "asin": "B000FI4S1E", "reviewerName": "WeeklyBuyer", "verified": true, "reviewText": "Love the fresh scent", "overall": 5.0, "reviewTime": "07 16, 2016", "summary": "Five Stars", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "AL54O8LSKUIQ8", "asin": "B00006L9LC", "style": {"Size:": " 1.69oz"}, "reviewerName": "Kelly Moore", "reviewText": "Great product!!", "summary": "Five Stars", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A1LCFO492L6K6G", "asin": "B00006L9LC", "style": {"Size:": " 86"}, "reviewerName": "SEONGHO CHOI", "reviewText": "My wife and me have used this shampoo for a long time. Our best choice product.\nI have worried my hair loss but this shampoo helpful on my hair.", "summary": "Our best choice product", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "ATQWHIT4GCWFU", "asin": "B000URXP6E", "style": {"Size:": " 370"}, "reviewerName": "Lee Souleles", "reviewText": "Excellent product! Excellent transaction.", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "04 15, 2018", "reviewerID": "A3L40OCWS1W7R7", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Yiwei Zhou", "reviewText": "The best one Ive ever used!!!", "summary": "Five Stars", "unixReviewTime": 1523750400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "AFRPK7R9KRVUC", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "LibbyG", "reviewText": "My favorite of the Thymes scents. It really uplifts me in the shower when I use this body wash. The scent lingers for a bit, but I like to follow up with the body lotion to really set the scent.", "summary": "Great fresh scent", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A300SV028Q2Z4C", "asin": "B0012Y0ZG2", "style": {"Size:": " 127"}, "reviewerName": "willtastic", "reviewText": "My favorite", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A3H4ZZ6X3GROKJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 124"}, "reviewerName": "Amazon Customer", "reviewText": "Absolutely LOVE, LOVE, LOVE this product!!!!! It smells AMAZING and feels GREAT on the body! Will be repurchasing this item MANY, MANY more times!", "summary": "Amazing Product!", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A3R33QRJ8AC767", "asin": "B0012Y0ZG2", "style": {"Size:": " 67"}, "reviewerName": "Amazon Customer", "reviewText": "I love this hard to find lotion/fragrance, as well as the feel of the lotion. A little goes a long way. The Amazon price is a great value. The product arrived quickly and in perfect condition.", "summary": "Escada Moon Sparkle", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A22WRCL3T66COU", "asin": "B0012Y0ZG2", "style": {"Size:": " 352"}, "reviewerName": "Moniqueici", "reviewText": "Eau de Hadrien is my favorite of the Annick Goutal line & the lotion is lovely.", "summary": "Lovely light fragrance", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A2JPQVFMKT94M2", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "ad", "reviewText": "This is so handy and unique! Comes in a protective pouch, and with an extra refil. Seems like it will last a long time for those who just like a little dab of a beautiful scent.", "summary": "Seems like it will last a long time for those who ...", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3Q6RS3X7VRVW3", "asin": "B000URXP6E", "style": {"Size:": " 255"}, "reviewerName": "Nick Nasc", "reviewText": "Been a fave for decades", "summary": "Five Stars", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2017", "reviewerID": "A3LGZDAVZSFO0M", "asin": "B0012Y0ZG2", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Robin L. Bomzer", "reviewText": "This set is awesome! I bought one for myself and bought a second one as a gift! Good scents and a good price.", "summary": "This set is awesome! I bought one for myself and bought a ...", "unixReviewTime": 1491436800} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2018", "reviewerID": "A2SH5YH74O245M", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "jim russell", "reviewText": "Works perfect for any type of hair. Dry, greasy or any other. My whole family is happy with results", "summary": "Perfect", "unixReviewTime": 1526256000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "AKIQW8M8Q74HG", "asin": "B0012Y0ZG2", "style": {"Size:": " 112"}, "reviewerName": "Linda", "reviewText": "My favorite way to relax.", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A1DAE86MWE6OMW", "asin": "B0012Y0ZG2", "style": {"Size:": " 61"}, "reviewerName": "pamela smith", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A1OMMCNMFY7TYH", "asin": "B00HLXEXDO", "reviewerName": "Amazon Customer", "reviewText": "Smells awesome, great price!", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A11L1TI883AOSV", "asin": "B0012Y0ZG2", "style": {"Size:": " 50"}, "reviewerName": "Trudy Goodwin", "reviewText": "You Just need a little, and it lathers up great. Smells good, leaves my hair shiny and curly, and manageable. My only complaint is for some unknown reason, they stopped making the 32oz. size. Probably because they want you to buy more of the 11oz size.", "summary": "Great Shampoo for curly or wavy Hair", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "AE6VLUKO55M7H", "asin": "B0012Y0ZG2", "style": {"Size:": " 86"}, "reviewerName": "Loodz", "reviewText": "best shampoo i ever used, they give you 10 extra sample packs too :3", "summary": "Five Stars", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "AZ520NWW40I9B", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Abigail Harden", "reviewText": "My male roommate and I both love this shampoo! My hair looks healthy and never dry or frizzy when I use it consistently. All the Theorie products I have used have been excellent and do exactly what they promise. I would recommend it to anyone!", "summary": "Best shampoo I've ever used!", "unixReviewTime": 1484438400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "AUPNID1GKJB34", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "dry2", "reviewText": "Really like the nice mild fragrance. Cannot find this Old Spice Body Wash Foxcrest on the local retail shelves for some unknown reason???", "summary": "Really like the nice mild fragrance.", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "A1118RD3AJD5KH", "asin": "B00VG1AV5Q", "reviewerName": "DL", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1524614400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2017", "reviewerID": "A1PWYEL1R4LMAQ", "asin": "B0009RF9DW", "style": {"Size:": " 1 ounce"}, "reviewerName": "Jasmin James", "reviewText": "Ideal for the guesthouse.", "summary": "Five Stars", "unixReviewTime": 1513123200} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A3MWSMK06UU6BZ", "asin": "B0009RF9DW", "style": {"Size:": " 70"}, "reviewerName": "Barbara A.", "reviewText": "love it...wish I could find the hand lotion!", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1SY26REK8411L", "asin": "B0012Y0ZG2", "style": {"Size:": " 177"}, "reviewerName": "Run2Daylite", "reviewText": "Stops man stink in its tracks.", "summary": "babes dig it", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A2A83NR45HQ2OV", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "melody a burke", "reviewText": "Love this body wash!! My absolute favorite! And very hard to find.", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"overall": 4.0, "verified": false, "reviewTime": "05 27, 2015", "reviewerID": "A10M2MLE2R0L6K", "asin": "B000VV1YOY", "style": {"Size:": " 1 count", "Color:": " Millionails Treatment"}, "reviewerName": "Booklover", "reviewText": "Very nice product. Makes a very nice base for applying color.", "summary": "Very nice product", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A2EM4MVIU5Z0KD", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "jennifer johnson", "reviewText": "It was a gift to my step dad and he uses the stuff all the time. It is awesome to use.", "summary": "Great Gift", "unixReviewTime": 1353715200} +{"overall": 1.0, "verified": true, "reviewTime": "04 2, 2018", "reviewerID": "A1ZM06J2A5XGHY", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Amazon Customer", "reviewText": "Skin did not improve. Felt like using scented water.", "summary": "Dont buy", "unixReviewTime": 1522627200} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A26FGQS4JIPDH5", "asin": "B00JF2GVWK", "reviewerName": "Linda Willford", "reviewText": "My son also likes this", "summary": "smells great", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2017", "reviewerID": "A3LGZDAVZSFO0M", "asin": "B000URXP6E", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Robin L. Bomzer", "reviewText": "This set is awesome! I bought one for myself and bought a second one as a gift! Good scents and a good price.", "summary": "This set is awesome! I bought one for myself and bought a ...", "unixReviewTime": 1491436800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A1N1FL81IAC7IR", "asin": "B0012Y0ZG2", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Brian", "reviewText": "Mom loves it!!", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "AX19QD7S32O5W", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "Richard Day", "reviewText": "Happy with the product!", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A2831PTXQCEFCM", "asin": "B0009RF9DW", "style": {"Size:": " 67"}, "reviewerName": "Miss D", "reviewText": "Love the fragrance, and was happy to be able to buy Moon Sparkle again! Give it a try! You won't be disappointed! Very sexy fragrance!", "summary": "Always a favorite!", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2015", "reviewerID": "A3TFW9R3OCAGUI", "asin": "B000URXP6E", "style": {"Size:": " 223"}, "reviewerName": "ali alawieh", "reviewText": "I love the smell of the shower gel also it bodyspary and also a great gift set that I got from wife that only cost me $20. it's great to a get gift from your hard own money.", "summary": "I love the smell of the shower gel also it bodyspary ...", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-4809CDF7BD"}, "reviewerName": "Amzon Customer", "reviewText": "Works fine. No irritation or oily feeling. Dark circles are getting diminished. It has beennjust a week.", "summary": "Recommended", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2014", "reviewerID": "AA91G2AGEGOEJ", "asin": "B00006L9LC", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "therman silks", "reviewText": "This soap smells so good - clean and intriguing - that anyone who uses it in my home comments on it. It's not in any stores in my town so I found it online and ordered it - not some thing I usually do.", "summary": "Great smelling soap.", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A2O23K583MS6RI", "asin": "B0012Y0ZG2", "style": {"Size:": " 25"}, "reviewerName": "Ray", "reviewText": "I've been using this product for a couple of years at the suggestion of my hair stylist. Took away the dullness of my gray hair. I like it.", "summary": "I like it.", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "AOMVFFY4OPSPQ", "asin": "B000URXP6E", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "Worked great!", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"reviewerID": "AYORX1AK30JMB", "asin": "B000FI4S1E", "reviewerName": "Westy", "verified": true, "reviewText": "Great product! I use it on my face, neck and arms after shaving. My skin feels great and my eyes don't sting when I perspire.", "overall": 5.0, "reviewTime": "07 18, 2013", "summary": "Nice!", "unixReviewTime": 1374105600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A1IMRCSU4F0409", "asin": "B0012Y0ZG2", "style": {"Size:": " 367"}, "reviewerName": "Bdot", "reviewText": "Packaging was nicely done with bubble wrap and paper. Box is amazing besides perfume and I love the new red door design. Order this one because im used to the old bottle design which they sent the new one and im glad they did.", "summary": "Happy", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2I0X28L5E42VU", "asin": "B000URXP6E", "style": {"Size:": " 337"}, "reviewerName": "Debbie", "reviewText": "love this bubble bath,love all avon bubble bath,lathers great and smells great", "summary": "Five Stars", "unixReviewTime": 1407542400} +{"reviewerID": "A39VQK6I0V3AFV", "asin": "B000FI4S1E", "reviewerName": "&quot;J&quot; golfer", "verified": true, "reviewText": "Have used for a long time and nothing has worked better. This is a winner and I will continue to purchase it.", "overall": 5.0, "reviewTime": "03 10, 2013", "summary": "great product", "unixReviewTime": 1362873600} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3E52KMZJI788W", "asin": "B001OHV1H4", "style": {"Size:": " 25"}, "reviewerName": "K9 Lover", "reviewText": "The silver shampoo I had been using is no longer available, so I tried this. It does a great job as far as color goes but didn't leave my hair as soft. I have very thick coarse hair and it's hard to find a product to soften it. Overall I'm very pleased, especially for the cost.", "summary": "keeps my white hair from looking yellow.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A1KJ2M8NY458CE", "asin": "B00006L9LC", "style": {"Size:": " 109"}, "reviewerName": "Linda", "reviewText": "this is great and my pups never get the puppy smells, always clean", "summary": "Five Stars", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A1XCIY3DWUIC3C", "asin": "B001OHV1H4", "style": {"Size:": " 1 Pack"}, "reviewerName": "R Goldburg", "reviewText": "I have been using this shampoo for a long time and was happy to have it available to me a 4 pack; to me it's the best shampoo available", "summary": "... using this shampoo for a long time and was happy to have it available to me a 4 pack", "unixReviewTime": 1481500800} +{"reviewerID": "A2INILPDI33JG3", "asin": "B000FI4S1E", "reviewerName": "Susan Lamparter", "verified": true, "reviewText": "Great product", "overall": 5.0, "reviewTime": "11 24, 2014", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A71OPGFA90NJL", "asin": "B00HLXEXDO", "reviewerName": "Erin M.", "reviewText": "Love love love. I've got sensitive skin and I dislike a lot of scents but this smells amazing and takes care of me.", "summary": "Love.", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2016", "reviewerID": "AM88FAF0V7U6D", "asin": "B00006L9LC", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome product", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A344ILJPHYQ0V", "asin": "B000URXP6E", "style": {"Size:": " 33"}, "reviewerName": "Yluminada", "reviewText": "muy bueno", "summary": "Four Stars", "unixReviewTime": 1434326400} +{"overall": 4.0, "verified": false, "reviewTime": "09 2, 2017", "reviewerID": "AGEKVD8JPZQMT", "asin": "B019FWRG3C", "style": {"Color:": " Lavender Blossoms"}, "reviewerName": "Matt", "reviewText": "This has a very nice scent and works well in your drawers, but you do have to put them in a mesh bag b/c they are small and can get messy. The scent lasts a long time. Overall, very nice for my clothing drawers.", "summary": "nice scent", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A36EEWU8U97ZSX", "asin": "B001OHV1H4", "style": {"Size:": " 87"}, "reviewerName": "Darlene D.", "reviewText": "Love this shampoo for my fine hair....gives great volume!", "summary": "Five Stars", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "ARI1N006KSXX", "asin": "B0012Y0ZG2", "style": {"Size:": " 13"}, "reviewerName": "Jennifer", "reviewText": "I love this hair cream! It has a nice subtle scent that isn't overpowering and it is very lightweight.", "summary": "Great everyday styling cream", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2013", "reviewerID": "AW4KF8E06AY28", "asin": "B000URXP6E", "style": {"Size:": " 175"}, "reviewerName": "LG", "reviewText": "very masculine smell, perfect for camping or festivals etc where you don't want to bring several bottles of products. definitely recommend it.", "summary": "hair body wash", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A3INQL95YAY6OW", "asin": "B0012Y0ZG2", "style": {"Size:": " 367"}, "reviewerName": "villy", "reviewText": "My sister smiled from ear to ear.", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A1VOA3CU9XRDDS", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "BBoker", "reviewText": "Makes my hair shine better than anything else I've tried!", "summary": "Super shine!", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A22WRCL3T66COU", "asin": "B001OHV1H4", "style": {"Size:": " 352"}, "reviewerName": "Moniqueici", "reviewText": "Eau de Hadrien is my favorite of the Annick Goutal line & the lotion is lovely.", "summary": "Lovely light fragrance", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A1C03381HL8SWG", "asin": "B000URXP6E", "style": {"Size:": " 403"}, "reviewerName": "Happy Customer", "reviewText": "Love these drops!", "summary": "Awesome!", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JXCMOICECC61", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.0 fl. oz."}, "reviewerName": "denise blandford denise blandford", "reviewText": "Love this stuff makes my skin feel great the only brand I buy just wish it did not cost so much", "summary": "Great product", "unixReviewTime": 1386806400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A2KQ0AAX4DKI1Q", "asin": "B00006L9LC", "style": {"Size:": " 174"}, "reviewerName": "Timothy E Murray", "reviewText": "This cape was durable and very inexpensive. I cut my husband's hair and this is just what I needed. The velcro at the neck insures a proper fit.", "summary": "Great cape", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "AGREG8QB61C85", "asin": "B000URXP6E", "style": {"Size:": " 181"}, "reviewerName": "Izzy Palans", "reviewText": "Love it! moisturizing, citrus fragrance is fresh and clean,will purchase again! Is not overpowering like many washes can often be.", "summary": "finally the ideal shower wash!", "unixReviewTime": 1387670400} +{"reviewerID": "A2XNLIC0O07GPW", "asin": "B000FI4S1E", "reviewerName": "shopmysongs", "verified": true, "reviewText": "Bought along with their shampoo and lotion for a welcome gift for an oceanfront condo rental and are perfect size and price.", "overall": 5.0, "reviewTime": "05 25, 2017", "summary": "Great Price For A Rental Welcome Gift", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A1IMRCSU4F0409", "asin": "B0012Y0ZG2", "style": {"Size:": " 367"}, "reviewerName": "Bdot", "reviewText": "Packaging was nicely done with bubble wrap and paper. Box is amazing besides perfume and I love the new red door design. Order this one because im used to the old bottle design which they sent the new one and im glad they did.", "summary": "Happy", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2018", "reviewerID": "AUS96J3A7A9MK", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Kirk Wiper", "reviewText": "Got both products from this seller, shampoo and body wash. Both - top notch. 5 stars", "summary": "Selenium is awesome!", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "A3ILCNY19J5KFA", "asin": "B000FOI48G", "reviewerName": "bjsw", "reviewText": "Product is as advertised - easy to use and hopefully beneficial to my dental health. Transaction with Amazon completed with no problems.", "summary": "dentist recommended", "unixReviewTime": 1380499200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-F4F7CA8275"}, "reviewerName": "Amzon Customer", "reviewText": "I love this refreshing eye cream! My sister bought a bottle and I totally noticed a difference in her eye skin and bags. Her skin lightened and brightened and was so much less puffy so I went for it.", "summary": "Awesome Gift!", "unixReviewTime": 1534982400} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A2WNVJ6S7OVZP4", "asin": "B001OHV1H4", "style": {"Size:": " 15"}, "reviewerName": "Amazon Customer", "reviewText": "It worked very well i disliked nothing", "summary": "Four Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2012", "reviewerID": "A3UJNWXI82I8P7", "asin": "B0012Y0ZG2", "style": {"Size:": " 291"}, "reviewerName": "LINKETTE", "reviewText": "Been using BeautiControl for some time now and I love their products. All of their products are Ph balanced so if you accidentally happen to get any in your eye(s) it will not burn or sting.", "summary": "Great", "unixReviewTime": 1349740800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "A1CURM7FGX5UJP", "asin": "B000URXP6E", "style": {"Size:": " 170"}, "reviewerName": "ss.", "reviewText": "This shower gel went above my expectation. This was not overpowering like other shower gels full of musky cologne.\nI have sensitive skin so this went on my skin without a problem. Thanks for the fast shipping.", "summary": "Great shower gel", "unixReviewTime": 1376870400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "AVC2FIYKB6VHF", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "emily prentice", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A19EIBWOIY3U1R", "asin": "B0012Y0ZG2", "style": {"Size:": " 367"}, "reviewerName": "Dr. Tracey-Marie Dorsey", "reviewText": "I love this product so much bought for my Mother for Christmas and she loves it..........", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A2EIK3QR1822Q4", "asin": "B001OHV1H4", "style": {"Size:": " 15"}, "reviewerName": "Forensic Nut", "reviewText": "Very good product for fine/thin hair. Does help with texture and thickness.", "summary": "Four Stars", "unixReviewTime": 1452038400} +{"overall": 1.0, "verified": true, "reviewTime": "05 3, 2018", "reviewerID": "AEL1DK2OJ41ZZ", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Made dandruff worse and irritated rest of skin", "summary": "One Star", "unixReviewTime": 1525305600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A165FHUTQU6L2Z", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "Sarah", "reviewText": "Smells great and is as described", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A89GFB5RTGC8Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 39"}, "reviewerName": "Ronald Malazzo", "reviewText": "Gives fine hair more body in just a couple days use", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3E9APU6SYF2SD", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "KatieMul", "reviewText": "Perfect size.", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A12B5Y225ADJWE", "asin": "B00006L9LC", "style": {"Size:": " 402"}, "reviewerName": "J. Johnstone", "reviewText": "My favorite color:) a nice brown with some sparkles. I would recommend to a friend any day of the week!!!", "summary": "Love it", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "AD6WIZKKXYQVL", "asin": "B001OHV1H4", "style": {"Size:": " B-002"}, "reviewerName": "MLawton", "reviewText": "This treatment is awesome to reinforce your hair and make it look shinny and healthy. I def recommend it for everybody.", "summary": "Nice product", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "A15IDG691XH2XI", "asin": "B0012Y0ZG2", "style": {"Size:": " 304"}, "reviewerName": "Debbie Buchanan", "reviewText": "If you love Halloween and candy corn you are going to go nuts for this!!! I live it and use this all year round! Thanks philosophy for this great irem", "summary": "Love", "unixReviewTime": 1362096000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2014", "reviewerID": "A1210QJT54O8T0", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Verbena"}, "reviewerName": "Sandra L. Foster", "reviewText": "These soaps are wonderful. They leave your skin feeling so clean yet not dry. I really love using them. This one is good smelling.", "summary": "Verbena", "unixReviewTime": 1391212800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A19Q4TR24DNXB5", "asin": "B0012Y0ZG2", "style": {"Size:": " 195"}, "reviewerName": "Mallory", "reviewText": "I have really dry skin and Olay ribbons is the only body wash I use. Getting more and more difficult to find in stores - hope it doesn't disappear here as well.", "summary": "I have really dry skin and Olay ribbons is the ...", "unixReviewTime": 1505692800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A914TQVHI872U", "asin": "B019809F9Y", "style": {"Size:": " 7 Ounce"}, "reviewerName": "An Educated Consumer", "reviewText": "Writing this review for my husband...this is his favorite pre shave product.\n\nThe price is also the lowest for the 7 ounce size he has found.", "summary": "My hubby's favorite pre shave...", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A121C9UWQFW5W6", "asin": "B000URXP6E", "style": {"Size:": " 7.6oz"}, "reviewerName": "Barbara Wallace", "reviewText": "Just what I wanted and it arrived early", "summary": "Five Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A3LM35KSFBVPOS", "asin": "B0012Y0ZG2", "style": {"Size:": " 162"}, "reviewerName": "jennifer castleman", "reviewText": "love it...smells so good and was delivered fast....wrapped in bubble wrap and a nice big box....buy with confidance", "summary": "mmmmmsmellls so good! and it was bigger than i thought it was!", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A270QYQEV3CQGH", "asin": "B0012Y0ZG2", "style": {"Size:": " 934"}, "reviewerName": "The Empress", "reviewText": "I got s beautiful tan with no burning! The smell was great too. Thanks Amazon for carying this product; I am definitely going to order this product again.", "summary": "Tan and Beautiful!", "unixReviewTime": 1471305600} +{"reviewerID": "A2BFYX5LXWT7J", "asin": "B000FI4S1E", "reviewerName": "Melody Surdahl", "verified": true, "reviewText": "Azur is always my favorite in the Thymes collection because of its clean, fresh scent. I like that my skin feels moisturized when using this product in the shower.", "overall": 5.0, "reviewTime": "09 19, 2014", "summary": "Always a favorite.", "unixReviewTime": 1411084800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61iM-DR-wgL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/710+28paxwL._SY88.jpg"], "overall": 3.0, "vote": "5", "verified": true, "reviewTime": "03 25, 2018", "reviewerID": "A3T2BPXBDMLJPE", "asin": "B0009RF9DW", "style": {"Size:": " 8.5oz"}, "reviewerName": "GabesAmazon", "reviewText": "Good light scent. Have received complements from people that I smell nice after using it. 3 stars because bottle is kind of small for a shower gel (size compariso photo attached) and it doesnt really help me wake up in the morning like other products.", "summary": "Good light scent", "unixReviewTime": 1521936000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "ARI1N006KSXX", "asin": "B001OHV1H4", "style": {"Size:": " 13"}, "reviewerName": "Jennifer", "reviewText": "I love this hair cream! It has a nice subtle scent that isn't overpowering and it is very lightweight.", "summary": "Great everyday styling cream", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A1UDB6NF2GI5KF", "asin": "B000URXP6E", "style": {"Size:": " 22"}, "reviewerName": "jc's princess pick's", "reviewText": "too bad this is discontinued", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A2X7VCBZQROXVM", "asin": "B000URXP6E", "style": {"Size:": " 6"}, "reviewerName": "Amazon Customer", "reviewText": "I love this product. Really makes my hair moisturized and silky", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A2N52EPR60UCHN", "asin": "B000URXP6E", "style": {"Size:": " 367"}, "reviewerName": "gary walters", "reviewText": "my wife loved it ,and thanked me ,she gets good coments all the time.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"reviewerID": "AN4M590RDRGH7", "asin": "B000FI4S1E", "reviewerName": "margaret johnson", "verified": true, "reviewText": "I became acquainted with Savannah Bee Mint Julep when I originally bought one from Bath and Body. I always like the fragrance and its invigorating effect. I would recommend this body wash. It lasts a long time and lathers well.", "overall": 5.0, "reviewTime": "10 3, 2013", "summary": "Refreshing", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2009", "reviewerID": "A23JI9AN3N4GFK", "asin": "B0012Y0ZG2", "style": {"Size:": " 106"}, "reviewerName": "J. P. Lewis", "reviewText": "I've used Bellmira Herbaflor Herbal Baths for years and for a relaxing bubble bath, these are the Best Ever! The water here is Very Hard & this stuff still makes bubbles like no other I've ever found. Scents are Mild. A Must try.", "summary": "Fabulous Bubbles...", "unixReviewTime": 1250726400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A3E9ZV03ZD1ZI", "asin": "B0012Y0ZG2", "style": {"Size:": " 122"}, "reviewerName": "Amazon Customer", "reviewText": "I love the scent.", "summary": "Five Stars", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A347D5SOZ68PPE", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Great product would buy from seller agian", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2YWRVKET7JDYP", "asin": "B0012Y0ZG2", "style": {"Size:": " 483"}, "reviewerName": "The Truth", "reviewText": "Great for the price", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A1VOA3CU9XRDDS", "asin": "B00006L9LC", "style": {"Size:": " 3"}, "reviewerName": "BBoker", "reviewText": "Makes my hair shine better than anything else I've tried!", "summary": "Super shine!", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3IVDKJ8B51LO0", "asin": "B0012Y0ZG2", "style": {"Size:": " 366"}, "reviewerName": "Penney Hill", "reviewText": "Would buy more of the body cream if moire was available. This body cream is hard to come by. I buy anytime I find on a site. Lotion is easily available but the body cream is difficult to obtain. This is my signature fragrance.", "summary": "Best Product", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A14BV6AW987ZDN", "asin": "B000URXP6E", "style": {"Size:": " 113"}, "reviewerName": "T. Reynolds", "reviewText": "Good deal", "summary": "Excellent.", "unixReviewTime": 1478390400} +{"overall": 3.0, "verified": false, "reviewTime": "07 21, 2017", "reviewerID": "A1R1BFJCMWX0Y3", "asin": "B01E7UKR38", "style": {"Color:": " Wearing Hue"}, "reviewerName": "KO", "reviewText": "Way to light. You have to put on 4 coats and it still doesn't look very good. It looks nice in the bottle but it's too pale on your fingers and toes.", "summary": "Color doesn't look good on", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A37C3532V0OGK4", "asin": "B00006L9LC", "style": {"Size:": " 79"}, "reviewerName": "Henrietta", "reviewText": "Took care of my flaky scalp, a problem I've had for years.", "summary": "Highly Recommend", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "AUBJHP5EYBWWT", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "ursovain", "reviewText": "Great anti-frizz product!", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A3F6UEMA8SNNK5", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Sher", "reviewText": "Love this product! Great scent and a great moisturizing wash!", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A2UNM0QKAA0LUS", "asin": "B0012Y0ZG2", "style": {"Size:": " -"}, "reviewerName": "Peggy Brothers", "reviewText": "Great! large enough for excellent coverage...love it!", "summary": "Face Powder Brush", "unixReviewTime": 1409961600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71m6OfFVQjL._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": false, "reviewTime": "02 21, 2018", "reviewerID": "A3VC5W5GW7QAQK", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Anton Kiptach ", "reviewText": "Awesome product, no doubt ! Use it in the morning before run and my skin doesnt irritate, it already gives it 10 out of 10 ! The smell is great, not chemical which makes more sense to be an organic product but does produce a lot of foam ! Love it !", "summary": "Awesome product, no doubt", "unixReviewTime": 1519171200} +{"reviewerID": "A21931Z4J17AJ2", "asin": "B000FI4S1E", "reviewerName": "Sandra", "verified": true, "reviewText": "Nice fruity fragrance!", "overall": 5.0, "reviewTime": "02 20, 2016", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A1Y5HC26OO5D4H", "asin": "B0012Y0ZG2", "style": {"Size:": " 192"}, "reviewerName": "ANTOINETTE COHEN", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": false, "reviewTime": "03 8, 2016", "reviewerID": "A345PQ5PIJVC67", "asin": "B000URXP6E", "style": {"Size:": " 53"}, "reviewerName": "Bridget Schoff", "reviewText": "AS awesome as this product is, it HAS been discontinued by the makers. The people selling this on here, including the shampoos and conditioners ARE price gouging you and who knows how OLD it is.. Very Sad", "summary": "AS awesome as this product is", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A29GCQQLNLUJGG", "asin": "B000URXP6E", "style": {"Size:": " 104"}, "reviewerName": "Martina", "reviewText": "Frequently get compliments on my beautiful shiny hair, great shampoo", "summary": "Shiny hair", "unixReviewTime": 1490486400} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A14BV6AW987ZDN", "asin": "B0012Y0ZG2", "style": {"Size:": " 113"}, "reviewerName": "T. Reynolds", "reviewText": "Good deal", "summary": "Excellent.", "unixReviewTime": 1478390400} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "AM6VM4AHB7CG4", "asin": "B0012Y0ZG2", "style": {"Size:": " 28"}, "reviewerName": "Niclana Tolmasoff", "reviewText": "I can't live without this shampoo!", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"reviewerID": "A2TYF9WCP31IGZ", "asin": "B000FI4S1E", "reviewerName": "SusyS", "verified": false, "reviewText": "The lavender scent and creamy texture is just what I hoped for.", "overall": 5.0, "reviewTime": "07 19, 2015", "summary": "Will definitely buy again!", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A3RUBIOZYJNY0D", "asin": "B0012Y0ZG2", "style": {"Size:": " 122"}, "reviewerName": "Merrie", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"reviewerID": "A1JDG0KTCUW9BT", "asin": "B000FI4S1E", "reviewerName": "GeekFreak77", "verified": true, "reviewText": "My girlfreind loves this body wash, but in the stores it is a seasonal item. I searched high and low for it, and thankfully I found it here, as well as cheaper than from B&BW. Thanks!", "overall": 5.0, "reviewTime": "02 13, 2013", "summary": "Fantastic!", "unixReviewTime": 1360713600} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2TU781PWGS09X", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "Amazon Customer", "reviewText": "Doesnt smell", "summary": "Two Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2009", "reviewerID": "A23JI9AN3N4GFK", "asin": "B0012Y0ZG2", "style": {"Size:": " 106"}, "reviewerName": "J. P. Lewis", "reviewText": "I've used Bellmira Herbaflor Herbal Baths for years and for a relaxing bubble bath, these are the Best Ever! The water here is Very Hard & this stuff still makes bubbles like no other I've ever found. Scents are Mild. A Must try.", "summary": "Fabulous Bubbles...", "unixReviewTime": 1250726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A2POJYG128B2EX", "asin": "B0012Y0ZG2", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "WeeklyBuyer", "reviewText": "Love the fresh scent", "summary": "Five Stars", "unixReviewTime": 1468627200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A2EIK3QR1822Q4", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "Forensic Nut", "reviewText": "Very good product for fine/thin hair. Does help with texture and thickness.", "summary": "Four Stars", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "AD42QCRPG1RKG", "asin": "B0009RF9DW", "style": {"Size:": " 136"}, "reviewerName": "Pen Name", "reviewText": "It was good, my loved her gift!", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2Q7PO5LDVGUOW", "asin": "B0009RF9DW", "style": {"Size:": " 178"}, "reviewerName": "Diane", "reviewText": "LOVE THE SMELL :)", "summary": "BODY WASH", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A2F7429CLFVV3T", "asin": "B000URXP6E", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "Charlene D. Barker", "reviewText": "Leaves your hair full of volume and smells great", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A1AG4CEH4EYXIT", "asin": "B0012Y0ZG2", "style": {"Size:": " 444"}, "reviewerName": "Bridget", "reviewText": "Been wearing it for years, can't find it in stores anymore. Has just a little bit of sparkle. Like the color a lot!", "summary": "Love it!", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": false, "reviewTime": "01 5, 2014", "reviewerID": "A36LNAKD2FOHVX", "asin": "B0009RF9DW", "style": {"Size:": " 181"}, "reviewerName": "Heather Marie Levan", "reviewText": "I recently had this amazing citrus salad from Whole Foods and this body wash is every bit as yummy! I don't recommend eating it of course but I highly recommend it in the morning to wake the senses. Refreshing!", "summary": "Citrus Salad", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A3J539P6RXOP9M", "asin": "B000URXP6E", "style": {"Size:": " 187"}, "reviewerName": "mattie simpson", "reviewText": "love love love", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2016", "reviewerID": "AM88FAF0V7U6D", "asin": "B0012Y0ZG2", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome product", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "AVC2FIYKB6VHF", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "emily prentice", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A2INILPDI33JG3", "asin": "B000URXP6E", "style": {"Size:": " 279"}, "reviewerName": "Susan Lamparter", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"reviewerID": "A3UJNWXI82I8P7", "asin": "B000FI4S1E", "reviewerName": "LINKETTE", "verified": true, "reviewText": "Been using BeautiControl for some time now and I love their products. All of their products are Ph balanced so if you accidentally happen to get any in your eye(s) it will not burn or sting.", "overall": 5.0, "reviewTime": "10 9, 2012", "summary": "Great", "unixReviewTime": 1349740800} +{"reviewerID": "A2831PTXQCEFCM", "asin": "B000FI4S1E", "reviewerName": "Miss D", "verified": true, "reviewText": "Love the fragrance, and was happy to be able to buy Moon Sparkle again! Give it a try! You won't be disappointed! Very sexy fragrance!", "overall": 5.0, "reviewTime": "06 2, 2014", "summary": "Always a favorite!", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A3YUWJTIW15EE", "asin": "B0012Y0ZG2", "style": {"Size:": " 30mla144"}, "reviewerName": "Fancy Lady", "reviewText": "I love this lotion and use it under make up for a glow. I used to be able to but it locally but can't find it any more. This is a good price.", "summary": "Lotion", "unixReviewTime": 1382832000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AMXYXIWW74J4", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "Lesli", "reviewText": "Love this stuff! Works great when flat ironing my hair and it smells great!", "summary": "Love this product!", "unixReviewTime": 1468454400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A2UEIN7SIPZFRP", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Linden"}, "reviewerName": "collies and cats", "reviewText": "I love the linden scent; it's so refreshing. All of the Pre de Provence soaps I've tried are such a treat.", "summary": "Linden scent is heavenly", "unixReviewTime": 1404345600} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "AIPW346SC1MMK", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Leslie Handley", "reviewText": "This product is a great deal. They don't sell this in the salon anymore, you can only find it online. It is a great product if you are looking for a shine. It did not work well as an anti-frizz product.", "summary": "This product is a great deal. They don't sell this in the salon ...", "unixReviewTime": 1472774400} +{"reviewerID": "A12X146LZM6KM0", "asin": "B000FI4S1E", "reviewerName": "eieio", "verified": true, "reviewText": "Great scent, and no sulfates.", "overall": 5.0, "reviewTime": "05 6, 2016", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 15, 2018", "reviewerID": "A23NSBJ5CGLWAA", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Bradford J. Fleener", "reviewText": "A really good gentle cleanser. Always leaves my hair feeling clean, and soft. Also virtually eliminated dandruff issues where other bigger named products consistently failed.", "summary": "A really good gentle cleanser", "unixReviewTime": 1521072000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "AL54O8LSKUIQ8", "asin": "B0012Y0ZG2", "style": {"Size:": " 1.69oz"}, "reviewerName": "Kelly Moore", "reviewText": "Great product!!", "summary": "Five Stars", "unixReviewTime": 1458604800} +{"reviewerID": "A2RID8C0PQDMAS", "asin": "B000FI4S1E", "reviewerName": "Wilma DeCamp", "verified": true, "reviewText": "Love this product but it's hard to finf", "overall": 5.0, "reviewTime": "01 22, 2015", "summary": "Five Stars", "unixReviewTime": 1421884800} +{"reviewerID": "A19Q4TR24DNXB5", "asin": "B000FI4S1E", "reviewerName": "Mallory", "verified": true, "reviewText": "I have really dry skin and Olay ribbons is the only body wash I use. Getting more and more difficult to find in stores - hope it doesn't disappear here as well.", "overall": 5.0, "reviewTime": "09 18, 2017", "summary": "I have really dry skin and Olay ribbons is the ...", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": false, "reviewTime": "12 5, 2013", "reviewerID": "A1WN7VWKL2LF20", "asin": "B0012Y0ZG2", "style": {"Size:": " 16"}, "reviewerName": "Merry31", "reviewText": "Great deal and leaves my kids smelling awesome! I bought a box of them years ago and we still have some left!!!", "summary": "Fresh", "unixReviewTime": 1386201600} +{"overall": 1.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A3IOV1NJ4IM2HC", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "E", "reviewText": "Throwing it away, burned my scalp.", "summary": "One Star", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A3GAYXUN80BG07", "asin": "B0009RF9DW", "style": {"Size:": " 277"}, "reviewerName": "Rosie", "reviewText": "My aunt loves it! I will get her some more when she runs out.", "summary": "My aunt loves it! I will get her some ...", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2H85FZ61BSTLA", "asin": "B000URXP6E", "style": {"Size:": " 106"}, "reviewerName": "Brit Brower", "reviewText": "This is my family's favorite body wash, and I was excited to find it on Amazon, as the store I used to purchase it from no longer carries it. Wonderful smell and relaxing smell without being perfume-y; works great for showers to feel clean and for baths to relax.", "summary": "This is my family's favorite body wash", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "AN4M590RDRGH7", "asin": "B0012Y0ZG2", "style": {"Size:": " 149"}, "reviewerName": "margaret johnson", "reviewText": "I became acquainted with Savannah Bee Mint Julep when I originally bought one from Bath and Body. I always like the fragrance and its invigorating effect. I would recommend this body wash. It lasts a long time and lathers well.", "summary": "Refreshing", "unixReviewTime": 1380758400} +{"reviewerID": "AH5IPOPDVNJMW", "asin": "B000FI4S1E", "reviewerName": "Sunshine Girl", "verified": true, "reviewText": "Love these, wish they weren't so pricey.", "overall": 5.0, "reviewTime": "09 12, 2017", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A32BY7UM2ZCWHM", "asin": "B0012Y0ZG2", "style": {"Size:": " 118"}, "reviewerName": "Ray", "reviewText": "This stuff is really good smelling and lasts long. Even if it does not make women throw themselves at your feet, it sure does help.", "summary": "Awesome Smell", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A3UXFQUZ6P1JRB", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "BabyBoomer55", "reviewText": "Smells incredible...almost a musk, deep scent. Lathers very well. You feel clean all day!", "summary": "Smells incredible... almost a musk, deep ...", "unixReviewTime": 1479081600} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2018", "reviewerID": "AABWJ79OLTS38", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "ChickenNugget", "reviewText": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid. It smells good but the bottle will be gone in 2 weeks because of how thin it is. I haven't used much, maybe I can return it.", "summary": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid", "unixReviewTime": 1524182400} +{"overall": 2.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "A1DFI14L1LBOPJ", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "PrimeTime", "reviewText": "The shampoo is very watery, and I did not see too much of a difference in my dandruff.", "summary": "Meh", "unixReviewTime": 1521504000} +{"reviewerID": "A20ODFGO5J70UA", "asin": "B000FI4S1E", "reviewerName": "John Gilbert", "verified": true, "reviewText": "This was exactly what I wanted. Thank you", "overall": 5.0, "reviewTime": "03 11, 2015", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1ZIN388IVCX6Z", "asin": "B000URXP6E", "style": {"Size:": " 5 oz."}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "AF61N91A61THX", "asin": "B001OHV1H4", "style": {"Size:": " 6 Pack"}, "reviewerName": "Melissa Sallady", "reviewText": "Found this while on holiday in London. I love this shower gel and the fragrance", "summary": "My little secret", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A3PWCOTLFTGNJD", "asin": "B0009RF9DW", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "charles e fells jr", "reviewText": "light and summery. smells great! great service. thanks!!", "summary": "smells great! great service", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A1XQ0F01CF84Y3", "asin": "B0012Y0ZG2", "style": {"Size:": " 300"}, "reviewerName": "Mrs. J.", "reviewText": "I bought this for my niece and she loved it! Philosophy is great and she said this set. Smelled awesome!", "summary": "Great gift", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2013", "reviewerID": "A1AIIT0GCPBL2M", "asin": "B0012Y0ZG2", "style": {"Size:": " 111"}, "reviewerName": "Annette Kuykendall", "reviewText": "This smells just like fresh peaches....Wonderful for summer...I wish they had body lotion also...I would buy it by the gallon..", "summary": "Love it!!!", "unixReviewTime": 1370563200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A36JEYR65W1LTO", "asin": "B0012Y0ZG2", "style": {"Size:": " 105"}, "reviewerName": "Sandra", "reviewText": "Love it! Can't find it in stores anywhere", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A1RM3LETB09B5E", "asin": "B0012Y0ZG2", "style": {"Size:": " 186"}, "reviewerName": "Bun", "reviewText": "Smells great good packaging easy to squeeze out", "summary": "Awesome!", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A2WYK1JQGK82VP", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "richard w cossey", "reviewText": "Very gentle effect and very nice smell. Recommended.", "summary": "Gentle product", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A7COTFQZZ86N", "asin": "B000URXP6E", "style": {"Size:": " 25"}, "reviewerName": "Elaine", "reviewText": "Does a great job of keeping hair from yellowing. Leaves it clean and soft.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A74WRG7ZEKXX7", "asin": "B000URXP6E", "style": {"Size:": " 95"}, "reviewerName": "Dee Yoder", "reviewText": "As usual, this bath gel was just as good as expected.", "summary": "this bath gel was just as good as expected", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A3UHBFT2EGPDG5", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "MELODY SOUTHER", "reviewText": "wonderful stuff ,,great shower cream , better than any other i have tried for mild oily skin .the large is the best value and last a lot longer than i thought", "summary": "awesome product worth the money", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3TIK2TSPADAH0", "asin": "B0012Y0ZG2", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "J. C.", "reviewText": "Love this stuff!!#", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2014", "reviewerID": "A1210QJT54O8T0", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Lavender"}, "reviewerName": "Sandra L. Foster", "reviewText": "These soaps are wonderful. They leave your skin feeling so clean yet not dry. I really do love using them. This one smells really good.", "summary": "Lavender soap", "unixReviewTime": 1391212800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A2KQ0AAX4DKI1Q", "asin": "B001OHV1H4", "style": {"Size:": " 174"}, "reviewerName": "Timothy E Murray", "reviewText": "This cape was durable and very inexpensive. I cut my husband's hair and this is just what I needed. The velcro at the neck insures a proper fit.", "summary": "Great cape", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2W78060JSRKED", "asin": "B000URXP6E", "style": {"Size:": " 4"}, "reviewerName": "Christine D", "reviewText": "I bought this for my daughter. She is vegan. She loves it, makes her hair soft and helped with her dry scalp.. Just wish it came in a larger size because she has to use quite a bit of the conditioner, she has very long hair.", "summary": "Great vegan shampoo/conditioner", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A3HHQ7UIJJAOAV", "asin": "B0012Y0ZG2", "style": {"Size:": " 285"}, "reviewerName": "redlin51", "reviewText": "We both love the shower gel. It smells so good, and matches the lotion that is sold, too. We love using it.", "summary": "shower gel used by grandmom and grand-daughter, too.", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A2EM4MVIU5Z0KD", "asin": "B019809F9Y", "style": {"Size:": " 7 Ounce"}, "reviewerName": "jennifer johnson", "reviewText": "It was a gift to my step dad and he uses the stuff all the time. It is awesome to use.", "summary": "Great Gift", "unixReviewTime": 1353715200} +{"reviewerID": "A3CZ890UHC8HHZ", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "It diffuses a very mild light perfume, just what I wanted. I wear Shalimar lotion and perfume so I wanted a nice hint on days I do not want to wear the stronger lotions and perfumes. I will be purchasing it again.", "overall": 5.0, "reviewTime": "09 24, 2013", "summary": "What I expected", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A39W5XTO1GA6G1", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Shirley Smith", "reviewText": "I really like the H20 shampoo.", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A3H7T87S984REU", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "houserules18", "reviewText": "The oder is the most important as people must like it so they do not want to become unfriendly to the person using it.", "summary": "Does not burn when using", "unixReviewTime": 1384387200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AMXYXIWW74J4", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Lesli", "reviewText": "Love this stuff! Works great when flat ironing my hair and it smells great!", "summary": "Love this product!", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3S5MHB0P2RTI5", "asin": "B0012Y0ZG2", "style": {"Size:": " 177"}, "reviewerName": "D. James", "reviewText": "The soap is great, I only wish it was available in stores. It's a little on the pricey side considering it's from Dial, and not some French, or Italian desinger, but when you seemingly can only get it online it's worth it.", "summary": "The soap is great, I only wish it was available in stores", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A2S696CI415O20", "asin": "B001OHV1H4", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Q.C. Stickler", "reviewText": "I'm a fan!", "summary": "I'm a fan!", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2BFYX5LXWT7J", "asin": "B000URXP6E", "style": {"Size:": " 22"}, "reviewerName": "Melody Surdahl", "reviewText": "Azur is always my favorite in the Thymes collection because of its clean, fresh scent. I like that my skin feels moisturized when using this product in the shower.", "summary": "Always a favorite.", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A3BKC8ZEVA23CK", "asin": "B0012Y0ZG2", "style": {"Size:": " 275"}, "reviewerName": "kayrunning", "reviewText": "I absolutely love Clarins Eau Ensoleillante Moisturizing Body Lotion. I wish they made this all year long. Once you try it you will like it. So light and moisturizing.", "summary": "Best Body Lotion", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A2KA5PR2AKM7ZU", "asin": "B0012Y0ZG2", "style": {"Size:": " 127"}, "reviewerName": "susanb1222", "reviewText": "The price for an Hermes product is the best", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51KRDhB48pL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A2XDLY3PL0CGBD", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "Creaciones Gonzalez", "reviewText": "Recommended for anyone interested in getting the best experience from taking a bath or a shower.", "summary": "Great item", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A3KRACVKGYH453", "asin": "B000URXP6E", "style": {"Size:": " 18"}, "reviewerName": "C Emerson", "reviewText": "I just love this shampoo. Unfortunately, I can't find it in any local stores. Try it, you'll really like it.", "summary": "Love it", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A3PWCOTLFTGNJD", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "charles e fells jr", "reviewText": "light and summery. smells great! great service. thanks!!", "summary": "smells great! great service", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2013", "reviewerID": "AI8FN9LAD3WT0", "asin": "B000URXP6E", "style": {"Size:": " 48"}, "reviewerName": "American Infidel", "reviewText": "This was the best of all the Axe line, and they discontinued it. I wish they would bring it back. :(", "summary": "Please bring this one back on the market!", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A3HJIA8KBPQXWU", "asin": "B0012Y0ZG2", "style": {"Size:": " 123"}, "reviewerName": "janice ocasio", "reviewText": "This is the only perfume I use .I love it. I will recommend it.it will last all day", "summary": "I love it. I will recommend it", "unixReviewTime": 1416528000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "AKQ9DH3HRPHW3", "asin": "B019V2KYZS", "reviewerName": "Anuschka Light", "reviewText": "This is just adorable compact fragrance. It comes in a gorgeous silver compact. A cute carry pouch. And to my surprise- a refill. I am Uber pleased with this purchase. Oh and the D&G Lifht Blue is one of my forever favorite fragrances.\n\nLove", "summary": "Love Love Love!!!!", "unixReviewTime": 1493856000} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2017", "reviewerID": "APQ1FY4E25XEP", "asin": "B00006L9LC", "style": {"Size:": " 509"}, "reviewerName": "Lisa M.", "reviewText": "This pressed powder goes on like silk, so light weight but covers well. I don't like to use a heavy powder that shows all the wrinkles, this one is just right!", "summary": "flawless", "unixReviewTime": 1494028800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3IRJA2MBOJ411", "asin": "B001OHV1H4", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Anne F. Batty", "reviewText": "Every year we vacation on a lake and the kids love to wash their hair in the lake. This shampoo and conditioner is perfect!!", "summary": "Perfect!!", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "AL54O8LSKUIQ8", "asin": "B001OHV1H4", "style": {"Size:": " 1.69oz"}, "reviewerName": "Kelly Moore", "reviewText": "Great product!!", "summary": "Five Stars", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "AMKL90GGNP276", "asin": "B0012Y0ZG2", "style": {"Size:": " 23"}, "reviewerName": "happy2Bhere", "reviewText": "Dark and lovely is how you feel after using this product, I recently purchased this for my daughter's curly hair. It smells great makes her hair soft and manageable she's happy to wash her hair now.", "summary": "I'm a lifetime customer!", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "A251F9Y0GSZALP", "asin": "B0012Y0ZG2", "style": {"Size:": " 149"}, "reviewerName": "HouseNoni", "reviewText": "As with other Savannah bee products, this feels good, smells delicious in the shower. Hard to find but really helps with dry skin.", "summary": "love Savannah Bee products", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1MZIY3MPR5LRS", "asin": "B00006L9LC", "style": {"Size:": " 1000ml/33.8oz"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A24A9FRVM8TQZS", "asin": "B0012Y0ZG2", "style": {"Size:": " 509"}, "reviewerName": "Amazon Customer", "reviewText": "Item just as described", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2018", "reviewerID": "AJPLUGSVMH21V", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Raspberry"}, "reviewerName": "M. Askew", "reviewText": "Love the soap, this isn't my favorite fragrance, but it is true to its name..raspberry.", "summary": "Four Stars", "unixReviewTime": 1519344000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-B1EBECB839"}, "reviewerName": "Amzon Customer", "reviewText": "This Eye gel is great, I have allergies too many products but this seems to work wonders with my skin.", "summary": "Worth the money", "unixReviewTime": 1534982400} +{"reviewerID": "A23JI9AN3N4GFK", "asin": "B000FI4S1E", "reviewerName": "J. P. Lewis", "verified": true, "reviewText": "I've used Bellmira Herbaflor Herbal Baths for years and for a relaxing bubble bath, these are the Best Ever! The water here is Very Hard & this stuff still makes bubbles like no other I've ever found. Scents are Mild. A Must try.", "overall": 5.0, "reviewTime": "08 20, 2009", "summary": "Fabulous Bubbles...", "unixReviewTime": 1250726400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2013", "reviewerID": "AXCURT4DMJ5X", "asin": "B000URXP6E", "style": {"Size:": " 287"}, "reviewerName": "Anna Maria MCIVOR", "reviewText": "This was one of my favorites and still is. I was excited to find it. I relax every time I use it. It arrived early, even better!", "summary": "Favorite Fragrance", "unixReviewTime": 1362960000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A31MET9QVHSWD9", "asin": "B000URXP6E", "style": {"Size:": " 41"}, "reviewerName": "Textile", "reviewText": "Love this product. Cleans hair quickly and leaves hair soft.", "summary": "Organic makes me happy", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A1NP222Y17P9N3", "asin": "B0012Y0ZG2", "style": {"Size:": " 290"}, "reviewerName": "Nancy May", "reviewText": "Wonderful product and quick delivery! I couldn't be happier", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2013", "reviewerID": "A1UBIQNOWJJO9N", "asin": "B0009RF9DW", "style": {"Size:": " 156"}, "reviewerName": "Diana", "reviewText": "I am using this product years ago\nI never think that i can find it online\nThat's make me happy", "summary": "LOVE IT", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A3NFELIADJMJKJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "Susie Chavez", "reviewText": "This is one of the BEST shampoos for swimmers. I always got complements on my hair since I started using this product. Unavailable now.", "summary": "Not Available anymore!!!", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2SUH2N8051BES", "asin": "B000URXP6E", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "M. Striffolino", "reviewText": "Wonderful fragrance. Love It.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2013", "reviewerID": "ADEFD8L3I7YFR", "asin": "B0009RF9DW", "style": {"Size:": " 100"}, "reviewerName": "Amazon Customer", "reviewText": "The scent is very unique and luxurious. Very Euro...it combines the cleanness of modern scents with something ancient. I bought it for my husband, but i secretly love it for myself. I wish I had the cologne, but it cant be shipped to my FPO address.", "summary": "I love the luxurious scent..", "unixReviewTime": 1368921600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A3QYF175C7E1CN", "asin": "B0012Y0ZG2", "style": {"Size:": " 363"}, "reviewerName": "SABRINA KROUSE", "reviewText": "good soap. I have skin allergies and am having trouble with mass produced soaps. So far so good and my skin feels great.", "summary": "great soap", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A2A83NR45HQ2OV", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "melody a burke", "reviewText": "Love this body wash!! My absolute favorite! And very hard to find.", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"reviewerID": "AABWJ79OLTS38", "asin": "B000FI4S1E", "reviewerName": "ChickenNugget", "verified": true, "reviewText": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid. It smells good but the bottle will be gone in 2 weeks because of how thin it is. I haven't used much, maybe I can return it.", "overall": 2.0, "reviewTime": "04 20, 2018", "summary": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid", "unixReviewTime": 1524182400} +{"overall": 5.0, "verified": false, "reviewTime": "05 20, 2015", "reviewerID": "A1UQBFCERIP7VJ", "asin": "B00N2WQ2IW", "reviewerName": "Margaret P.", "reviewText": "This would be a good conditioner to use every day as it rinses cleanly but leaves the hair shiny and easy to brush.\n\nThe floral fragrance is very noticeable but fades.", "summary": "Good conditioner", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A12I397MEWA1VB", "asin": "B001OHV1H4", "style": {"Size:": " 13"}, "reviewerName": "Adrienne Gottlieb", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": false, "reviewTime": "02 8, 2016", "reviewerID": "A14Y0FPHPBKBAF", "asin": "B0009RF9DW", "style": {"Size:": " 103"}, "reviewerName": "Darcy Boos", "reviewText": "I love this body wash! It's smells like something delicious, but tastes a little funny. It's also great for pulling pranks on your friends because the body wash looks just like blood!!! Highly recommend this product.", "summary": "I love this body wash", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A30C827CX52Y3U", "asin": "B0012Y0ZG2", "style": {"Size:": " 18"}, "reviewerName": "Judy", "reviewText": "Thank You, I only wish it was more affordable.", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A34KXLHGO3SWB7", "asin": "B0012Y0ZG2", "style": {"Size:": " 46"}, "reviewerName": "Vicki R. Perry", "reviewText": "Have been looking for this kit. Great for for traveling.", "summary": "Great for for traveling", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "AXRLM8I2VTIMV", "asin": "B0012Y0ZG2", "style": {"Size:": " 72"}, "reviewerName": "tk amazon queen", "reviewText": "By far my favorite fragrance and this is the perfect size. Great for gifts too since it comes pre-packed with a ribbon.", "summary": "awesome stuff!", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A21931Z4J17AJ2", "asin": "B0009RF9DW", "style": {"Size:": " 178"}, "reviewerName": "Sandra", "reviewText": "Nice fruity fragrance!", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 1.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A2UM2UI2KVHG64", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Lorie B.", "reviewText": "Worst shampoo Ive ever used. Was mostly water. I could not get a good lather. Hair never felt clean after use. I cannot understand why so many good reviews. Will not buy again!", "summary": "Worst shampoo Ive ever used", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A1TYZNOET5SXZF", "asin": "B0012Y0ZG2", "style": {"Size:": " 98"}, "reviewerName": "kimogata", "reviewText": "makes hair smell really good", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A3HJIA8KBPQXWU", "asin": "B0012Y0ZG2", "style": {"Size:": " 123"}, "reviewerName": "janice ocasio", "reviewText": "This is the only perfume I use .I love it. I will recommend it.it will last all day", "summary": "I love it. I will recommend it", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A3F6UEMA8SNNK5", "asin": "B000URXP6E", "style": {"Size:": " 121"}, "reviewerName": "Sher", "reviewText": "Love this product! Great scent and a great moisturizing wash!", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A1KJ2M8NY458CE", "asin": "B0012Y0ZG2", "style": {"Size:": " 109"}, "reviewerName": "Linda", "reviewText": "this is great and my pups never get the puppy smells, always clean", "summary": "Five Stars", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A8B6JCPLPWVK5", "asin": "B0012Y0ZG2", "style": {"Size:": " 70"}, "reviewerName": "DLS", "reviewText": "Love this product! The scent is subtle, fresh and it leaves your skin feeling soft.", "summary": "Great fresh scent!", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A3CIUOJXQ5VDQ2", "asin": "B000FTYALG", "style": {"Size:": " 7.0 oz", "Flavor:": " Classic Ice Blue"}, "reviewerName": "Shelly F", "reviewText": "As advertised. Reasonably priced", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A1XDV760ZLXN57", "asin": "B0012Y0ZG2", "style": {"Size:": " 59"}, "reviewerName": "Patti", "reviewText": "I have used this off and on for several years and is great for natural curly hair. Can't find it in any stores so was glad to find it on line. I was told they quit making it.", "summary": "Curly Hair", "unixReviewTime": 1403568000} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "AIPW346SC1MMK", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "Leslie Handley", "reviewText": "This product is a great deal. They don't sell this in the salon anymore, you can only find it online. It is a great product if you are looking for a shine. It did not work well as an anti-frizz product.", "summary": "This product is a great deal. They don't sell this in the salon ...", "unixReviewTime": 1472774400} +{"reviewerID": "A1V9QLYRT1O4KF", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "The product arrived as promised and in good condition.", "overall": 5.0, "reviewTime": "06 30, 2016", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "A28TUBAOIO801", "asin": "B0009RF9DW", "style": {"Size:": " 195"}, "reviewerName": "Mitch", "reviewText": "My favorite body wash, suds up nice, leaves skin moisturized and has a nice subtle scent", "summary": "Can't go wrong with oil of Olay", "unixReviewTime": 1464912000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A3F6UEMA8SNNK5", "asin": "B0009RF9DW", "style": {"Size:": " 121"}, "reviewerName": "Sher", "reviewText": "Love this product! Great scent and a great moisturizing wash!", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A2UEIN7SIPZFRP", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Rose Petal"}, "reviewerName": "collies and cats", "reviewText": "This soap is wonderful! I was treated to a rose bouquet when I unwrapped the bar. The scent has remained as I've used the soap. The lather is thick and rich. This is a long-lasting bar of soap. Want to treat yourself? Select your favorite scent from Pre de Provence.", "summary": "Roses in the bath. Oh my!", "unixReviewTime": 1400716800} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A1U4MBURSADCDU", "asin": "B0012Y0ZG2", "style": {"Size:": " 29"}, "reviewerName": "roxy sox", "reviewText": "love this shampoo", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A2AHJ14T0JXO1M", "asin": "B0009RF9DW", "style": {"Size:": " 188"}, "reviewerName": "Rachael Heade", "reviewText": "My husband loves the bergamot fragrance and most of the local brands are mixed with other more feminine scents. This is just the bergamot and is great refreshing body wash.", "summary": "Great for my Guy :-)", "unixReviewTime": 1386460800} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A244RDHGOX4Z2J", "asin": "B0012Y0ZG2", "style": {"Size:": " 57"}, "reviewerName": "Dinorah Navarro", "reviewText": "It's the best shampoo I've ever tried! It didn't stop my hair loss 100% but I can see a big difference! I bought 3 and after I ordered again...", "summary": "It's the best shampoo I've ever tried", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A32NCLA7SHQBFW", "asin": "B0012Y0ZG2", "style": {"Size:": " 205"}, "reviewerName": "sumthing_nyce", "reviewText": "This one is a winner I can't afford the J'Adore original but this is very close reminds me of Perry Ellis 360 (circa 1990s) but I like it", "summary": "Very close", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A1IT72Y6VZX1JV", "asin": "B001OHV1H4", "style": {"Size:": " 494"}, "reviewerName": "Tg", "reviewText": "They look just like the picture. .I just hope they hold up with all the nails I do daily for the cheap price! !! either way it's a good buy!!", "summary": "They look just like the picture", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "AL54O8LSKUIQ8", "asin": "B000URXP6E", "style": {"Size:": " 1.69oz"}, "reviewerName": "Kelly Moore", "reviewText": "Great product!!", "summary": "Five Stars", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3H6PKSSFXDIS2", "asin": "B001QY8QXM", "style": {"Size:": " 1-Count"}, "reviewerName": "William III", "reviewText": "These are excellent DE blades that provide a comfortable, smooth shave for me.", "summary": "Excellent DE Blade", "unixReviewTime": 1421020800} +{"reviewerID": "AE06QZ0NCSBBO", "asin": "B000FI4S1E", "reviewerName": "rose gardner", "verified": true, "reviewText": "This is by far my favorite fragrance! Bath gel lasts for quite some time. I would recommend this product to anyone.", "overall": 5.0, "reviewTime": "03 6, 2013", "summary": "Lolita Lempicka perfumed foaming shower gel", "unixReviewTime": 1362528000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-E6B23EAB7B"}, "reviewerName": "Amzon Customer", "reviewText": "I use it at night and already see the little lines I had disappearing. My eye area is firming up and very soft. My dark circles are seeming to fade too. I couldn't believe how great this product works!", "summary": "GOOD", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A2A83NR45HQ2OV", "asin": "B00JF2GVWK", "reviewerName": "melody a burke", "reviewText": "Love this body wash!! My absolute favorite! And very hard to find.", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"reviewerID": "A7M85H7UTJEKI", "asin": "B000FI4S1E", "reviewerName": "TMB", "verified": true, "reviewText": "This stuff smells heavenly and I am so happy to find Amazon has it! I have been importing it at a much higher price and love the convenience of ordering it now via Amazon, not to mention the price break. I use it as bubble bath daily and love it!", "overall": 5.0, "reviewTime": "08 4, 2013", "summary": "Hard to find in CA!", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A37C3532V0OGK4", "asin": "B0012Y0ZG2", "style": {"Size:": " 79"}, "reviewerName": "Henrietta", "reviewText": "Took care of my flaky scalp, a problem I've had for years.", "summary": "Highly Recommend", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1C8LL1BBQ7GTO", "asin": "B0012Y0ZG2", "style": {"Size:": " B-020"}, "reviewerName": "Gamaliel Padilla", "reviewText": "Arrived in perfect condition", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2JPJPB0A1TQTY", "asin": "B00006L9LC", "style": {"Size:": " 392"}, "reviewerName": "DeWaun Mack", "reviewText": "Excellent! Best soap I ever had.", "summary": "Best soap", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A1T81NJLOGPL3P", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "Meryl Marguerite Rojas", "reviewText": "super conditioner", "summary": "one of the best conditioner I have ever used", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": false, "reviewTime": "07 12, 2014", "reviewerID": "A125TMC44CJBKK", "asin": "B000URXP6E", "style": {"Size:": " 410"}, "reviewerName": "Mustang Shelly", "reviewText": "All time favorite!!!! Wish they still carried this!!!", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": false, "reviewTime": "08 11, 2016", "reviewerID": "A3E3GD3TABXKU1", "asin": "B001ET7FZE", "style": {"Style Name:": " Bubble Fruit"}, "reviewerName": "Loren W. Christensen", "reviewText": "Good stuff. I've always been a fan, and while I'm waaaay past the intended age group I use it anyway. Good taste, cleans he teeth wonderfully, and simply does what it's supposed to.", "summary": "Excellent", "unixReviewTime": 1470873600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51bYNlYqnmL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A245UNW3PI53NG", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Lyudmila Tretiak", "reviewText": "I am allergic to a lot of things. I occasionally get a red rash over my body after using some other body washes. This one is an exception. Not a single complain. Perfect!", "summary": "Wonderful product", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3BWOPUC4BK90E", "asin": "B0012Y0ZG2", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Fast delivery and great product!!!!!!", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A3JDSBP01M7R2R", "asin": "B0012Y0ZG2", "style": {"Size:": " 112"}, "reviewerName": "Tim A. Brooks", "reviewText": "One of my wife's favorites.", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"reviewerID": "A1WME650PRYNO9", "asin": "B000FI4S1E", "reviewerName": "Shianne Vogel", "verified": true, "reviewText": "This has been my very favorite for years and has never disappointed. It's hard to find the shower gel though so I am especially pleased.", "overall": 5.0, "reviewTime": "02 27, 2013", "summary": "My very favorite", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A157AUOFPJQ46Q", "asin": "B000X7ST9Y", "reviewerName": "dark cloud", "reviewText": "I don't understand the bad reviews because this is an excellent body wash and it smells nice and subtle. The first time I used this body wash it became one of my favorites. The ingredients are top notch and it makes your skin feel excellent afterwards.", "summary": "Great for your hide.", "unixReviewTime": 1474502400} +{"overall": 1.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A27PPA3O7PX0OH", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Kayla", "reviewText": "Arrived opened and leaking all over the box. Tried shampoo but didn't help at all. Still so itchy.", "summary": "Two Stars", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A320TM0B7A5Q1C", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "ray mcconaghy iii", "reviewText": "Wow, this product really is purely organic and natural! Outstanding vegan ingredient list and no chemical additives. Works perfect, suits my dry hair.", "summary": "Great and natural", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A2CY3ZL67BZKEU", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Stacey J.", "reviewText": "Best shampoo/conditioner hands down", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A1P5CYOPKV31LU", "asin": "B000URXP6E", "style": {"Size:": " 74"}, "reviewerName": "Yessi Islas", "reviewText": "Love the smell & lathers easily so you don't need much. Has lasted me for a while now & will definitely be buying again!", "summary": "Definitely recommend!", "unixReviewTime": 1467331200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "AJ61AXPLR0WYY", "asin": "B0012Y0ZG2", "style": {"Size:": " 351"}, "reviewerName": "Sandra Thomas", "reviewText": "It's Bare Escentuals, 'nuff said!", "summary": "Five Stars", "unixReviewTime": 1496966400} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A17ZAS11CK1HG8", "asin": "B0012Y0ZG2", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Joni28", "reviewText": "I love the smell of this product. I also bought the body butter and that smells great as well. I will be buying these again", "summary": "Great product!", "unixReviewTime": 1458432000} +{"overall": 1.0, "verified": true, "reviewTime": "04 1, 2018", "reviewerID": "A18HENNBJ25817", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Zhenyu Hong", "reviewText": "the smell is bad and totally not natural for me", "summary": "One Star", "unixReviewTime": 1522540800} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "AAP5XCA30G532", "asin": "B000URXP6E", "style": {"Size:": " 61"}, "reviewerName": "Judith A.", "reviewText": "These are products I use regularly and am always looking for a \"good deal\" -- I feel this was a very good deal! Quick delivery and completely satisfied!", "summary": "... \"good deal\" -- I feel this was a very good deal! Quick delivery and completely satisfied", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A2A3IPL0AVGETE", "asin": "B000URXP6E", "style": {"Size:": " 328"}, "reviewerName": "RAY MOTIL", "reviewText": "wife loved it", "summary": "Five Stars", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A165FHUTQU6L2Z", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "Sarah", "reviewText": "Smells great and is as described", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A12HWYJ6G58FGV", "asin": "B000URXP6E", "style": {"Size:": " 129"}, "reviewerName": "Jonn", "reviewText": "Smells good, I don't have to go to the store. Yay!", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A3RUBIOZYJNY0D", "asin": "B0009RF9DW", "style": {"Size:": " 192"}, "reviewerName": "Merrie", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A1B5D7AI4KYG98", "asin": "B0012Y0ZG2", "style": {"Size:": " 290"}, "reviewerName": "Al hermosillo", "reviewText": "Very good stuff", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A3C5QWL1FYGL8L", "asin": "B0009RF9DW", "style": {"Size:": " 8"}, "reviewerName": "Q", "reviewText": "LOVE IT! The smell is intoxicating - reminds me of my fun time spent in Sicily every time I use it! Think it would be great for men or women. The bar soap is also yummy. Would love some shampoo or perfume if they made it...", "summary": "A+", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2BTEB0X9BLH2T", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "Dave B.", "reviewText": "Hi, I don't believe they are still selling this Azur brand. Sorry for the late review, but this was a great gift for my wife and she loved the fragrance. We look forward to buying something similar.", "summary": "Great Fragrance!", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A1JDG0KTCUW9BT", "asin": "B0009RF9DW", "style": {"Size:": " 198"}, "reviewerName": "GeekFreak77", "reviewText": "My girlfreind loves this body wash, but in the stores it is a seasonal item. I searched high and low for it, and thankfully I found it here, as well as cheaper than from B&BW. Thanks!", "summary": "Fantastic!", "unixReviewTime": 1360713600} +{"overall": 4.0, "verified": false, "reviewTime": "09 29, 2017", "reviewerID": "A2V5R832QCSOMX", "asin": "B0010ZBORW", "style": {"Color:": " Shower Cap"}, "reviewerName": "Leanne", "reviewText": "This is a nice shower cap that provides enough room for lots of hair. My hair is a few inches past my shoulders, and, while it's fine, I have a lot of it. This keeps it nice and dry, and is pretty comfy. The print is also cute.", "summary": "Works well to keep your hair dry", "unixReviewTime": 1506643200} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3V0ZDC7WJX4G6", "asin": "B0012Y0ZG2", "style": {"Size:": " 3.3 oz"}, "reviewerName": "TwoCoconuts", "reviewText": "Lovely powder bomb fragrance. I adore its softness. Perfect for day or office wear. I spray with a heavy hand for use at night. Not much projection but warms to the body nicely.", "summary": "Gorgeous Scent", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A3NFELIADJMJKJ", "asin": "B00MTR49IG", "reviewerName": "Susie Chavez", "reviewText": "This is one of the BEST shampoos for swimmers. I always got complements on my hair since I started using this product. Unavailable now.", "summary": "Not Available anymore!!!", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1JL5CJJDECOH4", "asin": "B001OHV1H4", "style": {"Size:": " 29.2"}, "reviewerName": "Tony T.", "reviewText": "Great product!", "summary": "5 stars!", "unixReviewTime": 1481673600} +{"reviewerID": "AKWBRE0JKA2A1", "asin": "B000FI4S1E", "reviewerName": "Penelope53", "verified": true, "reviewText": "Fragarant is strong enough to use without lotion or spray.", "overall": 5.0, "reviewTime": "03 21, 2015", "summary": "Satisfied!", "unixReviewTime": 1426896000} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A3CLPIHVAD1LI1", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "C.H.", "reviewText": "Smells awesome love it!!", "summary": "One of the better body wash smells in my opinion", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A33MZYRMSIHERN", "asin": "B0012Y0ZG2", "style": {"Size:": " 43"}, "reviewerName": "Chad Gall", "reviewText": "It's all my son uses and great price and delivery", "summary": "Good buy", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A3NFELIADJMJKJ", "asin": "B000URXP6E", "style": {"Size:": " 4"}, "reviewerName": "Susie Chavez", "reviewText": "This is one of the BEST shampoos for swimmers. I always got complements on my hair since I started using this product. Unavailable now.", "summary": "Not Available anymore!!!", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A205Q5S9B99B0L", "asin": "B0012Y0ZG2", "style": {"Size:": " 291"}, "reviewerName": "Trudy A. Vimini", "reviewText": "LOVE THIS", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A2T6UI6V98KT94", "asin": "B019LAI4HU", "reviewerName": "Joi Sanders", "reviewText": "This is one of the most beautiful lotions I have ever used. Compliments on a daily basis! It is so soft and smooth. Love it!", "summary": "Ultimate Kors", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "AX19QD7S32O5W", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Richard Day", "reviewText": "Happy with the product!", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A1IYXUF0KPKOS1", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "susanp", "reviewText": "Would not use any other conditioner. I use it at least every 2 weeks to keep my white hair shining and healthy!", "summary": "Best product for dry or aging hair.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A2U7BI3N4YP26B", "asin": "B00006L9LC", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Amazon Customer", "reviewText": "Biolage is a great product.\nThank you for providing the product for me.\nAll Biolage products are wonderful.\nThank you!", "summary": "Biolage Review", "unixReviewTime": 1494374400} +{"overall": 1.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A2YDF506DAA5W4", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "justdancing", "reviewText": "So watered down, I didn't feel like it was actually shampoo. I tried twice then threw it away.", "summary": "I didn't feel like it was actually shampoo", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A3O3TL3ILJPNDJ", "asin": "B0009RF9DW", "style": {"Size:": " 206"}, "reviewerName": "ycyoder", "reviewText": "Very good product----I use it every day", "summary": "Five Stars", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1JL5CJJDECOH4", "asin": "B00006L9LC", "style": {"Size:": " 29.2"}, "reviewerName": "Tony T.", "reviewText": "Great product!", "summary": "5 stars!", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A2S255TZX0IO1X", "asin": "B000URXP6E", "style": {"Size:": " 4"}, "reviewerName": "ShopperForAll", "reviewText": "Best sulfate-free shampoo and conditioner ever! And...I've tried many. A little goes a long way, so don't hesitate to buy this wonderful product. .", "summary": "Best sulfate-free shampoo and conditioner ever", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A89GFB5RTGC8Z", "asin": "B00006L9LC", "style": {"Size:": " 39"}, "reviewerName": "Ronald Malazzo", "reviewText": "Gives fine hair more body in just a couple days use", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A2CQEI5EQ0DA8Z", "asin": "B000URXP6E", "style": {"Size:": " 44"}, "reviewerName": "Comedy Fan", "reviewText": "Best Shampoo I have ever used, You would be foolish not to try it.", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 1.0, "verified": true, "reviewTime": "05 6, 2018", "reviewerID": "AYKOSAJTP5AVS", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Senthil Kumar M", "reviewText": "It dries my hair, doesnt help to reduce dandruff. I have to use very less shampoo nevertheless it dries.. don't know how this got higher ratings", "summary": "Dries my hair, doesnt help to reduce dandruff. ...", "unixReviewTime": 1525564800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61IfuqqPxlL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A1FEQTQIVZKAY", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "David Baggett", "reviewText": "Unexpectedly good. The best smelling shower gel I have ever used. A little bit on the sweet side. But not chemical", "summary": "Wow", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A157AUOFPJQ46Q", "asin": "B000X7ST9Y", "reviewerName": "dark cloud", "reviewText": "I don't understand the bad reviews because this is an excellent body wash and it smells nice and subtle. The first time I used this body wash it became one of my favorites. The ingredients are top notch and it makes your skin feel excellent afterwards.", "summary": "Great for your hide.", "unixReviewTime": 1474502400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "A3ILCNY19J5KFA", "asin": "B000GLRREU", "style": {"Size:": " Ultra"}, "reviewerName": "bjsw", "reviewText": "Product is as advertised - easy to use and hopefully beneficial to my dental health. Transaction with Amazon completed with no problems.", "summary": "dentist recommended", "unixReviewTime": 1380499200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "AHQFZFZVRD2WU", "asin": "B0012Y0ZG2", "style": {"Size:": " 122"}, "reviewerName": "Dottie Huntley", "reviewText": "THIS IS MY FAVORITE SHOWER GEL.", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A2N52EPR60UCHN", "asin": "B0012Y0ZG2", "style": {"Size:": " 367"}, "reviewerName": "gary walters", "reviewText": "my wife loved it ,and thanked me ,she gets good coments all the time.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A3UXKTNN3U6E0D", "asin": "B001OHV1H4", "style": {"Size:": " B-002"}, "reviewerName": "Turgeman Anat", "reviewText": "very good prodauct", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3V6HGWB3AKM8O", "asin": "B000URXP6E", "style": {"Size:": " 403"}, "reviewerName": "J W. in SF", "reviewText": "Excellent product. The package arrived quickly in perfect condition. I definitely recommend this product and this particular seller.", "summary": "Love the shine!", "unixReviewTime": 1489708800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 6, 2011", "reviewerID": "A3SFRT223XXWF7", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "C. C. Christian", "reviewText": "If you ever want to feel pampered by a shampoo this one is the one. It smells like a wonderful perfume and cleans your hair until it shines plus adding a fullness that most other shampoo's don't give you. It is expensive, but worth it!", "summary": "Bvlgari Shampoo", "unixReviewTime": 1304640000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "A2MTXSVB9MC8IO", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.1 oz."}, "reviewerName": "CAROLINA TRUJILLO", "reviewText": "Matrix Biolage Fortifying conditioner is excellent. I use it all the time specially when I go to the beach, I live it on to protect my hair.", "summary": "Love it! Leaves my hair smooth and strong", "unixReviewTime": 1382054400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3TIK2TSPADAH0", "asin": "B00006L9LC", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "J. C.", "reviewText": "Love this stuff!!#", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A17B1H60A6A96P", "asin": "B000URXP6E", "style": {"Size:": " 463"}, "reviewerName": "Demetris DeLucas", "reviewText": "All of the different colognes and the price.", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"reviewerID": "A14Y0FPHPBKBAF", "asin": "B000FI4S1E", "reviewerName": "Darcy Boos", "verified": false, "reviewText": "I love this body wash! It's smells like something delicious, but tastes a little funny. It's also great for pulling pranks on your friends because the body wash looks just like blood!!! Highly recommend this product.", "overall": 5.0, "reviewTime": "02 8, 2016", "summary": "I love this body wash", "unixReviewTime": 1454889600} +{"overall": 1.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A27PPA3O7PX0OH", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Kayla", "reviewText": "Arrived opened and leaking all over the box. Tried shampoo but didn't help at all. Still so itchy.", "summary": "Two Stars", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A2PUZMHH482FU7", "asin": "B001OHV1H4", "style": {"Size:": " 266"}, "reviewerName": "inparadise", "reviewText": "Love this stuff - i'm on my second order. Started to get thinning hair. now there's whisps where there wasn't any and hair feels thicker all over.", "summary": "love this stuff", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "ADPN1Z23QGFQ5", "asin": "B00006L9LC", "style": {"Size:": " 52"}, "reviewerName": "Mauro", "reviewText": "Very Good", "summary": "Five Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2015", "reviewerID": "A5BJMAHZWGJ7N", "asin": "B000VV1YOY", "style": {"Size:": " 1 count", "Color:": " Apricot Cuticle Oil"}, "reviewerName": "Melaina Lara", "reviewText": "This Essie Apricot cuticle oil is one of the greats. It's light, absorbs quickly and smells amazing!\nThe moisture lasts, and doesn't leave my fingers feeling greasy or oily.", "summary": "Mmm, apricot!", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A3MWSMK06UU6BZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 70"}, "reviewerName": "Barbara A.", "reviewText": "love it...wish I could find the hand lotion!", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "AKIQW8M8Q74HG", "asin": "B0012Y0ZG2", "style": {"Size:": " 112"}, "reviewerName": "Linda", "reviewText": "My favorite way to relax.", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3NY63XTSMNUVZ", "asin": "B00006L9LC", "style": {"Size:": " 4"}, "reviewerName": "Natasha rivera", "reviewText": "Amazing product!!!", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A1TRRL3F84BJNJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Di", "reviewText": "Excellent!! Love the product not sticky and great price!!", "summary": "Excellent!! Love the product not sticky and great ...", "unixReviewTime": 1439596800} +{"overall": 1.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A2UM2UI2KVHG64", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Lorie B.", "reviewText": "Worst shampoo Ive ever used. Was mostly water. I could not get a good lather. Hair never felt clean after use. I cannot understand why so many good reviews. Will not buy again!", "summary": "Worst shampoo Ive ever used", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A3RTXSWBBPBU15", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Moomoo", "reviewText": "what can I say my favorite hair product at a great price. I had to buy it!", "summary": "Five Stars", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A1F1B2NU2TQAJV", "asin": "B0012Y0ZG2", "style": {"Size:": " 70"}, "reviewerName": "Jennifer Tschida", "reviewText": "Would love theorizing as well. Not available at this time.", "summary": "Excellent.", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2014", "reviewerID": "APTBOPU0IZZ0Y", "asin": "B0012Y0ZG2", "style": {"Size:": " 119"}, "reviewerName": "Fitz", "reviewText": "I have always loved the fragrance of this product and when I found it at this price, I went for it! I received it in a very timely matter.", "summary": "Good Deal", "unixReviewTime": 1393286400} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2016", "reviewerID": "AM88FAF0V7U6D", "asin": "B0012Y0ZG2", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome product", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2014", "reviewerID": "A1IT5WIUU0FKAV", "asin": "B0012Y0ZG2", "style": {"Size:": " 197"}, "reviewerName": "DD", "reviewText": "Received my order very quickly. I love Body Shop items but do not live near any store that carries them. Glad that I can get them from Amazon. The shower gel has an amazing smell and would recommend it to anyone.", "summary": "Love my gel", "unixReviewTime": 1399852800} +{"reviewerID": "A1IT5WIUU0FKAV", "asin": "B000FI4S1E", "reviewerName": "DD", "verified": true, "reviewText": "Received my order very quickly. I love Body Shop items but do not live near any store that carries them. Glad that I can get them from Amazon. The shower gel has an amazing smell and would recommend it to anyone.", "overall": 5.0, "reviewTime": "05 12, 2014", "summary": "Love my gel", "unixReviewTime": 1399852800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3TIK2TSPADAH0", "asin": "B0012Y0ZG2", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "J. C.", "reviewText": "Love this stuff!!#", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2AET552WMN8LZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "RichJankowski", "reviewText": "Great product - my wife loves it", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "AXIU0T1YPFUBX", "asin": "B0012Y0ZG2", "style": {"Size:": " 259"}, "reviewerName": "Epalahame Palu", "reviewText": "Love it, wish it wasn't dis-comtinued", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "ANGNK1ON6FFV6", "asin": "B0012Y0ZG2", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "Jennifer L Edlund", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A1LV8TM9ICX1IX", "asin": "B00006L9LC", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Cordia", "reviewText": "I love musk cologne and it is not easy to find so I bought these. I like all the scents but the original musk is my favorite.", "summary": "I love musk cologne and it is not easy to find ...", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A1FPB20OAZLA3T", "asin": "B00006L9LC", "style": {"Size:": " 401"}, "reviewerName": "APPRAISER REVIEWER", "reviewText": "HALE BERRY Pure Orchid is a wonderful fragrance, it is becoming harder to find in dept. stores.", "summary": "Five Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A1P5CYOPKV31LU", "asin": "B0009RF9DW", "style": {"Size:": " 74"}, "reviewerName": "Yessi Islas", "reviewText": "Love the smell & lathers easily so you don't need much. Has lasted me for a while now & will definitely be buying again!", "summary": "Definitely recommend!", "unixReviewTime": 1467331200} +{"reviewerID": "A324WQKVD3TLLQ", "asin": "B000FI4S1E", "reviewerName": "Jeremy", "verified": true, "reviewText": "The products great, hard to find, the gel has a stronger scent then the regular body wash which i like due to I love the smell of this and feels like the fragrance last longer.", "overall": 5.0, "reviewTime": "05 9, 2015", "summary": "It smells really good, subtle yet strong lasting fragrance", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "AKWBRE0JKA2A1", "asin": "B0012Y0ZG2", "style": {"Size:": " 119"}, "reviewerName": "Penelope53", "reviewText": "Fragarant is strong enough to use without lotion or spray.", "summary": "Satisfied!", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "AKMC46NLSXDJX", "asin": "B0012Y0ZG2", "style": {"Size:": " 176"}, "reviewerName": "Jasmine C.", "reviewText": "Boyfriend's mom LOVED it!!!", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"reviewerID": "A3J539P6RXOP9M", "asin": "B000FI4S1E", "reviewerName": "mattie simpson", "verified": true, "reviewText": "love love love", "overall": 5.0, "reviewTime": "08 18, 2015", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A9ZMABTHVLKOL", "asin": "B0012Y0ZG2", "style": {"Size:": " 52"}, "reviewerName": "Texasgal", "reviewText": "I really wish Redken had not discontinued this product, it is such a great product and now I will need to find a long term replacement :(", "summary": "it is such a great product and now I will need to find a ...", "unixReviewTime": 1468886400} +{"overall": 1.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "ADUKTDKBY4CNP", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Andelika", "reviewText": "Made my hair brittle and dull looking, didn't do anything for the itch or dandruff.", "summary": "Disappointment...", "unixReviewTime": 1524873600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A4DEEDXZK8L78", "asin": "B0009RF9DW", "style": {"Size:": " 205"}, "reviewerName": "Gloria Karimi", "reviewText": "This is a beautiful scented lotion. Very moisturizing and scent is perfect. I will order again when I run out. It matched perfectly to the perfume.", "summary": "Beautiful Scent", "unixReviewTime": 1382745600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A2AHJ14T0JXO1M", "asin": "B000URXP6E", "style": {"Size:": " 188"}, "reviewerName": "Rachael Heade", "reviewText": "My husband loves the bergamot fragrance and most of the local brands are mixed with other more feminine scents. This is just the bergamot and is great refreshing body wash.", "summary": "Great for my Guy :-)", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A1TRRL3F84BJNJ", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Di", "reviewText": "Excellent!! Love the product not sticky and great price!!", "summary": "Excellent!! Love the product not sticky and great ...", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2018", "reviewerID": "A2G90R2ZU6KU5D", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Mike", "reviewText": "Got this shampoo as a solution for my wife's dandruff problem. It worked! She got rid of any dandruff signs after 3-4 uses. As long as she is happy, I am happy too!", "summary": "Outstanding, no complains", "unixReviewTime": 1525651200} +{"overall": 5.0, "verified": false, "reviewTime": "01 27, 2016", "reviewerID": "A25DGSQA3AN7H5", "asin": "B00B9V9ASM", "reviewerName": "PurrfXion", "reviewText": "Best product Pantene made and can't find it in stores anymore.", "summary": "Best Pantene Product Out There", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2JPJPB0A1TQTY", "asin": "B001OHV1H4", "style": {"Size:": " B-013"}, "reviewerName": "DeWaun Mack", "reviewText": "Excellent! Best soap I ever had.", "summary": "Best soap", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2IYMZSE5YVU7F", "asin": "B0009RF9DW", "style": {"Size:": " 127"}, "reviewerName": "Jordan Marks", "reviewText": "If you want women to fall over you, wash yourself with this. It's the best smelling thing you'll ever have in your shower. Pricey? Of course, it's $50 bucks for soap. But to quote Ferris Bueller, \"if you have the means, I highly recommend picking one up\"", "summary": "Sex In a Bottle", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2JRCTJU21AJ4X", "asin": "B001OHV1H4", "style": {"Size:": " 77"}, "reviewerName": "Jennifer R Fiorita", "reviewText": "Very high quality product. I had difficulty finding something without paraben etc. that can actually hold my son's faux hawk all day - until now. This stuff is fantastic - just wish it weren't so expensive.", "summary": "This stuff is fantastic - just wish it weren't so expensive", "unixReviewTime": 1428710400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3JOF3FISSE7E0", "asin": "B00006L9LC", "style": {"Size:": " 15"}, "reviewerName": "Catherine Daniel", "reviewText": "makes hair fuller and is gentle on scalp. hair feels soft.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A3YUWJTIW15EE", "asin": "B000URXP6E", "style": {"Size:": " 30mla144"}, "reviewerName": "Fancy Lady", "reviewText": "I love this lotion and use it under make up for a glow. I used to be able to but it locally but can't find it any more. This is a good price.", "summary": "Lotion", "unixReviewTime": 1382832000} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AQG3FO72CYLU3", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "michael dzienis", "reviewText": "can't beat it... 3 for the price of 1 at a local store", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2018", "reviewerID": "AABWJ79OLTS38", "asin": "B000URXP6E", "style": {"Size:": " 8.5oz"}, "reviewerName": "ChickenNugget", "reviewText": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid. It smells good but the bottle will be gone in 2 weeks because of how thin it is. I haven't used much, maybe I can return it.", "summary": "I was expecting a gel that would lather up nicely, this is a very thin/water like liquid", "unixReviewTime": 1524182400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A3FLYMWRPCK731", "asin": "B0009RF9DW", "style": {"Size:": " 112"}, "reviewerName": "Kindle Customer", "reviewText": "I got a bottle for my birthday. I love the relaxing scent so much that I went on Amazon and ordered 8 more bottles!", "summary": "Spendy - but worth every penny!", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A29F4PQDQ8MU0M", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "Amazon Customer", "reviewText": "Smells Great, Boyfriend loves the scent.", "summary": "Sad that it's hard to come by", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A3CZ890UHC8HHZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.6 oz"}, "reviewerName": "Amazon Customer", "reviewText": "It diffuses a very mild light perfume, just what I wanted. I wear Shalimar lotion and perfume so I wanted a nice hint on days I do not want to wear the stronger lotions and perfumes. I will be purchasing it again.", "summary": "What I expected", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": false, "reviewTime": "09 1, 2017", "reviewerID": "A2NN6H2RZENG24", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Olive Oil"}, "reviewerName": "Robert C Ross", "reviewText": "Great aromas, great cleaning power, and my Parisian companion says it is a classic French soap.\n\nA bit of Paris in NYC!\n\nRobert C. Ross\nSeptember 2017", "summary": "Excellent soap", "unixReviewTime": 1504224000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1FFGS17PQWUI8", "asin": "B000URXP6E", "style": {"Size:": " 33"}, "reviewerName": "Amazon Customer", "reviewText": "I love it! I wish the conditioner was still available", "summary": "Wonderful!", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A2F87BBKVFB2H1", "asin": "B007R6UXNY", "reviewerName": "georgina", "reviewText": "Really good", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A21YAPFNXKFIUC", "asin": "B0009RF9DW", "style": {"Size:": " 235"}, "reviewerName": "Blue Hornet", "reviewText": "I love the fresh smell of Dial Mountain Fresh and also that it promotes Antibacterial Wash. Great Product. It arrived on time and was as described.", "summary": "Great Product", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A2NH58DY5F0XSZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 176"}, "reviewerName": "michael Luna", "reviewText": "AAA+", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A1NXF07STAXNN3", "asin": "B0009RF9DW", "style": {"Size:": " 17"}, "reviewerName": "W. T. Godbolt", "reviewText": "soapy", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"reviewerID": "AI8FN9LAD3WT0", "asin": "B000FI4S1E", "reviewerName": "American Infidel", "verified": false, "reviewText": "This was the best of all the Axe line, and they discontinued it. I wish they would bring it back. :(", "overall": 5.0, "reviewTime": "12 31, 2013", "summary": "Please bring this one back on the market!", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A2T6UI6V98KT94", "asin": "B00006L9LC", "style": {"Size:": " 586"}, "reviewerName": "Joi Sanders", "reviewText": "This is one of the most beautiful lotions I have ever used. Compliments on a daily basis! It is so soft and smooth. Love it!", "summary": "Ultimate Kors", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A26FGQS4JIPDH5", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "Linda Willford", "reviewText": "My son also likes this", "summary": "smells great", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A39W5XTO1GA6G1", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Shirley Smith", "reviewText": "I really like the H20 shampoo.", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "ABCIDPOKCXJOB", "asin": "B0012Y0ZG2", "style": {"Size:": " 354"}, "reviewerName": "Linda Alana", "reviewText": "These are the best perms! I only wish we could still buy them. The foam is so much nicer to work with and Ogilvie is a wonderful product.", "summary": "These are the best perms! I only wish we could still buy ...", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A1UMO57A3IQGT7", "asin": "B0012Y0ZG2", "style": {"Size:": " 329"}, "reviewerName": "rjon", "reviewText": "A gift that was appreciated by the receiver.", "summary": "Five Stars", "unixReviewTime": 1404432000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A3TXZIWV9XZLMR", "asin": "B0012Y0ZG2", "style": {"Size:": " 32"}, "reviewerName": "Nelya", "reviewText": "I love this Shampoo and told my friends about it.", "summary": "Five Stars", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A150XCEZV6KF5G", "asin": "B0012Y0ZG2", "style": {"Size:": " 200"}, "reviewerName": "Shatha", "reviewText": "I love the smell and the product. I usually use it when I go on trip. My problem with this product it isn't easy to find :(\nI wish lots of people use it so it will become more popular in the market. I'd definitely recommend it to my friends;)", "summary": "I love the smell and the product", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A2OQZFZLIMR4AR", "asin": "B0012Y0ZG2", "style": {"Size:": " 1.7 oz"}, "reviewerName": "C McNulty", "reviewText": "I will never be without this product. I have used it for 5 years. Foundation just glides on over top. I use it with Estee Lauder foundation but you could probably use another brand. I am 62 and get compliments on my skin all of the time.", "summary": "Great product", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "AR6HDXGSGHVKK", "asin": "B001OHV1H4", "style": {"Size:": " 515"}, "reviewerName": "maggie", "reviewText": "excellent cream, great shipping.", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2012", "reviewerID": "A3Q33D02J9UTT0", "asin": "B0012Y0ZG2", "style": {"Size:": " 264"}, "reviewerName": "KG", "reviewText": "This is a great product for pampering yourself. I would recommend purchasing extra bottles as they make great gifts. This product is hard to find locally.", "summary": "Herbaflor", "unixReviewTime": 1344211200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "A3NO4EO1AGK1XX", "asin": "B0009RF9DW", "style": {"Size:": " 48"}, "reviewerName": "SnookkillerCharlie", "reviewText": "I've tried and liked many of the different Shower gels by AXE. But by far.. The AXE MUSIC is The Best Ever. WHY DID THEY STOP SELLING IT!", "summary": "The Best AXE ever!", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A2W643VRI6ELN", "asin": "B0012Y0ZG2", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Amazon Customer", "reviewText": "I haven't gotten it yet because I ordered it today but I'm hoping it will be good for me to use", "summary": "We'll see", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A1JR5CZCFXPQMC", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Caitlin", "reviewText": "Really great shampoo. It smells good and leaves hair healthy. Amazing to feel that I've finally found a suitable product", "summary": "Great", "unixReviewTime": 1526169600} +{"reviewerID": "A27IT9W7WU080F", "asin": "B000FI4S1E", "reviewerName": "johnny", "verified": false, "reviewText": "I really like the shampoo and body wash. They both lather great with a very masculine yet fruity scent. 3 thumbs up!", "overall": 5.0, "reviewTime": "12 29, 2014", "summary": "amazing scent", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A1THB1R8LWTMPV", "asin": "B0012Y0ZG2", "style": {"Size:": " 367"}, "reviewerName": "Tom Blakney", "reviewText": "My ordered and loves it so guess what I love it if she loves It and if Mama is happy every body is happy!!!!", "summary": "My ordered and loves it so guess what I love it if she loves It and if Mama is ...", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1FFGS17PQWUI8", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "Amazon Customer", "reviewText": "I love it! I wish the conditioner was still available", "summary": "Wonderful!", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "AIF4UQ6O6UZZF", "asin": "B0012Y0ZG2", "style": {"Size:": " 99"}, "reviewerName": "Susan", "reviewText": "Great shampoo.", "summary": "Great shampoo.", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "ATCQ2K4QG03T4", "asin": "B000URXP6E", "style": {"Size:": " 1.69oz"}, "reviewerName": "Kimmie", "reviewText": "I like this shampoo. It makes my hair feel nice and soft. I'm in my 50's and on medication. So my hair always feels dry. But when i use this shampoo it makes my hair so much softer.", "summary": "I like this shampoo", "unixReviewTime": 1478995200} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3V0ZDC7WJX4G6", "asin": "B0009RF9DW", "style": {"Size:": " 3.3 oz"}, "reviewerName": "TwoCoconuts", "reviewText": "Lovely powder bomb fragrance. I adore its softness. Perfect for day or office wear. I spray with a heavy hand for use at night. Not much projection but warms to the body nicely.", "summary": "Gorgeous Scent", "unixReviewTime": 1431302400} +{"reviewerID": "A2W643VRI6ELN", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I haven't gotten it yet because I ordered it today but I'm hoping it will be good for me to use", "overall": 5.0, "reviewTime": "12 7, 2013", "summary": "We'll see", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A3C46GBHLVSOEW", "asin": "B00006L9LC", "style": {"Size:": " 33"}, "reviewerName": "jv", "reviewText": "I love this shampoo!!!!!!", "summary": "Frizz be gone", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A2U7BI3N4YP26B", "asin": "B001OHV1H4", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Amazon Customer", "reviewText": "Biolage is a great product.\nThank you for providing the product for me.\nAll Biolage products are wonderful.\nThank you!", "summary": "Biolage Review", "unixReviewTime": 1494374400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A3CIUOJXQ5VDQ2", "asin": "B0000530HU", "style": {"Size:": " 7.0 oz", "Flavor:": " Classic Ice Blue"}, "reviewerName": "Shelly F", "reviewText": "As advertised. Reasonably priced", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A41D5III07SB6", "asin": "B001OHV1H4", "style": {"Size:": " 5"}, "reviewerName": "MARYSTAR", "reviewText": "Love this!", "summary": "hair", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2NOM8O5XT0GXD", "asin": "B00006L9LC", "style": {"Size:": " 41"}, "reviewerName": "Lynn N.", "reviewText": "This brand is really nice for brunette hair color. The shampoo gives nice body, shine and condition. I love the scent, it is not chemically based, so I choose these types. The bonus 2 pack was a very good deal too. It helps my natural hair dye keep its color longer too..", "summary": "This is a high quality shampoo for brunette hair..", "unixReviewTime": 1420329600} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "ACAA46YVXMZTJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 29.2"}, "reviewerName": "RNAH", "reviewText": "Good shampoo, hair stays where its combed to. Good stuff!", "summary": "It's about time someone made a mens shampoo.", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2012", "reviewerID": "A8CGEXNIB402C", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/ 6.7OZ"}, "reviewerName": "Wanda D, Patton", "reviewText": "I purchased Chanel Antaeus Bath and shower Gel. The process was quick and easy and I received the product when promised.", "summary": "Channel Bath Gel", "unixReviewTime": 1343433600} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2NOM8O5XT0GXD", "asin": "B0012Y0ZG2", "style": {"Size:": " 41"}, "reviewerName": "Lynn N.", "reviewText": "This brand is really nice for brunette hair color. The shampoo gives nice body, shine and condition. I love the scent, it is not chemically based, so I choose these types. The bonus 2 pack was a very good deal too. It helps my natural hair dye keep its color longer too..", "summary": "This is a high quality shampoo for brunette hair..", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A1A7LP8GUKEPZM", "asin": "B0009RF9DW", "style": {"Size:": " 248"}, "reviewerName": "Graciela Vigil", "reviewText": "Great Product, Great Price!", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2012", "reviewerID": "A1SC0VA3U18WUP", "asin": "B0012Y0ZG2", "style": {"Size:": " 261"}, "reviewerName": "Ica2284", "reviewText": "I am a huge fan of Molton Brown products, especially the Travel Reviving Cempaka Bath & Shower gel. It's a bit pricey ($28-$30) but it's worth it...especially after long, stressful days.", "summary": "Perfection", "unixReviewTime": 1349654400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A7COTFQZZ86N", "asin": "B0012Y0ZG2", "style": {"Size:": " 25"}, "reviewerName": "Elaine", "reviewText": "Does a great job of keeping hair from yellowing. Leaves it clean and soft.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "AN4M590RDRGH7", "asin": "B0009RF9DW", "style": {"Size:": " 149"}, "reviewerName": "margaret johnson", "reviewText": "I became acquainted with Savannah Bee Mint Julep when I originally bought one from Bath and Body. I always like the fragrance and its invigorating effect. I would recommend this body wash. It lasts a long time and lathers well.", "summary": "Refreshing", "unixReviewTime": 1380758400} +{"reviewerID": "A1AWB5QE4T9LPM", "asin": "B000FI4S1E", "reviewerName": "Rafael Saturno", "verified": true, "reviewText": "All perfect", "overall": 5.0, "reviewTime": "10 25, 2014", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A26FGQS4JIPDH5", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "Linda Willford", "reviewText": "My son also likes this", "summary": "smells great", "unixReviewTime": 1472169600} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A3IJDWW3VVLF3G", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Amazon Customer", "reviewText": "Awful. Zero anti dandruff properties. Comes out of bottle like water, so very easy to waste. Very poor lathering, requires large quantity to lather up hair. Vague smell, not bad but also not pleasant.", "summary": "Skip it", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A2KV46HMWY1YWB", "asin": "B00006L9LC", "style": {"Size:": " 586"}, "reviewerName": "Kindle Customer", "reviewText": "Smells wonderful. Feels great on hands and arms, etc.", "summary": "Must have product", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": false, "reviewTime": "03 15, 2016", "reviewerID": "A1ZB4T8L0SPYV8", "asin": "B0012Y0ZG2", "style": {"Size:": " 114"}, "reviewerName": "Bonnie Smith", "reviewText": "Intoxicatingly wonderful!!!!!", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "AKIQW8M8Q74HG", "asin": "B000URXP6E", "style": {"Size:": " 112"}, "reviewerName": "Linda", "reviewText": "My favorite way to relax.", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2014", "reviewerID": "A3L1JSXB4OXOD9", "asin": "B0009RF9DW", "style": {"Size:": " 24 oz."}, "reviewerName": "ana martinez", "reviewText": "My favorite shampoo...I can't be without this product...I love it", "summary": "Five Stars", "unixReviewTime": 1408579200} +{"reviewerID": "A177B2VPWX4P55", "asin": "B000FI4S1E", "reviewerName": "Columbus Ohio", "verified": true, "reviewText": "Umm smells yummy, fresh fruity not overly sweet, perfect for fall time. This is a very mild scrub good for daily use with nice creamy suds. The packaging is also beautiful :)", "overall": 5.0, "reviewTime": "11 18, 2013", "summary": "yummy and fresh, but more a shower gel than a true exfoliator", "unixReviewTime": 1384732800} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A29C6ZBT7HP13Q", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Faith M. Pettersen", "reviewText": "Love this product. It is the only thing that has worked on my flaky scalp. Not too heavy and the fragrance is pleasant in comparison to other products.", "summary": "Love this product", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A18E4UPIBMJNVZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Roger S. Leblanc", "reviewText": "Fabulous and cheaper than down in Disney World", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": false, "reviewTime": "09 2, 2017", "reviewerID": "A2TXMYYGSZCSZ1", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Violate"}, "reviewerName": "annie", "reviewText": "This review is for the 150 g bar of Pre de Provence She Butter Soap with the Violette fragrance. I absolutely love this scent, and the soap leaves my skin feeling great. I like the size of this bar better than the larger bar, which is too big for my small hands.", "summary": "Violette Fragrance is Awesome", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A1LA3IVNDE22NW", "asin": "B000URXP6E", "style": {"Size:": " 6.7 oz"}, "reviewerName": "Tuffy", "reviewText": "This is my favorite scent in the whole world. Its very clean and smells like a warm summer day. Unfortunately, it's been discontinued and very difficult to find. I wish this one would come back, I love using it at the end of winter when I'm pining for the smells of summer.", "summary": "The Best Summery Scent Ever", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": false, "reviewTime": "10 29, 2014", "reviewerID": "A1MF4IEANGZ0OB", "asin": "B0012Y0ZG2", "style": {"Size:": " 370"}, "reviewerName": "P. Landis", "reviewText": "Fabulous moisturizer.", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"reviewerID": "A3HJIA8KBPQXWU", "asin": "B000FI4S1E", "reviewerName": "janice ocasio", "verified": true, "reviewText": "This is the only perfume I use .I love it. I will recommend it.it will last all day", "overall": 5.0, "reviewTime": "11 21, 2014", "summary": "I love it. I will recommend it", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3CFINYERTHF9Q", "asin": "B001OHV1H4", "style": {"Size:": " 1 Pack"}, "reviewerName": "Rita Gambill", "reviewText": "Great shampoo", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2013", "reviewerID": "A3N20YR4PHW97O", "asin": "B0012Y0ZG2", "style": {"Size:": " 145"}, "reviewerName": "Bonita", "reviewText": "I only use this in the winter as the beautiful fragrance seems a bit much in the summer. But it is absolutely wonderful and I start using it in September and consider it a great asset to my layers of this fragrance.", "summary": "Wonderful stuff.", "unixReviewTime": 1373587200} +{"overall": 5.0, "verified": false, "reviewTime": "08 28, 2014", "reviewerID": "A3U05BH8UYBNLE", "asin": "B00006L9LC", "style": {"Size:": " 1.7 oz"}, "reviewerName": "Doa Kim", "reviewText": "Nice and my mom likes it", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "AUAC7GPINCR54", "asin": "B0013NB7DW", "style": {"Size:": " 3 Ounce"}, "reviewerName": "Csaba Farsang", "reviewText": "It makes electic shaving smooth and quick.,shaving, much better than thers on the market. it is a pity that it is not available anywhere in Europe...", "summary": "Electric shaving", "unixReviewTime": 1367107200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "AEY5YWIVK33SE", "asin": "B0009RF9DW", "style": {"Size:": " 303"}, "reviewerName": "Rochelle in Montana", "reviewText": "This lotion was purchased as a gift for my daughter, who loves the scent of bergamont. The fragrance is clean & fresh and lightly lingers on the skin for hours. I will be purchasing it again.", "summary": "great product", "unixReviewTime": 1360540800} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "AIR2V73D3WZQK", "asin": "B001OHV1H4", "style": {"Size:": " 85"}, "reviewerName": "SUSAN GWINN", "reviewText": "Excellent product!! It has been my favorite shampoo for several years, & is becoming more & more difficult to find...", "summary": "Excellent product!", "unixReviewTime": 1433635200} +{"overall": 2.0, "verified": false, "reviewTime": "09 6, 2017", "reviewerID": "AOEUN9718KVRD", "asin": "B019FWRG3C", "style": {"Color:": " Linen Water Refill"}, "reviewerName": "Bigslacker", "reviewText": "Barely any scent. And it doesn't smell like a lavender. I don't like it.", "summary": "Mostly water.", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A2WA0B9CJ28E45", "asin": "B001OHV1H4", "style": {"Size:": " 7"}, "reviewerName": "Rainy", "reviewText": "Great hair care products always leave my hair feeling clean and soft, ive tried a lot of products but these are my favorite", "summary": "Biolage", "unixReviewTime": 1370131200} +{"reviewerID": "AX461TIEKR7CJ", "asin": "B000FI4S1E", "reviewerName": "Sheep", "verified": true, "reviewText": "Best smell by Old Spice so sad they stopped carrying it at most stores but hey they're loss is the Amazon marketplaces gain. Very quick shipping no issues will be buying again", "overall": 5.0, "reviewTime": "06 26, 2017", "summary": "Best", "unixReviewTime": 1498435200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 6, 2013", "reviewerID": "AE06QZ0NCSBBO", "asin": "B000URXP6E", "style": {"Size:": " 10.2 oz"}, "reviewerName": "rose gardner", "reviewText": "This is by far my favorite fragrance! Bath gel lasts for quite some time. I would recommend this product to anyone.", "summary": "Lolita Lempicka perfumed foaming shower gel", "unixReviewTime": 1362528000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A274J0XAP9U68Y", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "Francine Johnson", "reviewText": "Nest products are the best. A bit pricey but worth the price.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A10ZJZNO4DAVB", "asin": "B0012Y0ZG2", "style": {"Size:": " 43"}, "reviewerName": "Loeyd", "reviewText": "What the hubby wanted", "summary": "Love it", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A1MCIV8P5COBQZ", "asin": "B0009RF9DW", "style": {"Size:": " 129"}, "reviewerName": "Justin Kitchens", "reviewText": "Smells AMAZING. Worth buying", "summary": "Worth", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "ALWK9NN6TP252", "asin": "B00006L9LC", "style": {"Size:": " 5"}, "reviewerName": "Tim Scarbrough", "reviewText": "Great product. Thick, concentrated, worth the investment.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A1P5CYOPKV31LU", "asin": "B0012Y0ZG2", "style": {"Size:": " 74"}, "reviewerName": "Yessi Islas", "reviewText": "Love the smell & lathers easily so you don't need much. Has lasted me for a while now & will definitely be buying again!", "summary": "Definitely recommend!", "unixReviewTime": 1467331200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "AXF86QVFWFE4L", "asin": "B00006L9LC", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Janet Hobbs", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "AJIQ6LH2YTZH8", "asin": "B00006L9LC", "style": {"Size:": " 354"}, "reviewerName": "Dolores A. Ruscavage", "reviewText": "I use Oglivie hair perm all of the time. It's a great product for fine hair.", "summary": "It's a great product for fine hair", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2013", "reviewerID": "A1AIIT0GCPBL2M", "asin": "B0012Y0ZG2", "style": {"Size:": " 111"}, "reviewerName": "Annette Kuykendall", "reviewText": "This smells just like fresh peaches....Wonderful for summer...I wish they had body lotion also...I would buy it by the gallon..", "summary": "Love it!!!", "unixReviewTime": 1370563200} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2018", "reviewerID": "A2SH5YH74O245M", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "jim russell", "reviewText": "Works perfect for any type of hair. Dry, greasy or any other. My whole family is happy with results", "summary": "Perfect", "unixReviewTime": 1526256000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A2KA5PR2AKM7ZU", "asin": "B0009RF9DW", "style": {"Size:": " 127"}, "reviewerName": "susanb1222", "reviewText": "The price for an Hermes product is the best", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A1C13KVGOWMI6A", "asin": "B001OHV1H4", "style": {"Size:": " 78"}, "reviewerName": "Heather", "reviewText": "Great product and good service.", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A2XF4LU8DZCGKV", "asin": "B001OHV1H4", "style": {"Size:": " 169"}, "reviewerName": "Sparkle528", "reviewText": "Although it's pretty long, it fits perfectly. It looks very similar to the style of the lab coat given to me by my school.", "summary": "Love the labcoat", "unixReviewTime": 1457308800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A3IJDWW3VVLF3G", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Awful. Zero anti dandruff properties. Comes out of bottle like water, so very easy to waste. Very poor lathering, requires large quantity to lather up hair. Vague smell, not bad but also not pleasant.", "summary": "Skip it", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A29WQLB8ACNZ5T", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "Marie Buckley", "reviewText": "I use this product daily I love it.", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "AIR2V73D3WZQK", "asin": "B0012Y0ZG2", "style": {"Size:": " 85"}, "reviewerName": "SUSAN GWINN", "reviewText": "Excellent product!! It has been my favorite shampoo for several years, & is becoming more & more difficult to find...", "summary": "Excellent product!", "unixReviewTime": 1433635200} +{"reviewerID": "A3H4ZZ6X3GROKJ", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Absolutely LOVE, LOVE, LOVE this product!!!!! It smells AMAZING and feels GREAT on the body! Will be repurchasing this item MANY, MANY more times!", "overall": 5.0, "reviewTime": "05 26, 2016", "summary": "Amazing Product!", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1AFK6DIZFYQ2V", "asin": "B0012Y0ZG2", "style": {"Size:": " 97"}, "reviewerName": "jane", "reviewText": "The BEST lavender projects are from Perelier. Love all of their products", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AGXW8BFME8048", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "Gretchen G", "reviewText": "This is a great product. It is alcohol free but holds well . I used to get it at Sally's but they discontinued it . Thankfully I was able to buy it here.", "summary": "This is a great product. It is alcohol free but holds well", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A1QVOO32ZSI252", "asin": "B0012Y0ZG2", "style": {"Size:": " 72"}, "reviewerName": "blondie", "reviewText": "I love this scent unconditional Love, soft and clean. Amazons value was great also for this set. Thanks again for another great product!", "summary": "Lovely scent", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "AIRQ4VAXVPAP4", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Amazon Customer", "reviewText": "Very good fragrance. A good nature smell rather than just a cologne type smell. My favorite of the series.", "summary": "Great choice.", "unixReviewTime": 1497484800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "A2M0OIN5678XKQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 170"}, "reviewerName": "Reese", "reviewText": "this product is very hard to find - and rare in department stores anymore. I love the scent and always get compliments on it. Can't stand Paris Hilton as a person, but dang, she makes a wonder perfume!", "summary": "love this stuff", "unixReviewTime": 1399334400} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A3CLPIHVAD1LI1", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "C.H.", "reviewText": "Smells awesome love it!!", "summary": "One of the better body wash smells in my opinion", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A2MWZ6TCFPWTPH", "asin": "B00006L9LC", "style": {"Size:": " 361"}, "reviewerName": "N. Pfamatter", "reviewText": "I've worn Chanel #5 since I was 12 years old. This was a great price for the only perfume I've ever worn.", "summary": "My favorite scent", "unixReviewTime": 1379203200} +{"overall": 4.0, "verified": false, "reviewTime": "09 5, 2017", "reviewerID": "A3BNMHRW2R35LK", "asin": "B0010ZBORW", "style": {"Color:": " Sea Sponge"}, "reviewerName": "S. Peterson", "reviewText": "Nice sponge that's a bit bigger than the size of the palm of your hand. There's a couple of tough spots in it but that's nature. The smaller size is nice as the large ones can be a bit obnoxious. These lather up nicely.", "summary": "Nice size, not too big", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A12X146LZM6KM0", "asin": "B00HLXEXDO", "reviewerName": "eieio", "reviewText": "Great scent, and no sulfates.", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A13PKMKQ0177SH", "asin": "B000URXP6E", "style": {"Size:": " 366"}, "reviewerName": "cara luter", "reviewText": "I have been wearing this fragrance for years and the body cream luxurios. In fact I wear it alone for a longer lasting and subtle effect.", "summary": "Great value!", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1OIRJ1W4N8CW", "asin": "B0012Y0ZG2", "style": {"Size:": " 206"}, "reviewerName": "Laura Ferradino", "reviewText": "I really love this product! My skin was so dry and flaky, but now it is as smooth as silk. I will be buying again.", "summary": "I really love this product", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A36CT6022EC8KS", "asin": "B00006L9LC", "style": {"Size:": " 468"}, "reviewerName": "Amazon Customer", "reviewText": "Smells great!! Thanks for the fast delivery!", "summary": "Five Stars", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": false, "reviewTime": "10 3, 2016", "reviewerID": "A6CEOJ5ISIGRB", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "samantha", "reviewText": "I love the smell of this body wash! It doesn't dry out my skin either!", "summary": "Smells great!", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2018", "reviewerID": "AUS96J3A7A9MK", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Kirk Wiper", "reviewText": "Got both products from this seller, shampoo and body wash. Both - top notch. 5 stars", "summary": "Selenium is awesome!", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3DA04UMF6N2F9", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Amber Cameron", "reviewText": "Love it !!!! It actually came early!", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A34SO74JEYQXZW", "asin": "B0012Y0ZG2", "style": {"Size:": " 39"}, "reviewerName": "Jose", "reviewText": "Sally's stop selling this great shampoo for fuller thicker hair thanks to this company through Amazon I can buy again. This is a great shampoo if you want to hide that you have thin hair, but this shampoo only gives volume for a few hours.", "summary": "Fuller Hair", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "AZCOSCQG73JZ1", "asin": "B001OHV1H4", "style": {"Size:": " B-013"}, "reviewerName": "william", "reviewText": "extremely pleased, very pleasant scent, very longlasting...", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"reviewerID": "A28TUBAOIO801", "asin": "B000FI4S1E", "reviewerName": "Mitch", "verified": true, "reviewText": "My favorite body wash, suds up nice, leaves skin moisturized and has a nice subtle scent", "overall": 5.0, "reviewTime": "06 3, 2016", "summary": "Can't go wrong with oil of Olay", "unixReviewTime": 1464912000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "AXF86QVFWFE4L", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Janet Hobbs", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AB4T4E0AGMKRA", "asin": "B00006L9LC", "style": {"Size:": " 77"}, "reviewerName": "Amazon Customer", "reviewText": "For months i was waiting the product to come back for sale.\nWhen i saw it is available again i bought 2!!\nIt was a good choice.\nI searched a lot for an organic kid hair gel, and i did not find a better one.\nHolds my son hair for hours. I know it is a lit expensive, but worth it.", "summary": "It was a good choice. I searched a lot for an organic ...", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A1LCFO492L6K6G", "asin": "B0012Y0ZG2", "style": {"Size:": " 86"}, "reviewerName": "SEONGHO CHOI", "reviewText": "My wife and me have used this shampoo for a long time. Our best choice product.\nI have worried my hair loss but this shampoo helpful on my hair.", "summary": "Our best choice product", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A3EZ4SUXGM5DKJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "Diane C", "reviewText": "Looks very well-made and colors are rich. A bit larger than I expected (shame on me for not looking at dimensions), but I think it will look lovely in my daughter's hair.", "summary": "Beautiful and Unusual Hair Decor", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2KUYYA021Y4KO", "asin": "B000URXP6E", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "Wanda Daniels", "reviewText": "Need a bigger bottle!", "summary": "Smell sooo good", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A2E3YYK70W49NO", "asin": "B0012Y0ZG2", "style": {"Size:": " 233"}, "reviewerName": "Lauri Shields", "reviewText": "Love the scent, great deal for the price, large bottle", "summary": "Five Stars", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "AX461TIEKR7CJ", "asin": "B0009RF9DW", "style": {"Size:": " 10"}, "reviewerName": "Sheep", "reviewText": "Best smell by Old Spice so sad they stopped carrying it at most stores but hey they're loss is the Amazon marketplaces gain. Very quick shipping no issues will be buying again", "summary": "Best", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A3ADPDEVGNMBWN", "asin": "B000URXP6E", "style": {"Size:": " 163"}, "reviewerName": "JParizona", "reviewText": "We use this in our corporate fitness shower stall. Refill the wall mounted dispenser. No surprises if you are use to using tea tree as it doen't suds up like normal soaps nor leave a soapy residue on the skin. Perfect for our use in shower.", "summary": "Tea Tree gallon is great for our corporate use", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A1RO0GOES15LER", "asin": "B0012Y0ZG2", "style": {"Size:": " 82"}, "reviewerName": "Michelle", "reviewText": "Loved this. ... but I can't fInd more. ... anywhere!", "summary": "Five Stars", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1LJIF7G9T0PTW", "asin": "B00006L9LC", "style": {"Size:": " 379"}, "reviewerName": "Keri Lee", "reviewText": "Great value! This is one of the few moisturizer/serum that notably makes my skin more even tonned and smooth.\nDelivery time was reasonable given it was shipped from Turkey. Would buy again from this seller.", "summary": "Great value! This is one of the few moisturizer/serum ...", "unixReviewTime": 1432684800} +{"reviewerID": "A25TLMKU5AXWHF", "asin": "B000FI4S1E", "reviewerName": "gamma", "verified": true, "reviewText": "This wonderful fragrance is light and airy. Lovely aroma that many ask what is that you are wearing. Hope you try it.", "overall": 5.0, "reviewTime": "02 26, 2013", "summary": "Attenion getting fragrance.", "unixReviewTime": 1361836800} +{"reviewerID": "A2LFGBMPZPSAMV", "asin": "B000FI4S1E", "reviewerName": "Katie Miller", "verified": true, "reviewText": "Oh my god... I love Britney spears for one... And this collection !!! I can spritz some of the perfume on, or soak in the tub with the bubble bath, and come out smelling like a vanilla fairy goddess. Such an amazing mix of scents in one spray!!!", "overall": 5.0, "reviewTime": "01 28, 2015", "summary": "My favorite perfume.. the set is even better!!!", "unixReviewTime": 1422403200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61drG9J7BmL._SY88.jpg"], "overall": 5.0, "vote": "14", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A3F53CPYRL46XZ", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "Brennan Kelly", "reviewText": "So, 5 stars it is.", "summary": "My wife absolutely loves it", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "AUAC7GPINCR54", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Csaba Farsang", "reviewText": "Very smooth and quick shaving, much better than thers on the market. it is a pity that it is not available anywhere in Europe...", "summary": "Electric shaving", "unixReviewTime": 1367107200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "AEY5YWIVK33SE", "asin": "B0012Y0ZG2", "style": {"Size:": " 303"}, "reviewerName": "Rochelle in Montana", "reviewText": "This lotion was purchased as a gift for my daughter, who loves the scent of bergamont. The fragrance is clean & fresh and lightly lingers on the skin for hours. I will be purchasing it again.", "summary": "great product", "unixReviewTime": 1360540800} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2014", "reviewerID": "A32PX7W05VFWOJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 187"}, "reviewerName": "L.B.T.W", "reviewText": "I love this cleansing cream. I also bought the body cream. Love the smell.", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A3T94O0KWMLTNG", "asin": "B0012Y0ZG2", "style": {"Size:": " 187"}, "reviewerName": "MHGreen", "reviewText": "Great shower gel--love the scent!", "summary": "Love it!", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2013", "reviewerID": "A1UBIQNOWJJO9N", "asin": "B0012Y0ZG2", "style": {"Size:": " 156"}, "reviewerName": "Diana", "reviewText": "I am using this product years ago\nI never think that i can find it online\nThat's make me happy", "summary": "LOVE IT", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A1NP222Y17P9N3", "asin": "B0009RF9DW", "style": {"Size:": " 290"}, "reviewerName": "Nancy May", "reviewText": "Wonderful product and quick delivery! I couldn't be happier", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A3PQ3YQZYJ66HK", "asin": "B0012Y0ZG2", "style": {"Size:": " 280"}, "reviewerName": "Tina", "reviewText": "Would definitely buy it again/ Always get lots of compliments whenever I wear it. Now, I just need to find more cologne before it runs out.", "summary": "Love it!", "unixReviewTime": 1375056000} +{"reviewerID": "A1CURM7FGX5UJP", "asin": "B000FI4S1E", "reviewerName": "ss.", "verified": true, "reviewText": "This shower gel went above my expectation. This was not overpowering like other shower gels full of musky cologne.\nI have sensitive skin so this went on my skin without a problem. Thanks for the fast shipping.", "overall": 5.0, "reviewTime": "08 19, 2013", "summary": "Great shower gel", "unixReviewTime": 1376870400} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A2CY3ZL67BZKEU", "asin": "B00006L9LC", "style": {"Size:": " 6"}, "reviewerName": "Stacey J.", "reviewText": "Best shampoo/conditioner hands down", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 1.0, "verified": true, "reviewTime": "05 6, 2018", "reviewerID": "AYKOSAJTP5AVS", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Senthil Kumar M", "reviewText": "It dries my hair, doesnt help to reduce dandruff. I have to use very less shampoo nevertheless it dries.. don't know how this got higher ratings", "summary": "Dries my hair, doesnt help to reduce dandruff. ...", "unixReviewTime": 1525564800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2012", "reviewerID": "A20Q8XM208DXT1", "asin": "B0012Y0ZG2", "style": {"Size:": " 19"}, "reviewerName": "Lloyd", "reviewText": "My hair was falling out, probably because of Psoriasis. Polytar stopped my hair from falling out and most of it grew back. Can't be without this shampoo, no longer available in my province. Thank You Amazon.", "summary": "Polytar Shampoo", "unixReviewTime": 1345766400} +{"overall": 5.0, "verified": false, "reviewTime": "01 21, 2017", "reviewerID": "A3IGHIOZ898AWG", "asin": "B00006L9LC", "style": {"Size:": " 28"}, "reviewerName": "Julie", "reviewText": "This shampoo is so refreshing! I love how clean and tingly it makes my scalp feel, and it smells really good, too!", "summary": "Love this refreshing shampoo!", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A1UARSQWRRYEB7", "asin": "B00006L9LC", "style": {"Size:": " 90"}, "reviewerName": "LW", "reviewText": "Love this shampoo! Recommended by a friend! Color really lasts!", "summary": "The Best!", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "AIF4UQ6O6UZZF", "asin": "B000URXP6E", "style": {"Size:": " 99"}, "reviewerName": "Susan", "reviewText": "Great shampoo.", "summary": "Great shampoo.", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "ASWLL1VJA7WOG", "asin": "B0012Y0ZG2", "style": {"Size:": " 49"}, "reviewerName": "Samuel Sneed", "reviewText": "Great product... just what I wanted. Works great and very stylish.", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 1.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A2YDF506DAA5W4", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "justdancing", "reviewText": "So watered down, I didn't feel like it was actually shampoo. I tried twice then threw it away.", "summary": "I didn't feel like it was actually shampoo", "unixReviewTime": 1525478400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A2SEHJL7RHNW0Q", "asin": "B001OHV1H4", "style": {"Size:": " 364"}, "reviewerName": "Bob in Columbus", "reviewText": "Purchased this for my wife, she loves the product. She uses it very night, can see a difference in her skin.", "summary": "Purchased this for my wife, she loves the product ...", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2017", "reviewerID": "APQ1FY4E25XEP", "asin": "B0012Y0ZG2", "style": {"Size:": " 509"}, "reviewerName": "Lisa M.", "reviewText": "This pressed powder goes on like silk, so light weight but covers well. I don't like to use a heavy powder that shows all the wrinkles, this one is just right!", "summary": "flawless", "unixReviewTime": 1494028800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A337VOJXCV97F6", "asin": "B0012Y0ZG2", "style": {"Size:": " 267"}, "reviewerName": "Dean Madison", "reviewText": "$65 for one bottles of soap!! Do NOT use this sight unless you are very wealthy!", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A2EGIJP9ULQ9XB", "asin": "B001OHV1H4", "style": {"Size:": " 13"}, "reviewerName": "Brian D. Hirak", "reviewText": "Smells Great!! Take's just a small amount to make your hair full and hold without any residue or stickiness. Works great, I have been using it for over 3 years now, no complaints...", "summary": "Excelllent, works great, nice hold, great smell...", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A1R7TTGL0FLO3R", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Algut", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A1THB1R8LWTMPV", "asin": "B000URXP6E", "style": {"Size:": " 367"}, "reviewerName": "Tom Blakney", "reviewText": "My ordered and loves it so guess what I love it if she loves It and if Mama is happy every body is happy!!!!", "summary": "My ordered and loves it so guess what I love it if she loves It and if Mama is ...", "unixReviewTime": 1386806400} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A2SDF1PW1FIKC6", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "grandma09", "reviewText": "This is the shampoo I loved at Disney world.", "summary": "Four Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2012", "reviewerID": "A3UJNWXI82I8P7", "asin": "B0012Y0ZG2", "style": {"Size:": " 291"}, "reviewerName": "LINKETTE", "reviewText": "Been using BeautiControl for some time now and I love their products. All of their products are Ph balanced so if you accidentally happen to get any in your eye(s) it will not burn or sting.", "summary": "Great", "unixReviewTime": 1349740800} +{"reviewerID": "A3H3TEMEMXODT", "asin": "B000FI4S1E", "reviewerName": "aspielicious", "verified": true, "reviewText": "The in shower lotion is amazing. And it smells so wonderful. I never want to run out of this. Buying the set with the body wash is so convenient.", "overall": 5.0, "reviewTime": "07 4, 2013", "summary": "The best for moist skin", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A1BS75OBCJN3EA", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "TG", "reviewText": "love this product - wish I could find it in the store, but it's great to be able to get here", "summary": "love this product - wish I could find it in ...", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A24A9FRVM8TQZS", "asin": "B0012Y0ZG2", "style": {"Size:": " 509"}, "reviewerName": "Amazon Customer", "reviewText": "Item just as described", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A1RV9UBHXPXT3W", "asin": "B000GLRREU", "style": {"Size:": " Ultra"}, "reviewerName": "Kimberly Fujioka", "reviewText": "I love it. Although I have to admit I am quite messy. I have water marks all over my mirror. ha! ha! I need to perfect my technique. The easy pause button helps you to avoid messes, if you use it. It's light and not so big so it doesn't take up much room on the sink.", "summary": "Fantastic design! Great function! Overall excellent!", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A3JNP9PGF2DMIO", "asin": "B0009RF9DW", "style": {"Size:": " 184"}, "reviewerName": "Kindle Customer", "reviewText": "This smells so good exactly like the body lotion and spray mist. It is a soft femine fragrance not too overpowering. I would highly recommend!", "summary": "Beautiful Scent", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A3PQ3YQZYJ66HK", "asin": "B0009RF9DW", "style": {"Size:": " 280"}, "reviewerName": "Tina", "reviewText": "Would definitely buy it again/ Always get lots of compliments whenever I wear it. Now, I just need to find more cologne before it runs out.", "summary": "Love it!", "unixReviewTime": 1375056000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2017", "reviewerID": "A3LGZDAVZSFO0M", "asin": "B0012Y0ZG2", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Robin L. Bomzer", "reviewText": "This set is awesome! I bought one for myself and bought a second one as a gift! Good scents and a good price.", "summary": "This set is awesome! I bought one for myself and bought a ...", "unixReviewTime": 1491436800} +{"reviewerID": "A24XAYKFM8XZTR", "asin": "B000FI4S1E", "reviewerName": "Mary & Dave", "verified": true, "reviewText": "Best perfume smell and products", "overall": 5.0, "reviewTime": "12 5, 2017", "summary": "Five Stars", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A23ALLEUZQKAR1", "asin": "B0012Y0ZG2", "style": {"Size:": " 500ml"}, "reviewerName": "NeNeBe", "reviewText": "My granddaughter loves the fragrance.", "summary": "Great fragrance", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": false, "reviewTime": "08 29, 2017", "reviewerID": "A1M1Y5UGONAW06", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Mirabelle"}, "reviewerName": "Jody", "reviewText": "This is unmistakably French soap. It smells wonderful without being perfumey, it's oversized, and is the most beautiful snowy white.\n\nIt lathers well, and leaves skin soft. It's an excellent soap to travel with, and that marvelous thing, an affordable luxury.", "summary": "Wonderful soap!", "unixReviewTime": 1503964800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/511+oyS50IL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 21, 2018", "reviewerID": "A1VN560NNZQIR0", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Shablinska", "reviewText": "Cleansing properties are above any praise! Suprised by how good an all-organic product can be. Hair feel amazing after use.", "summary": "The best treat for my hair!", "unixReviewTime": 1524268800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1OIRJ1W4N8CW", "asin": "B0012Y0ZG2", "style": {"Size:": " 206"}, "reviewerName": "Laura Ferradino", "reviewText": "I really love this product! My skin was so dry and flaky, but now it is as smooth as silk. I will be buying again.", "summary": "I really love this product", "unixReviewTime": 1433289600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A2EIK3QR1822Q4", "asin": "B000URXP6E", "style": {"Size:": " 15"}, "reviewerName": "Forensic Nut", "reviewText": "Very good product for fine/thin hair. Does help with texture and thickness.", "summary": "Four Stars", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A316WN9Q8LGXT", "asin": "B000URXP6E", "style": {"Size:": " 110"}, "reviewerName": "William O Torres", "reviewText": "best for keratin treatments", "summary": "Five Stars", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A8N02S3VNT60S", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 ounce"}, "reviewerName": "michael w", "reviewText": "great buy", "summary": "Five Stars", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": false, "reviewTime": "07 19, 2015", "reviewerID": "A2TYF9WCP31IGZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 74"}, "reviewerName": "SusyS", "reviewText": "The lavender scent and creamy texture is just what I hoped for.", "summary": "Will definitely buy again!", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1AWB5QE4T9LPM", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Rafael Saturno", "reviewText": "All perfect", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "AIWVB6601DJOO", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Amazon Customer", "reviewText": "Love this stuff.", "summary": "Four Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A2TZW7B0YG2ZJQ", "asin": "B0009RF9DW", "style": {"Size:": " 258"}, "reviewerName": "flavio sanchez", "reviewText": "i am ok with this adidas hair and body 3 active start shower gel and shampoo 250 ml 8.4 oz\n\nthank you", "summary": "i love it", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28G6HAG3I755Y", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "R. Taylor", "reviewText": "Great smell and products.", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A3NFELIADJMJKJ", "asin": "B00006L9LC", "style": {"Size:": " 4"}, "reviewerName": "Susie Chavez", "reviewText": "This is one of the BEST shampoos for swimmers. I always got complements on my hair since I started using this product. Unavailable now.", "summary": "Not Available anymore!!!", "unixReviewTime": 1497657600} +{"overall": 4.0, "verified": false, "reviewTime": "11 11, 2016", "reviewerID": "A3COAV45SLM4LY", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "Raziel1313", "reviewText": "My favorite scent for personal care but out is not sold in retail stores anymore. Would order in bulk but cannot justify the marked up price.", "summary": "My favorite scent for personal care but out is not sold ...", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A3AF038W92E3I", "asin": "B000URXP6E", "style": {"Size:": " 432"}, "reviewerName": "Hismai", "reviewText": "My hair feels soft after I started use them. They smell wonderful! If you are like me, asian, with lots of thick hair, that are prone to frizz, I think for this prize, it's worth trying them!", "summary": "Great!", "unixReviewTime": 1375401600} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A1VTPPQNT23IU8", "asin": "B001E5PLCM", "style": {"Size:": " 14 oz", "Color:": " Blue Spice After Shave"}, "reviewerName": "Birgitta L Ramsey", "reviewText": "Really does the job. One of the best. Quality of the product is excellent.", "summary": "Aftershave", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A2WA4LQGM8X68D", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Molly", "reviewText": "Best stuff, smells great, tames frizz and leaves shiny!", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A3T94O0KWMLTNG", "asin": "B0009RF9DW", "style": {"Size:": " 187"}, "reviewerName": "MHGreen", "reviewText": "Great shower gel--love the scent!", "summary": "Love it!", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A1DFZPQPCHBYTY", "asin": "B0012Y0ZG2", "style": {"Size:": " 286"}, "reviewerName": "Sean Love Racing LLC", "reviewText": "Found this stuff in Japan and wondered if I could find it again. 3drops of it goes as far as a handful of normal soap, it stays foamy and soapy and has a nice scent!", "summary": "Super lathery nice soap!", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A2B33XXX3MZC6R", "asin": "B00006L9LC", "style": {"Size:": " 49"}, "reviewerName": "Tom Waters", "reviewText": "Great comb! Very well made and the wood even has a nice scent. Pairs well with Northern Fir's beard oil!", "summary": "Another quality product from Northern Fir", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1MDYWL5DLS9SS", "asin": "B00006L9LC", "style": {"Size:": " 586"}, "reviewerName": "Deb Houghtaling", "reviewText": "I love this lotion. It has a light clean smell to it. Putting it on then adding a little of spray of perfume gives you a smell that brings lots of compliments.", "summary": "Best Ever", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A1C03381HL8SWG", "asin": "B0012Y0ZG2", "style": {"Size:": " 403"}, "reviewerName": "Happy Customer", "reviewText": "Love these drops!", "summary": "Awesome!", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "AGER9YK3VDQMV", "asin": "B0012Y0ZG2", "style": {"Size:": " 188"}, "reviewerName": "marianne winfield", "reviewText": "Great product! Clean&fresh smell. It is one of my bath and shower products. I do love many of the Boots products.", "summary": "Lovely!!!", "unixReviewTime": 1377907200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A2CPG6CY3NAYMU", "asin": "B0009RF9DW", "style": {"Size:": " 111"}, "reviewerName": "Spenjm", "reviewText": "I love the peaches and apricot scents from Philosophy but cannot find anymore. They no longer make them. This is my favorite in bath gel and in lotions.", "summary": "My favorite scent from Philosophy", "unixReviewTime": 1365379200} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "AV19Z8ZCIQM4G", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Good but kind of drying", "summary": "Four Stars", "unixReviewTime": 1524096000} +{"reviewerID": "A2PPWA67FGO7BF", "asin": "B000FI4S1E", "reviewerName": "Harriet Fraad", "verified": true, "reviewText": "Fine", "overall": 5.0, "reviewTime": "07 20, 2015", "summary": "fine", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "ATEX4XVEQYN7B", "asin": "B00006L9LC", "style": {"Size:": " 15"}, "reviewerName": "BERNARD POMORSKI", "reviewText": "gives a nice body to thin hair.", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"reviewerID": "A3FLYMWRPCK731", "asin": "B000FI4S1E", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "I got a bottle for my birthday. I love the relaxing scent so much that I went on Amazon and ordered 8 more bottles!", "overall": 5.0, "reviewTime": "01 31, 2015", "summary": "Spendy - but worth every penny!", "unixReviewTime": 1422662400} +{"overall": 3.0, "vote": "8", "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A1CEDYAX0NG4BU", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "DD", "reviewText": "Does not lather well and have not noticed a difference in my hair", "summary": "Three Stars", "unixReviewTime": 1519862400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2016", "reviewerID": "A153D6FAV4L389", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pack"}, "reviewerName": "Serendipity", "reviewText": "Good price. Good product", "summary": "Five Stars", "unixReviewTime": 1460160000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A2XF4LU8DZCGKV", "asin": "B000URXP6E", "style": {"Size:": " 169"}, "reviewerName": "Sparkle528", "reviewText": "Although it's pretty long, it fits perfectly. It looks very similar to the style of the lab coat given to me by my school.", "summary": "Love the labcoat", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": false, "reviewTime": "11 7, 2014", "reviewerID": "A7LAYX9R7IMOO", "asin": "B000URXP6E", "style": {"Size:": " 123"}, "reviewerName": "andre luiz", "reviewText": "I really is what I expected", "summary": "Five Stars", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A1BR2MY80R6CX4", "asin": "B000URXP6E", "style": {"Size:": " 463"}, "reviewerName": "Niki R", "reviewText": "Great scents, my son loves them all", "summary": "Great for guys", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A2TCHF5VRXR7YF", "asin": "B000URXP6E", "style": {"Size:": " 112"}, "reviewerName": "Liz", "reviewText": "I love this bubble bath! This bubble bath smell wonderful and I love soaking in it. After a bath you skin is so soft and you smell great all day!", "summary": "Love this Bubble Bath", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A22WRCL3T66COU", "asin": "B0012Y0ZG2", "style": {"Size:": " 352"}, "reviewerName": "Moniqueici", "reviewText": "Eau de Hadrien is my favorite of the Annick Goutal line & the lotion is lovely.", "summary": "Lovely light fragrance", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2013", "reviewerID": "AFXRO7K3ZZ0PX", "asin": "B019809F9Y", "style": {"Size:": " 3 Ounce"}, "reviewerName": "JoeBotts", "reviewText": "Been using this product for maybe 30 years or more and love it. It does the job and smells good too.", "summary": "Works great!", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A13PKMKQ0177SH", "asin": "B0012Y0ZG2", "style": {"Size:": " 366"}, "reviewerName": "cara luter", "reviewText": "I have been wearing this fragrance for years and the body cream luxurios. In fact I wear it alone for a longer lasting and subtle effect.", "summary": "Great value!", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A2L7E955AXRHRA", "asin": "B0012Y0ZG2", "style": {"Size:": " 287"}, "reviewerName": "jennie r.", "reviewText": "I was so disappointed when BedBathandBeyond discontinued this product, but I was thrilled to find it on Amazon. It's my favorite fragrance for the summertime!", "summary": "Favorite", "unixReviewTime": 1402358400} +{"reviewerID": "A1NP222Y17P9N3", "asin": "B000FI4S1E", "reviewerName": "Nancy May", "verified": true, "reviewText": "Wonderful product and quick delivery! I couldn't be happier", "overall": 5.0, "reviewTime": "04 29, 2015", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "AE051QZ4E3BPX", "asin": "B0012Y0ZG2", "style": {"Size:": " 50"}, "reviewerName": "Debra A Marcks", "reviewText": "Received product in a timely fashion and am pleased.", "summary": "Shampoo", "unixReviewTime": 1474243200} +{"reviewerID": "A12HWYJ6G58FGV", "asin": "B000FI4S1E", "reviewerName": "Jonn", "verified": true, "reviewText": "Smells good, I don't have to go to the store. Yay!", "overall": 5.0, "reviewTime": "06 17, 2015", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A3HA7DWA3A6P4D", "asin": "B000URXP6E", "style": {"Size:": " 41"}, "reviewerName": "Stellina Reed", "reviewText": "Great Product; does wonders for colored treated hair.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A2CPG6CY3NAYMU", "asin": "B000URXP6E", "style": {"Size:": " 111"}, "reviewerName": "Spenjm", "reviewText": "I love the peaches and apricot scents from Philosophy but cannot find anymore. They no longer make them. This is my favorite in bath gel and in lotions.", "summary": "My favorite scent from Philosophy", "unixReviewTime": 1365379200} +{"reviewerID": "AKND6I1G35L7E", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "my wife loves this bath soap, too bad its too hard to come by anymore. Would buy a case of it.", "overall": 5.0, "reviewTime": "10 10, 2015", "summary": "Would buy more if it wasn't so hard to come by", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A4DEEDXZK8L78", "asin": "B0012Y0ZG2", "style": {"Size:": " 205"}, "reviewerName": "Gloria Karimi", "reviewText": "This is a beautiful scented lotion. Very moisturizing and scent is perfect. I will order again when I run out. It matched perfectly to the perfume.", "summary": "Beautiful Scent", "unixReviewTime": 1382745600} +{"reviewerID": "A2CPG6CY3NAYMU", "asin": "B000FI4S1E", "reviewerName": "Spenjm", "verified": true, "reviewText": "I love the peaches and apricot scents from Philosophy but cannot find anymore. They no longer make them. This is my favorite in bath gel and in lotions.", "overall": 5.0, "reviewTime": "04 8, 2013", "summary": "My favorite scent from Philosophy", "unixReviewTime": 1365379200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A33EQHCO5TZIP5", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "ISHY", "reviewText": "always good to freshen up when traveling", "summary": "Five Stars", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A1D3RMFWUWRASV", "asin": "B0012Y0ZG2", "style": {"Size:": " 551"}, "reviewerName": "Michelle B", "reviewText": "Calibra eye cream is great! It takes out puffiness and tightens skin and conceals fine lines. It is also great under makeup.", "summary": "Calibra eye cream is great! It takes out puffiness and tightens skin and ...", "unixReviewTime": 1442707200} +{"reviewerID": "ADEFD8L3I7YFR", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "The scent is very unique and luxurious. Very Euro...it combines the cleanness of modern scents with something ancient. I bought it for my husband, but i secretly love it for myself. I wish I had the cologne, but it cant be shipped to my FPO address.", "overall": 5.0, "reviewTime": "05 19, 2013", "summary": "I love the luxurious scent..", "unixReviewTime": 1368921600} +{"reviewerID": "A3HIK2YDCUMWMZ", "asin": "B000FI4S1E", "reviewerName": "SOLIMARISOL", "verified": true, "reviewText": "perfect gift", "overall": 5.0, "reviewTime": "10 7, 2014", "summary": "Five Stars", "unixReviewTime": 1412640000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2ANZE8NVU7BCO", "asin": "B0009RF9DW", "style": {"Size:": " 186"}, "reviewerName": "Glamour Girl", "reviewText": "I love this shower gel, tiny bit makes super sudsy.", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A3H4ZZ6X3GROKJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 124"}, "reviewerName": "Amazon Customer", "reviewText": "Absolutely LOVE, LOVE, LOVE this product!!!!! It smells AMAZING and feels GREAT on the body! Will be repurchasing this item MANY, MANY more times!", "summary": "Amazing Product!", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2018", "reviewerID": "A29PKN4LL05QGF", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Danielle", "reviewText": "Lathers well and smells great.", "summary": "Five Stars", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A1AG4CEH4EYXIT", "asin": "B000URXP6E", "style": {"Size:": " 444"}, "reviewerName": "Bridget", "reviewText": "Been wearing it for years, can't find it in stores anymore. Has just a little bit of sparkle. Like the color a lot!", "summary": "Love it!", "unixReviewTime": 1376784000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71HmQNqvSrL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 22, 2018", "reviewerID": "A1L0QECT7J93ZP", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Elena", "reviewText": "Got this product for me and my daughter. I can say 100% - it works superb on both, long curly and short straight hair.", "summary": "For any type of hair", "unixReviewTime": 1524355200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "ATEX4XVEQYN7B", "asin": "B004KEJ65C", "reviewerName": "BERNARD POMORSKI", "reviewText": "gives a nice body to thin hair.", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A156IOMOA59X7N", "asin": "B0009RF9DW", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "I always use this so was as expected", "summary": "Five Stars", "unixReviewTime": 1447200000} +{"reviewerID": "A1TY8P7VKFBQ2Q", "asin": "B000FI4S1E", "reviewerName": "William E. Diaz", "verified": true, "reviewText": "100% is recommended", "overall": 5.0, "reviewTime": "11 3, 2014", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51lzfWfKPWL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/51bkyg-nXkL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A1NKYTRBYXO4TG", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Casey Stark", "reviewText": "Not drying out the skin. Leaves it clean and fresh.", "summary": "Amazing product", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2014", "reviewerID": "A3IVBYIDNMPEPO", "asin": "B0009RF9DW", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Chococat", "reviewText": "This gel is so fragrant and good lather. Very luxurious!", "summary": "Luxurious!", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A3HHQ7UIJJAOAV", "asin": "B0012Y0ZG2", "style": {"Size:": " 179"}, "reviewerName": "redlin51", "reviewText": "I love this for when I take a shower.", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 3.0, "vote": "8", "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A1CEDYAX0NG4BU", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "DD", "reviewText": "Does not lather well and have not noticed a difference in my hair", "summary": "Three Stars", "unixReviewTime": 1519862400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A3T466V6635L3Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 113"}, "reviewerName": "Ali Ayyash", "reviewText": "This is the best body wash I've ever used. I use it every day and it's the only body wash that leaves my body smelling good for a prolonged period of time, and at the same time reduce the greasiness of the skin.", "summary": "You'll feel clean and smell good.", "unixReviewTime": 1381363200} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A15IKO3Q6RSA1V", "asin": "B0012Y0ZG2", "style": {"Size:": " 38"}, "reviewerName": "Amazon Customer", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 4.0, "verified": false, "reviewTime": "09 29, 2017", "reviewerID": "A2V5R832QCSOMX", "asin": "B0010ZBORW", "style": {"Color:": " Shower Cap"}, "reviewerName": "Leanne", "reviewText": "This is a nice shower cap that provides enough room for lots of hair. My hair is a few inches past my shoulders, and, while it's fine, I have a lot of it. This keeps it nice and dry, and is pretty comfy. The print is also cute.", "summary": "Works well to keep your hair dry", "unixReviewTime": 1506643200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2EM4MVIU5Z0KD", "asin": "B0013NB7DW", "style": {"Size:": " 3 Ounce"}, "reviewerName": "jennifer johnson", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"reviewerID": "A3C5QWL1FYGL8L", "asin": "B000FI4S1E", "reviewerName": "Q", "verified": true, "reviewText": "LOVE IT! The smell is intoxicating - reminds me of my fun time spent in Sicily every time I use it! Think it would be great for men or women. The bar soap is also yummy. Would love some shampoo or perfume if they made it...", "overall": 5.0, "reviewTime": "08 9, 2015", "summary": "A+", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A2KV46HMWY1YWB", "asin": "B0012Y0ZG2", "style": {"Size:": " 586"}, "reviewerName": "Kindle Customer", "reviewText": "Smells wonderful. Feels great on hands and arms, etc.", "summary": "Must have product", "unixReviewTime": 1462492800} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A3KHIT48AYHC0L", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "DLB", "reviewText": "Have used this product for the past 7 months. It has proven to be a great shampoo by improving the overall health of my hair.", "summary": "H2O+ aquatics natural shampoo", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2SUH2N8051BES", "asin": "B0012Y0ZG2", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "M. Striffolino", "reviewText": "Wonderful fragrance. Love It.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": false, "reviewTime": "11 7, 2014", "reviewerID": "A7LAYX9R7IMOO", "asin": "B0012Y0ZG2", "style": {"Size:": " 123"}, "reviewerName": "andre luiz", "reviewText": "I really is what I expected", "summary": "Five Stars", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A34OON6ZYATX36", "asin": "B000URXP6E", "style": {"Size:": " 511"}, "reviewerName": "faye", "reviewText": "I have very curly hair and always used Mousse products. I began to have a reaction to the product and tried naturelle. The gel works well and I have no reaction to the product. Very glad I found it!", "summary": "Works as advertised.", "unixReviewTime": 1456358400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A3G7XXRLKXQIT7", "asin": "B0009RF9DW", "style": {"Size:": " 136"}, "reviewerName": "Amazon Customer", "reviewText": "This is by far my favorite Bath and Body Works collection. They discontinued it in the store. I always get compliments of the scent on me. :)", "summary": "This is by far my favorite Bath and Body Works collection", "unixReviewTime": 1501113600} +{"overall": 3.0, "verified": false, "reviewTime": "02 21, 2018", "reviewerID": "A1MAI0TUIM3R2X", "asin": "B0010ZBORW", "style": {"Color:": " Sea Sponge"}, "reviewerName": "Princess Bookworm", "reviewText": "This is a small sea sponge for the price. It's decent, you can hold it in your hand easily in the shower. Exfoliates well too. Just keep it in a well-drained spot in the shower to extend it's life.", "summary": "Small Sized Sea Sponge", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AIG1G1AKH7JVB", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Best stuff ever! Makes my hair less frizzy when using with a flat iron. Makes it soft & silky. Highly recommend!", "summary": "Best stuff ever", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A1SW8WT1S0GHQV", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "CJ", "reviewText": "I really appreciate the rapid delivery on my item. It was better than expected.", "summary": "quick delivery", "unixReviewTime": 1419379200} +{"overall": 4.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A258KAILGENIM3", "asin": "B00006L9LC", "style": {"Size:": " 266"}, "reviewerName": "Amazon Customer", "reviewText": "This shampoo and conditioner leave my hair in great condition. I've just started using it so I cannot tell whether or not it will stimulate hair growth.", "summary": "This shampoo and conditioner leave my hair in great condition. I've just started using it so I ...", "unixReviewTime": 1468886400} +{"overall": 2.0, "verified": true, "reviewTime": "05 7, 2018", "reviewerID": "A24W4W9E62FZP2", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Reb", "reviewText": "No change my scalp still itches like crazy. It doesnt lather at all so its very hard to move around the hair and scalp. It does smell good and my hair feels clean.", "summary": "No change my scalp still itches like crazy. It doesnt lather at all so its ...", "unixReviewTime": 1525651200} +{"overall": 4.0, "verified": false, "reviewTime": "09 25, 2017", "reviewerID": "A28N2AWOVO2PB", "asin": "B001LNODUS", "style": {"Color:": " Shower Gel"}, "reviewerName": "Simon Cleveland", "reviewText": "This shower gel was decent. The scent was light and not overwhelming, and the gel lathered nicely and rinsed away without feeling sticky. My wife liked the product and commented that it wasn't runny like some of the other pricey gels she's purchased in the past.", "summary": "and the gel lathered nicely and rinsed away without feeling sticky", "unixReviewTime": 1506297600} +{"overall": 1.0, "verified": true, "reviewTime": "05 16, 2018", "reviewerID": "A3W3YT08F94PO7", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "CRM", "reviewText": "The shampoo has the consistency of water, so you won't be able to hold enough in your hand to get it on your head. Very disappointed!", "summary": "DON'T BUY! TOO WATERY!", "unixReviewTime": 1526428800} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A2RFDGEW20UK6W", "asin": "B000URXP6E", "style": {"Size:": " 64"}, "reviewerName": "Betty", "reviewText": "I wish they continue with this fragrance", "summary": "I love the smell of it.", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2017", "reviewerID": "A3BNMHRW2R35LK", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Rosemary Mint"}, "reviewerName": "S. Peterson", "reviewText": "My wife loves it. It leaves a nice but not overt scent and she says it leaves her skin softer. She's a big fan of the soap.", "summary": "My wife absolutely loves it", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A10ZJZNO4DAVB", "asin": "B00006L9LC", "style": {"Size:": " 43"}, "reviewerName": "Loeyd", "reviewText": "What the hubby wanted", "summary": "Love it", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A3RDTNM03SH6TE", "asin": "B001OHV1H4", "style": {"Size:": " 61"}, "reviewerName": "DS", "reviewText": "This not only deep cleans, but also clears my sinuses at the same time. I LOVE the peppermint--it is so refreshing!", "summary": "Redken Intra Force Shampoo and Toner", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A3E1JS2EB8ZH94", "asin": "B0009RF9DW", "style": {"Size:": " 10"}, "reviewerName": "trace", "reviewText": "I really like this wash and was feeling lazy so I decided to buy it on amazon. Just be advised its about 3-4 times more expensive on amazon than in most stores.", "summary": "I really like this wash and was feeling lazy so I decided ...", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A15ZAILX1XGI0A", "asin": "B000URXP6E", "style": {"Size:": " -"}, "reviewerName": "Meme", "reviewText": "My main powder brush now :D I like that it is a little more firm and voluminous than regular powder brushes. It helps with my application of powder. I love the slight angle it has and I can't say much else other than I love it!", "summary": "D I like that it is a little more firm and voluminous ...", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A1QVOO32ZSI252", "asin": "B000URXP6E", "style": {"Size:": " 72"}, "reviewerName": "blondie", "reviewText": "I love this scent unconditional Love, soft and clean. Amazons value was great also for this set. Thanks again for another great product!", "summary": "Lovely scent", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A2O23K583MS6RI", "asin": "B00BSE3III", "reviewerName": "Ray", "reviewText": "I've been using this product for a couple of years at the suggestion of my hair stylist. Took away the dullness of my gray hair. I like it.", "summary": "I like it.", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2JPJPB0A1TQTY", "asin": "B0012Y0ZG2", "style": {"Size:": " B-013"}, "reviewerName": "DeWaun Mack", "reviewText": "Excellent! Best soap I ever had.", "summary": "Best soap", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3S5MHB0P2RTI5", "asin": "B0009RF9DW", "style": {"Size:": " 177"}, "reviewerName": "D. James", "reviewText": "The soap is great, I only wish it was available in stores. It's a little on the pricey side considering it's from Dial, and not some French, or Italian desinger, but when you seemingly can only get it online it's worth it.", "summary": "The soap is great, I only wish it was available in stores", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "AMYTL79JMGQ6D", "asin": "B000URXP6E", "style": {"Size:": " 25.3"}, "reviewerName": "Mary Ann", "reviewText": "To me this shampoo has to best smell. It cleans very well without drying my hair out. My favorite shampoo.", "summary": "My favorite shampoo", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2018", "reviewerID": "A1T7DRMZ9A9KEA", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Robert Roehlk", "reviewText": "First hair care product I've decided to purchase online. Worth it for sure. No more struggle with getting rid of my dandruff problem. I use it about once per 2-3 days and it is more than enough to keep my hair and head skin healthy.", "summary": "First hair care product I've decided to purchase online. ...", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A62R447U5SPTV", "asin": "B0012Y0ZG2", "style": {"Size:": " 180"}, "reviewerName": "Jo E. Ambrose", "reviewText": "This has been my fav for years! They don't make it anymore. Just wished they had the lotion to go with it!!", "summary": "Feels Like I Am At the BEACH!", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A327QPYID8TDAA", "asin": "B000URXP6E", "style": {"Size:": " 51"}, "reviewerName": "djanga b.", "reviewText": "This keeps my silver hair looking silvery (rather than yellow). I reorder this on a regular basis.", "summary": "No more yellow hair", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "AF0QBHJJUO5R2", "asin": "B0009RF9DW", "style": {"Size:": " 125"}, "reviewerName": "PJ Buyer", "reviewText": "This is pricey, but the results are worth it. Skin feel silky and the aroma is wonderful. Not much is needed for results, so it does last a long time. I will keep coming back to buy it on Amazon because I have not found it locally.", "summary": "Awesome body wash", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1FFGS17PQWUI8", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "Amazon Customer", "reviewText": "I love it! I wish the conditioner was still available", "summary": "Wonderful!", "unixReviewTime": 1469923200} +{"reviewerID": "A2TY2IK21P4498", "asin": "B000FI4S1E", "reviewerName": "kimmi", "verified": true, "reviewText": "I GOT TO GET SOME MORE BECAUSE MY BATHS ARE BECOMING KINDA LAME WITHOUT THIS LIQUID SOAP SO FOR NOW I AM OKAY", "overall": 5.0, "reviewTime": "04 7, 2014", "summary": "THIS IS THE BEST", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A1UDB6NF2GI5KF", "asin": "B0009RF9DW", "style": {"Size:": " 22"}, "reviewerName": "jc's princess pick's", "reviewText": "too bad this is discontinued", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"reviewerID": "A2R03U5UAX219B", "asin": "B000FI4S1E", "reviewerName": "Avid Leigh", "verified": true, "reviewText": "Favorite scent! Love it!", "overall": 5.0, "reviewTime": "02 26, 2015", "summary": "Favorite scent ever!", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A2WYK1JQGK82VP", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "richard w cossey", "reviewText": "Very gentle effect and very nice smell. Recommended.", "summary": "Gentle product", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A32RAW9ILQYP9S", "asin": "B0012Y0ZG2", "style": {"Size:": " 200"}, "reviewerName": "sonnja williams", "reviewText": "Will buy again", "summary": "Worth the price", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A37XI9VKWZWZKO", "asin": "B000URXP6E", "style": {"Size:": " 352"}, "reviewerName": "judith m dzyak", "reviewText": "love it. will continue to use all products from herline", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A3PQ3YQZYJ66HK", "asin": "B0012Y0ZG2", "style": {"Size:": " 280"}, "reviewerName": "Tina", "reviewText": "Would definitely buy it again/ Always get lots of compliments whenever I wear it. Now, I just need to find more cologne before it runs out.", "summary": "Love it!", "unixReviewTime": 1375056000} +{"overall": 4.0, "verified": false, "reviewTime": "10 1, 2017", "reviewerID": "A4SD8F79JBYG2", "asin": "B01E7UKR38", "style": {"Color:": " Rock The Runway"}, "reviewerName": "Kat Hooper", "reviewText": "15 year old daughter says:\n-- nice color!\n-- color is not opaque, so it takes multiple coats\n-- gel coat is really nice, goes on smooth, makes it look like a gel finish\n-- does not last 14 days", "summary": "15 year old daughter's review", "unixReviewTime": 1506816000} +{"reviewerID": "A3CPIVUW77AK6K", "asin": "B000FI4S1E", "reviewerName": "Christine Evans", "verified": false, "reviewText": "Good service, product as described", "overall": 5.0, "reviewTime": "07 20, 2014", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A3ENINL71K542C", "asin": "B001OHV1H4", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "I love it\n Clean fresh smell, non irritating to my scalp..", "summary": "Clean fresh smell", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A177B2VPWX4P55", "asin": "B0012Y0ZG2", "style": {"Size:": " 124"}, "reviewerName": "Columbus Ohio", "reviewText": "Umm smells yummy, fresh fruity not overly sweet, perfect for fall time. This is a very mild scrub good for daily use with nice creamy suds. The packaging is also beautiful :)", "summary": "yummy and fresh, but more a shower gel than a true exfoliator", "unixReviewTime": 1384732800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AU3V1LSV81SGH", "asin": "B0012Y0ZG2", "style": {"Size:": " 370"}, "reviewerName": "B", "reviewText": "Love this product! I use as a night cream and wake up with a soft refreshed feeling.", "summary": "love it!", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A2O23K583MS6RI", "asin": "B001OHV1H4", "style": {"Size:": " 25"}, "reviewerName": "Ray", "reviewText": "I've been using this product for a couple of years at the suggestion of my hair stylist. Took away the dullness of my gray hair. I like it.", "summary": "I like it.", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A32BY7UM2ZCWHM", "asin": "B000URXP6E", "style": {"Size:": " 118"}, "reviewerName": "Ray", "reviewText": "This stuff is really good smelling and lasts long. Even if it does not make women throw themselves at your feet, it sure does help.", "summary": "Awesome Smell", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2013", "reviewerID": "A1BRNOD64VZ1GP", "asin": "B0012Y0ZG2", "style": {"Size:": " 403"}, "reviewerName": "Jessem", "reviewText": "This is \"hands down\" my favorite shine complex. Smells the best - citrusy and light,fresh. No longer able to find at beauty supply stores. Been using for years !", "summary": "just found out no longer making", "unixReviewTime": 1372982400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A1JCF83VYDAIC7", "asin": "B000URXP6E", "style": {"Size:": " 505"}, "reviewerName": "akiko", "reviewText": "So glad I found these on Amazon. These aren't your ordinary bear claw clips. These have a very strong grip and can handle thick hair easily and comfortably. I'd love to buy more, just waiting for some new designs and colors.", "summary": "My Fave!", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A313XPHJ3L9OPW", "asin": "B000URXP6E", "style": {"Size:": " 505"}, "reviewerName": "KS Senior", "reviewText": "I was a little hesitant to order this clip but glad I did. Nice for summer. Mine looks a little different but same type of pattern. Just waiting for more! These clips are an everyday accessory for me.", "summary": "Love it!", "unixReviewTime": 1428969600} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A2N0CVZO3GPQ45", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "J. broder", "reviewText": "nice", "summary": "Four Stars", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A324UOF43Y43WY", "asin": "B001OHV1H4", "style": {"Size:": " 364"}, "reviewerName": "Amazon Customer", "reviewText": "Great ingredients, but didn't agree with my skin", "summary": "Five Stars", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2016", "reviewerID": "A1V0UCYURG2LP", "asin": "B0012Y0ZG2", "style": {"Size:": " 23"}, "reviewerName": "Mercedes", "reviewText": "Great shampoo for my 2 year old he has mixed hair", "summary": "Good for mixed hair", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "AF61N91A61THX", "asin": "B0012Y0ZG2", "style": {"Size:": " 6 Pack"}, "reviewerName": "Melissa Sallady", "reviewText": "Found this while on holiday in London. I love this shower gel and the fragrance", "summary": "My little secret", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A3HIK2YDCUMWMZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 162"}, "reviewerName": "SOLIMARISOL", "reviewText": "perfect gift", "summary": "Five Stars", "unixReviewTime": 1412640000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A397WXW8JOK3RT", "asin": "B001OHV1H4", "style": {"Size:": " C-024"}, "reviewerName": "Miriam DeLaRoi", "reviewText": "It is beautiful", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2017", "reviewerID": "A1X15KWJ11IC1P", "asin": "B0012Y0ZG2", "style": {"Size:": " 144"}, "reviewerName": "Mert Ozer", "reviewText": "Lovely product and works great, except the artificial coloring :(", "summary": "Five Stars", "unixReviewTime": 1513296000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3RQS9GT66TEB8", "asin": "B000URXP6E", "style": {"Size:": " 43"}, "reviewerName": "W. Schilling", "reviewText": "I like the way it cools my head and cleans my hair", "summary": "Cooling", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A325V83PQAIH80", "asin": "B000URXP6E", "style": {"Size:": " 90"}, "reviewerName": "Julie Waller", "reviewText": "Fantastic Product. Been using it for years! You'll want to use it will the conditioner as well.", "summary": "Great Product!", "unixReviewTime": 1469059200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A34KXLHGO3SWB7", "asin": "B000URXP6E", "style": {"Size:": " 46"}, "reviewerName": "Vicki R. Perry", "reviewText": "Have been looking for this kit. Great for for traveling.", "summary": "Great for for traveling", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3VJQ5WRH77UKU", "asin": "B0012Y0ZG2", "style": {"Size:": " 92"}, "reviewerName": "Kathy L", "reviewText": "Does a great job of volumizing and is gentle on my hair.", "summary": "White Rain is an old and trusted shampoo for me", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "AG53V5LXH1KP6", "asin": "B001OHV1H4", "style": {"Size:": " 444"}, "reviewerName": "Eri", "reviewText": "The swatch in the photo is wrong, but I received exactly what I ordered, and SO fast! Aubergine Queen #530 is a beautiful plum with a tiny bit of silver flake. It's gorgeous, too bad it was d/c'd...thank goodness for Amazon!", "summary": "Great Service! Awesome product!", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A2AXHDSJEBEOIB", "asin": "B0012Y0ZG2", "style": {"Size:": " 500ml"}, "reviewerName": "D.Marie", "reviewText": "smells delicious, cleans well, rinses off easily too. Moisturizing...I can even use this to shave. Great as a bubble bath, too!", "summary": "Smells yummy, cleans well, Will repurchase.", "unixReviewTime": 1486598400} +{"overall": 1.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A3J034YH7UG4KT", "asin": "B0000530HU", "style": {"Size:": " 7.0 oz", "Flavor:": " Classic Ice Blue"}, "reviewerName": "Adam", "reviewText": "I bought this to smell nice after I shave. When I put it on I smelled awful. I am 19 and I smelled like a grandmother with too much perfume.", "summary": "Smells awful", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A32MXI9376X72P", "asin": "B0012Y0ZG2", "style": {"Size:": " 33.8 oz"}, "reviewerName": "furga", "reviewText": "Not found often elsewhere, such as Sephora and other similar stores.\nIt's not cheap but it lasts for a long long time.", "summary": "Huge! Really", "unixReviewTime": 1369612800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3UE3Z1GP28DRW", "asin": "B0012Y0ZG2", "style": {"Size:": " 69"}, "reviewerName": "nila a. vehar", "reviewText": "This is perfect in many ways, fragrant, light, and clean.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A19AWUK1MWTJEN", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "Jan Monte", "reviewText": "Great lather, delicious smell and really cleans!", "summary": "Love this stuff!", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A347D5SOZ68PPE", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Great product would buy from seller agian", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "A7VOU5ARHQ20F", "asin": "B0012Y0ZG2", "style": {"Size:": " 19"}, "reviewerName": "Medraut", "reviewText": "Love this stuff. It works better on my Psoriasis better then the medical creams and ointments the doctors prescribed. Too bad they stopped making it. Horde it all now because someday it will be gone and you will be forced to use head and shoulders.", "summary": "noting clears up Psoriasis better. too bad it's discontinued", "unixReviewTime": 1384214400} +{"reviewerID": "A2E3YYK70W49NO", "asin": "B000FI4S1E", "reviewerName": "Lauri Shields", "verified": true, "reviewText": "Love the scent, great deal for the price, large bottle", "overall": 5.0, "reviewTime": "02 16, 2017", "summary": "Five Stars", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A2LK2NPDGPG9BS", "asin": "B0009RF9DW", "style": {"Size:": " 70"}, "reviewerName": "Bodekaan", "reviewText": "My favorite fragrance. Subtle but wonderful scent. Unfortunately can rarely find here.", "summary": "My favorite fragrance. Subtle but wonderful scent", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A11L1TI883AOSV", "asin": "B001OHV1H4", "style": {"Size:": " 50"}, "reviewerName": "Trudy Goodwin", "reviewText": "You Just need a little, and it lathers up great. Smells good, leaves my hair shiny and curly, and manageable. My only complaint is for some unknown reason, they stopped making the 32oz. size. Probably because they want you to buy more of the 11oz size.", "summary": "Great Shampoo for curly or wavy Hair", "unixReviewTime": 1403395200} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "AOG134B92MGKO", "asin": "B000URXP6E", "style": {"Size:": " 5 oz."}, "reviewerName": "MRS K L WARRINGTON", "reviewText": "good, happy with the product and price", "summary": "Four Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A1UXOVYJ6OEQ24", "asin": "B0012Y0ZG2", "style": {"Size:": " 109"}, "reviewerName": "Sharon Bowen", "reviewText": "Great shampoo ~ the only one we buy!", "summary": "Five Stars", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A30EPPTPW7M9D0", "asin": "B001OHV1H4", "style": {"Size:": " B-020"}, "reviewerName": "Lennie", "reviewText": "Excellent product! Received in good time. Thank you!", "summary": "Excellent product! Received in good time", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "AXIU0T1YPFUBX", "asin": "B0012Y0ZG2", "style": {"Size:": " 259"}, "reviewerName": "Epalahame Palu", "reviewText": "Love it, wish it wasn't dis-comtinued", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A19GO5VNH8D1TF", "asin": "B001OHV1H4", "style": {"Size:": " B-013"}, "reviewerName": "A. Caldwell", "reviewText": "Always excellent, third time ordering, more to come, husband loves the soap.", "summary": "Great Soap", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A1RM3LETB09B5E", "asin": "B0012Y0ZG2", "style": {"Size:": " 186"}, "reviewerName": "Bun", "reviewText": "Smells great good packaging easy to squeeze out", "summary": "Awesome!", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "ASWLL1VJA7WOG", "asin": "B00006L9LC", "style": {"Size:": " 49"}, "reviewerName": "Samuel Sneed", "reviewText": "Great product... just what I wanted. Works great and very stylish.", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A327QPYID8TDAA", "asin": "B00006L9LC", "style": {"Size:": " 51"}, "reviewerName": "djanga b.", "reviewText": "This keeps my silver hair looking silvery (rather than yellow). I reorder this on a regular basis.", "summary": "No more yellow hair", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "ATQWHIT4GCWFU", "asin": "B00006L9LC", "style": {"Size:": " 370"}, "reviewerName": "Lee Souleles", "reviewText": "Excellent product! Excellent transaction.", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A2CA0MJP6O4ZZL", "asin": "B000URXP6E", "style": {"Size:": " 3"}, "reviewerName": "jack", "reviewText": "The best hair product ever", "summary": "I love it", "unixReviewTime": 1410220800} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2016", "reviewerID": "A3ETTJOVI6C9V5", "asin": "B001OHV1H4", "style": {"Size:": " C-017"}, "reviewerName": "W. Keane", "reviewText": "I LOVE the smell, the texture, everything about it!!! This is my absolute favorite. I want the body lotion, but you usually can only find it in a set. I just want the lotion, I have two bottles of perfume, just to get the lotion. It's wonderful.", "summary": "I LOVE the smell", "unixReviewTime": 1462406400} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "10 19, 2016", "reviewerID": "A3JQ30S858QNER", "asin": "B001OHV1H4", "style": {"Size:": " 561"}, "reviewerName": "Joseph D. Drypolcher", "reviewText": "So excited to see this on amazon! I found this hem while traveling and couldn't find it anywhere when I got him, this scrub is seriously the best. Gentle and effective.", "summary": "The best scrub", "unixReviewTime": 1476835200} +{"reviewerID": "A32RAW9ILQYP9S", "asin": "B000FI4S1E", "reviewerName": "sonnja williams", "verified": true, "reviewText": "Will buy again", "overall": 5.0, "reviewTime": "06 27, 2015", "summary": "Worth the price", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A250XH0NBH6AHN", "asin": "B0009RF9DW", "style": {"Size:": " 125"}, "reviewerName": "deborah c. mcclellan", "reviewText": "This product is very gentle on my skin", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"reviewerID": "AL4R7S0YP7MJR", "asin": "B000FI4S1E", "reviewerName": "Diane", "verified": true, "reviewText": "This is a great moisturizing body wash. Leaves skin silky soft for hours. A must buy who wants soft skin.", "overall": 5.0, "reviewTime": "05 30, 2014", "summary": "Heavenly scent", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A2BYQUQ8ITJTE8", "asin": "B0012Y0ZG2", "style": {"Size:": " 235"}, "reviewerName": "film", "reviewText": "Before i used this my main Body wash was Old Spice, after i started using this and feels refreshing and clean I like to go between the other kinds of Dial Soap over all happy with the product.", "summary": "Great", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "APN3J5IUV91MV", "asin": "B0012Y0ZG2", "style": {"Size:": " 45"}, "reviewerName": "Angell M I", "reviewText": "AWESOME.. AROMA", "summary": "ISLAND!!! GIRL FEEL...", "unixReviewTime": 1423008000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71fWVkyq4ML._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "A190ENIBZ72LMF", "asin": "B000URXP6E", "style": {"Size:": " 8.5oz"}, "reviewerName": "Innessa", "reviewText": "Great gel, it is organic and smell so good, natural!!!", "summary": "Five Stars", "unixReviewTime": 1524700800} +{"overall": 4.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A30VYJQW4XWDQ6", "asin": "B0011FYB5I", "reviewerName": "michelle", "reviewText": "Works good with exercise.", "summary": "Michelle", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A177B2VPWX4P55", "asin": "B000URXP6E", "style": {"Size:": " 124"}, "reviewerName": "Columbus Ohio", "reviewText": "Umm smells yummy, fresh fruity not overly sweet, perfect for fall time. This is a very mild scrub good for daily use with nice creamy suds. The packaging is also beautiful :)", "summary": "yummy and fresh, but more a shower gel than a true exfoliator", "unixReviewTime": 1384732800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3S5MHB0P2RTI5", "asin": "B000URXP6E", "style": {"Size:": " 177"}, "reviewerName": "D. James", "reviewText": "The soap is great, I only wish it was available in stores. It's a little on the pricey side considering it's from Dial, and not some French, or Italian desinger, but when you seemingly can only get it online it's worth it.", "summary": "The soap is great, I only wish it was available in stores", "unixReviewTime": 1456099200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71qwEe9fFRL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/613pdv8QlbL._SY88.jpg"], "overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2V608ILSK1M5R", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "CDART815", "reviewText": "My product was not sealed and either used or something.. attached are pictures. Would like a refund please.", "summary": "Beware", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": false, "reviewTime": "02 8, 2016", "reviewerID": "A14Y0FPHPBKBAF", "asin": "B0012Y0ZG2", "style": {"Size:": " 103"}, "reviewerName": "Darcy Boos", "reviewText": "I love this body wash! It's smells like something delicious, but tastes a little funny. It's also great for pulling pranks on your friends because the body wash looks just like blood!!! Highly recommend this product.", "summary": "I love this body wash", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2012", "reviewerID": "A8CGEXNIB402C", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/ 6.7OZ"}, "reviewerName": "Wanda D, Patton", "reviewText": "I purchased Chanel Antaeus Bath and shower Gel. The process was quick and easy and I received the product when promised.", "summary": "Channel Bath Gel", "unixReviewTime": 1343433600} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A1V9QLYRT1O4KF", "asin": "B0012Y0ZG2", "style": {"Size:": " 192"}, "reviewerName": "Amazon Customer", "reviewText": "The product arrived as promised and in good condition.", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A2KV46HMWY1YWB", "asin": "B019LAI4HU", "reviewerName": "Kindle Customer", "reviewText": "Smells wonderful. Feels great on hands and arms, etc.", "summary": "Must have product", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A37XI9VKWZWZKO", "asin": "B0012Y0ZG2", "style": {"Size:": " 352"}, "reviewerName": "judith m dzyak", "reviewText": "love it. will continue to use all products from herline", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A26DR70GPC8R5T", "asin": "B0012Y0ZG2", "style": {"Size:": " 177"}, "reviewerName": "Lynn", "reviewText": "Good product. Shipped quick, packaged well...will buy again", "summary": "Hard to find in store", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "AL4R7S0YP7MJR", "asin": "B0012Y0ZG2", "style": {"Size:": " 45"}, "reviewerName": "Diane", "reviewText": "This is a great moisturizing body wash. Leaves skin silky soft for hours. A must buy who wants soft skin.", "summary": "Heavenly scent", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1ETRNNK4BOVDE", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "Flakester", "reviewText": "Great Product.", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A2N0CVZO3GPQ45", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "J. broder", "reviewText": "nice", "summary": "Four Stars", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2I0X28L5E42VU", "asin": "B001OHV1H4", "style": {"Size:": " 337"}, "reviewerName": "Debbie", "reviewText": "love this bubble bath,love all avon bubble bath,lathers great and smells great", "summary": "Five Stars", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A3UDCJBG2PMFRE", "asin": "B001OHV1H4", "style": {"Size:": " 26"}, "reviewerName": "Amazon Customer", "reviewText": "Looked all over to find where to purchase this product and we are very happy to be able to finally find it. The PRELL Conditioner is by far the best you can buy. We love it", "summary": "... where to purchase this product and we are very happy to be able to finally find it", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "AUAC7GPINCR54", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Csaba Farsang", "reviewText": "Very smooth and quick shaving, much better than thers on the market. it is a pity that it is not available anywhere in Europe...", "summary": "Electric shaving", "unixReviewTime": 1367107200} +{"overall": 3.0, "verified": true, "reviewTime": "12 13, 2011", "reviewerID": "A270QYQEV3CQGH", "asin": "B00112DRHY", "style": {"Scent Name:": " Sandalwood"}, "reviewerName": "The Empress", "reviewText": "This product was one of many in a birthday basket. I have not heard anything negative from the person who received the basket therefore, I am assuming it was good.", "summary": "Great Gift", "unixReviewTime": 1323734400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2013", "reviewerID": "AZ4T3DDT8L9EQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 30mla144"}, "reviewerName": "Michelle Adams", "reviewText": "THIS IS WHAT BODY GLOSS IS SUPPOSED TO BE LIKE... IT JUST SHOULDNT HAVE TO COST SO MUCH TO BUY", "summary": "PERFECTION", "unixReviewTime": 1375747200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A38CIT22Y0TZS", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Love it. Have used it for years", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A12B5Y225ADJWE", "asin": "B001OHV1H4", "style": {"Size:": " 402"}, "reviewerName": "J. Johnstone", "reviewText": "My favorite color:) a nice brown with some sparkles. I would recommend to a friend any day of the week!!!", "summary": "Love it", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A1HPJKECRYBG6V", "asin": "B0012Y0ZG2", "style": {"Size:": " 100"}, "reviewerName": "Underhilll", "reviewText": "Years ago we discovered this bath/shower gel in various French hotels and fell in love with the scent. I finally used up the last of my stash and was very glad to find it available in the U.S. so I no longer have to ask friends to bring it back for me.", "summary": "Brings back memories", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A2SU85PYAB6M67", "asin": "B000URXP6E", "style": {"Size:": " 4"}, "reviewerName": "Carolyn Maynard", "reviewText": "Very silky and smooth is the results I received after using the product.", "summary": "Smooth and Silky hair", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "AZCOSCQG73JZ1", "asin": "B0012Y0ZG2", "style": {"Size:": " B-013"}, "reviewerName": "william", "reviewText": "extremely pleased, very pleasant scent, very longlasting...", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A29WQLB8ACNZ5T", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "Marie Buckley", "reviewText": "I use this product daily I love it.", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2014", "reviewerID": "A1IT5WIUU0FKAV", "asin": "B0012Y0ZG2", "style": {"Size:": " 197"}, "reviewerName": "DD", "reviewText": "Received my order very quickly. I love Body Shop items but do not live near any store that carries them. Glad that I can get them from Amazon. The shower gel has an amazing smell and would recommend it to anyone.", "summary": "Love my gel", "unixReviewTime": 1399852800} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1HK1OQ6LRT0AX", "asin": "B000URXP6E", "style": {"Size:": " 4"}, "reviewerName": "C90J", "reviewText": "Love these organic products. This one is a Little pricey though. Great product nonetheless.", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A28XHFOYRSV7VA", "asin": "B0012Y0ZG2", "style": {"Size:": " 228"}, "reviewerName": "Amazon Customer", "reviewText": "Smells great..love the caddy.", "summary": "Lovely", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A2EGIJP9ULQ9XB", "asin": "B00006L9LC", "style": {"Size:": " 13"}, "reviewerName": "Brian D. Hirak", "reviewText": "Smells Great!! Take's just a small amount to make your hair full and hold without any residue or stickiness. Works great, I have been using it for over 3 years now, no complaints...", "summary": "Excelllent, works great, nice hold, great smell...", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "A149WHPACMTSLO", "asin": "B0009RF9DW", "style": {"Size:": " 48"}, "reviewerName": "Diane Collins", "reviewText": "It was what my 16 year old grandson wanted,because he can not fine it in the stores. Please bring it\nback to walmart.", "summary": "The shower Gel smells great", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A1TK8ZGWS7VJP2", "asin": "B0009RF9DW", "style": {"Size:": " 16"}, "reviewerName": "widgetbear", "reviewText": "Great product - kids love it and it smells good, too. Easily rinses out of hair and leaves hair nicely manageable.", "summary": "Great product", "unixReviewTime": 1374710400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71qwEe9fFRL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/613pdv8QlbL._SY88.jpg"], "overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2V608ILSK1M5R", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "CDART815", "reviewText": "My product was not sealed and either used or something.. attached are pictures. Would like a refund please.", "summary": "Beware", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A3IZX2IWVGM9QH", "asin": "B00006L9LC", "style": {"Size:": " 58"}, "reviewerName": "Brenda", "reviewText": "By far I think this is one of the best mousse there is and love the light smell , it not loud like most mousse , I will buy agin.", "summary": "By far I think this is one of the best mousse there is and love the light smell", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A2N4OUX2ORC859", "asin": "B0012Y0ZG2", "style": {"Size:": " 515"}, "reviewerName": "Dave", "reviewText": "Wife uses this cream always. Hard to get.", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A177B2VPWX4P55", "asin": "B0009RF9DW", "style": {"Size:": " 124"}, "reviewerName": "Columbus Ohio", "reviewText": "Umm smells yummy, fresh fruity not overly sweet, perfect for fall time. This is a very mild scrub good for daily use with nice creamy suds. The packaging is also beautiful :)", "summary": "yummy and fresh, but more a shower gel than a true exfoliator", "unixReviewTime": 1384732800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A3KXVT8LE6X9LR", "asin": "B00006L9LC", "style": {"Size:": " 561"}, "reviewerName": "415sf", "reviewText": "ive been using this cleanser for a few years now. i only found it in korea and brought a few tubes every time i visit (once a year). gentle but gets all the crap off. so happy to see it available stateside now.", "summary": "gentle but gets all the crap off. so happy to see it available stateside ...", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A1TK8ZGWS7VJP2", "asin": "B0012Y0ZG2", "style": {"Size:": " 16"}, "reviewerName": "widgetbear", "reviewText": "Great product - kids love it and it smells good, too. Easily rinses out of hair and leaves hair nicely manageable.", "summary": "Great product", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2EM4MVIU5Z0KD", "asin": "B019809F9Y", "style": {"Size:": " 3 Ounce"}, "reviewerName": "jennifer johnson", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"overall": 4.0, "verified": false, "reviewTime": "09 5, 2017", "reviewerID": "AMYTL79JMGQ6D", "asin": "B0010ZBORW", "style": {"Color:": " Bath Pillow"}, "reviewerName": "Mary Ann", "reviewText": "This inflates to an adjustable comfort zone, and has four suctions on the back to stay in place. The cover is terry-like with short soft nap. The size is wide enough to support across the shoulders. Overall, I was pleasantly surprised.", "summary": "Bigger than expected, and that is good!", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A2CQEI5EQ0DA8Z", "asin": "B001OHV1H4", "style": {"Size:": " 44"}, "reviewerName": "Comedy Fan", "reviewText": "Best Shampoo I have ever used, You would be foolish not to try it.", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A3YUWJTIW15EE", "asin": "B00006L9LC", "style": {"Size:": " 30mla144"}, "reviewerName": "Fancy Lady", "reviewText": "I love this lotion and use it under make up for a glow. I used to be able to but it locally but can't find it any more. This is a good price.", "summary": "Lotion", "unixReviewTime": 1382832000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A193RG4GIJ5OLM", "asin": "B00QXW95Q4", "reviewerName": "Kindle Customer", "reviewText": "Love it. Makes my hair just lovely and curly.", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"reviewerID": "A2IXGQP8IXSJXW", "asin": "B000FI4S1E", "reviewerName": "Nancy Silvia", "verified": true, "reviewText": "Alien has been my favorite for years! I always get compliments", "overall": 5.0, "reviewTime": "11 23, 2014", "summary": "Alien is the best", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "AOZV8VU33NLG8", "asin": "B0009RF9DW", "style": {"Size:": " 203"}, "reviewerName": "Darlene M.", "reviewText": "What I expected Nice", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A3FZSM6JYA65PR", "asin": "B000URXP6E", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "samburn", "reviewText": "I love the fragrance and it leaves my hair very silky. Combined with the Bvlgari Conditioner, this is my favorite brand.", "summary": "Wonderful shampoo!", "unixReviewTime": 1359936000} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 15, 2018", "reviewerID": "A23NSBJ5CGLWAA", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Bradford J. Fleener", "reviewText": "A really good gentle cleanser. Always leaves my hair feeling clean, and soft. Also virtually eliminated dandruff issues where other bigger named products consistently failed.", "summary": "A really good gentle cleanser", "unixReviewTime": 1521072000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A3TXZIWV9XZLMR", "asin": "B001OHV1H4", "style": {"Size:": " 32"}, "reviewerName": "Nelya", "reviewText": "I love this Shampoo and told my friends about it.", "summary": "Five Stars", "unixReviewTime": 1412294400} +{"overall": 1.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A3IOV1NJ4IM2HC", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "E", "reviewText": "Throwing it away, burned my scalp.", "summary": "One Star", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": false, "reviewTime": "05 6, 2018", "reviewerID": "A3HIEBXDI9EQA6", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "john robbins", "reviewText": "Outstanding! Top organic shampoo!", "summary": "Five Stars", "unixReviewTime": 1525564800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "A1J7I5095JBHH", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Nicolette", "reviewText": "This really dries out my hair and makes it feel even thinner than it already is. The smell is nice, but consistency is pretty much water. I honestly think most of the reviews are false ", "summary": "The smell is nice, but consistency is pretty much water", "unixReviewTime": 1522972800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A9SA7CY8HA291", "asin": "B000URXP6E", "style": {"Size:": " 402"}, "reviewerName": "Anita Dusek", "reviewText": "As always Bare Minerals never disappoints and the color is gorgeous and goes with everything, it is a must buy.", "summary": "LOVE IT", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A30EPPTPW7M9D0", "asin": "B000URXP6E", "style": {"Size:": " 410"}, "reviewerName": "Lennie", "reviewText": "Excellent product! Received in good time. Thank you!", "summary": "Excellent product! Received in good time", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A3HHQ7UIJJAOAV", "asin": "B000URXP6E", "style": {"Size:": " 285"}, "reviewerName": "redlin51", "reviewText": "We both love the shower gel. It smells so good, and matches the lotion that is sold, too. We love using it.", "summary": "shower gel used by grandmom and grand-daughter, too.", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A3QUX4Z5YP6T4P", "asin": "B0012Y0ZG2", "style": {"Size:": " 214"}, "reviewerName": "Barb S", "reviewText": "I love it! What more to say? I was happy to find it available and at a reasonable enough price.", "summary": "I love it! What more to say", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "A15IDG691XH2XI", "asin": "B0012Y0ZG2", "style": {"Size:": " 304"}, "reviewerName": "Debbie Buchanan", "reviewText": "If you love Halloween and candy corn you are going to go nuts for this!!! I live it and use this all year round! Thanks philosophy for this great irem", "summary": "Love", "unixReviewTime": 1362096000} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2013", "reviewerID": "A1NO7CJ510NQWC", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.7 oz."}, "reviewerName": "Patrice Wolfe", "reviewText": "It makes taking a shower like a walk in a meadow of wild flowers. Great consistency and viscosity. Easy to get out of the bottle and spread on body. Love the bubbles.", "summary": "What a way to take a shower.", "unixReviewTime": 1376179200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A2SU85PYAB6M67", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "Carolyn Maynard", "reviewText": "Very silky and smooth is the results I received after using the product.", "summary": "Smooth and Silky hair", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "AFXRO7K3ZZ0PX", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "JoeBotts", "reviewText": "The best pre-shave juice ever! This lotion has been around forever and nobody has ever improved on it.", "summary": "The best ever", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": false, "reviewTime": "10 3, 2016", "reviewerID": "A6CEOJ5ISIGRB", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "samantha", "reviewText": "I love the smell of this body wash! It doesn't dry out my skin either!", "summary": "Smells great!", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A1QZ7QH2NEMECC", "asin": "B00006L9LC", "style": {"Size:": " 174"}, "reviewerName": "Jamelia", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A275L578ORHUVL", "asin": "B019V2KYZS", "reviewerName": "Pulchritude", "reviewText": "Perfect for a pleasant \"all day essence\"!", "summary": "Four Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A62R447U5SPTV", "asin": "B0012Y0ZG2", "style": {"Size:": " 180"}, "reviewerName": "Jo E. Ambrose", "reviewText": "This has been my fav for years! They don't make it anymore. Just wished they had the lotion to go with it!!", "summary": "Feels Like I Am At the BEACH!", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A23S9B3XGR5CMX", "asin": "B0012Y0ZG2", "style": {"Size:": " 49"}, "reviewerName": "Andrew Albeck", "reviewText": "Great product! This is a wonderful addition to any dopp kit to keep your face lettuce looking sharp.", "summary": "Great product!", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A327QPYID8TDAA", "asin": "B001OHV1H4", "style": {"Size:": " 51"}, "reviewerName": "djanga b.", "reviewText": "This keeps my silver hair looking silvery (rather than yellow). I reorder this on a regular basis.", "summary": "No more yellow hair", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2012", "reviewerID": "A2HYL1CITWDZJK", "asin": "B0012Y0ZG2", "style": {"Size:": " 265"}, "reviewerName": "Porshia Monsanto", "reviewText": "I love the feel of my skin after using the Avon Skin So Soft Fusions Dual Softening Body Wash. My skin was amazingly smooth!!", "summary": "Excellent Product", "unixReviewTime": 1347840000} +{"reviewerID": "A26GEEGKDA0D58", "asin": "B000FI4S1E", "reviewerName": "Miss Red", "verified": true, "reviewText": "I wish I could find more products with this particular fragrance. I drives me nuts. Oh and it makes my skin silky soft. WIsh the scent lasted longer on my skin. I really love it.", "overall": 5.0, "reviewTime": "12 29, 2014", "summary": "I love this shower cream beyond reason", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A3ENINL71K542C", "asin": "B00006L9LC", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "I love it\n Clean fresh smell, non irritating to my scalp..", "summary": "Clean fresh smell", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A2PW5N4QDA3AG9", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A28XHFOYRSV7VA", "asin": "B0009RF9DW", "style": {"Size:": " 228"}, "reviewerName": "Amazon Customer", "reviewText": "Smells great..love the caddy.", "summary": "Lovely", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A1IMRCSU4F0409", "asin": "B001OHV1H4", "style": {"Size:": " 367"}, "reviewerName": "Bdot", "reviewText": "Packaging was nicely done with bubble wrap and paper. Box is amazing besides perfume and I love the new red door design. Order this one because im used to the old bottle design which they sent the new one and im glad they did.", "summary": "Happy", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A7QMV1ENEUAC9", "asin": "B00006L9LC", "style": {"Size:": " 1000ml/33.8oz"}, "reviewerName": "mary", "reviewText": "love this shampoo, came very quickly, thank you.", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3BWOPUC4BK90E", "asin": "B0012Y0ZG2", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Fast delivery and great product!!!!!!", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A2EB0P9PSMD1M0", "asin": "B0012Y0ZG2", "style": {"Size:": " 352"}, "reviewerName": "Amazon Customer", "reviewText": "Love the scent. Not overpowering.", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"reviewerID": "A4EKBPGD0LK2K", "asin": "B000FI4S1E", "reviewerName": "Sarah Jones", "verified": false, "reviewText": "Love this product! It's very nearly good as lanolin products. It you want to avoid lanolin, it's the way to go! (P.s.- Their stretch mark cream is awesome)", "overall": 5.0, "reviewTime": "01 3, 2016", "summary": "Love this product", "unixReviewTime": 1451779200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A1RO0OV2CHJLUG", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "danielle", "reviewText": "I have very thin very broken bleached hair. This product has changed my world! I can actually comb through my hair when I get out of the shower. Leaves hair soft and healthy. Love it!! I Use it every other day and I will continue using this product.", "summary": "Love it!", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "AGREG8QB61C85", "asin": "B0012Y0ZG2", "style": {"Size:": " 181"}, "reviewerName": "Izzy Palans", "reviewText": "Love it! moisturizing, citrus fragrance is fresh and clean,will purchase again! Is not overpowering like many washes can often be.", "summary": "finally the ideal shower wash!", "unixReviewTime": 1387670400} +{"overall": 4.0, "verified": false, "reviewTime": "09 7, 2017", "reviewerID": "A2ZY49IDE6TY5I", "asin": "B0010ZBORW", "style": {"Color:": " Shower Cap"}, "reviewerName": "R PRIUS", "reviewText": "Very nice shower cap. This cap has ample room and will not squish down your hair or wreck a hairdo. Moisture is my hair's greatest enemy, but no moisture here. My hot roller 'do' stays full and bouncy.", "summary": "Great Hair Do Protection", "unixReviewTime": 1504742400} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A1B5D7AI4KYG98", "asin": "B0012Y0ZG2", "style": {"Size:": " 290"}, "reviewerName": "Al hermosillo", "reviewText": "Very good stuff", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2MX559LDZAQ5Q", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "girl45shooter", "reviewText": "Great conditioner that leaves hair clean.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A1GVTXX0S7ANZ8", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Amazon Customer", "reviewText": "I absolutely love this product and buy for myself and all of my friends. Can't say enough about these.", "summary": "Five Stars", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2ITV3AU9TL0O9", "asin": "B00006L9LC", "style": {"Size:": " 494"}, "reviewerName": "J. Nguyen", "reviewText": "good item...no issues", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A1XGD1A869SSXC", "asin": "B0012Y0ZG2", "style": {"Size:": " 85"}, "reviewerName": "tracy morrison", "reviewText": "My favorite!!!!!", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61drG9J7BmL._SY88.jpg"], "overall": 5.0, "vote": "14", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A3F53CPYRL46XZ", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "Brennan Kelly", "reviewText": "So, 5 stars it is.", "summary": "My wife absolutely loves it", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A1VRZOJ7MNAJME", "asin": "B0012Y0ZG2", "style": {"Size:": " 293"}, "reviewerName": "Dee Stapes", "reviewText": "I love the smell of this particular product and the way it feels on my lips. I wish it wasn't so expensive, because I would buy more!,,", "summary": "Great smell and texture.", "unixReviewTime": 1420329600} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3E52KMZJI788W", "asin": "B00006L9LC", "style": {"Size:": " 25"}, "reviewerName": "K9 Lover", "reviewText": "The silver shampoo I had been using is no longer available, so I tried this. It does a great job as far as color goes but didn't leave my hair as soft. I have very thick coarse hair and it's hard to find a product to soften it. Overall I'm very pleased, especially for the cost.", "summary": "keeps my white hair from looking yellow.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2013", "reviewerID": "A1NO7CJ510NQWC", "asin": "B000URXP6E", "style": {"Size:": " 6.7 oz."}, "reviewerName": "Patrice Wolfe", "reviewText": "It makes taking a shower like a walk in a meadow of wild flowers. Great consistency and viscosity. Easy to get out of the bottle and spread on body. Love the bubbles.", "summary": "What a way to take a shower.", "unixReviewTime": 1376179200} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A36EEWU8U97ZSX", "asin": "B0012Y0ZG2", "style": {"Size:": " 87"}, "reviewerName": "Darlene D.", "reviewText": "Love this shampoo for my fine hair....gives great volume!", "summary": "Five Stars", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A2SZLPBSBNJ7QV", "asin": "B001OHV1H4", "style": {"Size:": " 515"}, "reviewerName": "Lacotomale", "reviewText": "Order arrived on time and exactly as described", "summary": "Order arrived on time and exactly as described", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A3E1JS2EB8ZH94", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "trace", "reviewText": "I really like this wash and was feeling lazy so I decided to buy it on amazon. Just be advised its about 3-4 times more expensive on amazon than in most stores.", "summary": "I really like this wash and was feeling lazy so I decided ...", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2TUCPCLHHLR6O", "asin": "B000URXP6E", "style": {"Size:": " 509"}, "reviewerName": "Barb", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A1OMMCNMFY7TYH", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Amazon Customer", "reviewText": "Smells awesome, great price!", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AROYPRQ35VSAT", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "Meghan", "reviewText": "If they discontinued this scent I would go postal. <3", "summary": "Five Stars", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A397WXW8JOK3RT", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "Miriam DeLaRoi", "reviewText": "It is beautiful", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"reviewerID": "A2KA5PR2AKM7ZU", "asin": "B000FI4S1E", "reviewerName": "susanb1222", "verified": true, "reviewText": "The price for an Hermes product is the best", "overall": 5.0, "reviewTime": "12 8, 2014", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 1.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A30VYJQW4XWDQ6", "asin": "B0011FYB5I", "reviewerName": "michelle", "reviewText": "Made me look older, it was the opposite.", "summary": "Ageless", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A4UJH2NJW002Y", "asin": "B000URXP6E", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "juju", "reviewText": "Love this shower gel and it was a good value.", "summary": "Five Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "APV301O2BXWU2", "asin": "B00006L9LC", "style": {"Size:": " 92"}, "reviewerName": "Jim Mullery", "reviewText": "Love this shampoo and am happy to find it online", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"reviewerID": "A4UJH2NJW002Y", "asin": "B000FI4S1E", "reviewerName": "juju", "verified": true, "reviewText": "Love this shower gel and it was a good value.", "overall": 5.0, "reviewTime": "01 24, 2015", "summary": "Five Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3N6811PDY2QM3", "asin": "B000URXP6E", "style": {"Size:": " 279"}, "reviewerName": "Amazon Customer", "reviewText": "Amazing! Instant relaxation.", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A2CY3ZL67BZKEU", "asin": "B000URXP6E", "style": {"Size:": " 6"}, "reviewerName": "Stacey J.", "reviewText": "Best shampoo/conditioner hands down", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "AE6VLUKO55M7H", "asin": "B0012Y0ZG2", "style": {"Size:": " 86"}, "reviewerName": "Loodz", "reviewText": "best shampoo i ever used, they give you 10 extra sample packs too :3", "summary": "Five Stars", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A4UCVNYL7GY61", "asin": "B0009RF9DW", "style": {"Size:": " 8"}, "reviewerName": "Shelly Chao", "reviewText": "Love the smell!!!", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A37XI9VKWZWZKO", "asin": "B0012Y0ZG2", "style": {"Size:": " 352"}, "reviewerName": "judith m dzyak", "reviewText": "love it. will continue to use all products from herline", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 1.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A3JQUR31CLU4VK", "asin": "B0009RF9DW", "style": {"Size:": " 8.5oz"}, "reviewerName": "leeraz", "reviewText": "Wow I was totally hyped to try this shower gel. According to the rate and review I thought this would be awesome. However I received the package all torn up and the bottle itself had no seal. Very disappointed", "summary": "According to the rate and review I thought this would be awesome. However I received the package all torn up ...", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": false, "reviewTime": "02 4, 2016", "reviewerID": "A2VZXAAEWAO7PG", "asin": "B000URXP6E", "style": {"Size:": " 44"}, "reviewerName": "Jacqueline Ruble", "reviewText": "My family and I have used this shampoo and love it the conditioner is great also. I love Le Grande Francisco\nproducts!!", "summary": "My family and I have used this shampoo and love it the conditioner is great also", "unixReviewTime": 1454544000} +{"reviewerID": "A3T2BPXBDMLJPE", "asin": "B000FI4S1E", "reviewerName": "GabesAmazon", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/61iM-DR-wgL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/710+28paxwL._SY88.jpg"], "reviewText": "Good light scent. Have received complements from people that I smell nice after using it. 3 stars because bottle is kind of small for a shower gel (size compariso photo attached) and it doesnt really help me wake up in the morning like other products.", "overall": 3.0, "reviewTime": "03 25, 2018", "summary": "Good light scent", "unixReviewTime": 1521936000} +{"reviewerID": "A3OYM142VD8I7K", "asin": "B000FI4S1E", "reviewerName": "Tamikajam", "verified": true, "reviewText": "Awesome!!", "overall": 5.0, "reviewTime": "03 1, 2016", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "A1C3SRDH9HVEI2", "asin": "B000URXP6E", "style": {"Size:": " 6"}, "reviewerName": "Iris Remon", "reviewText": "Have been using the product since I got my first as a gift and I like it. I have dry coarse hair and it helps to soften it and take away the dullness.", "summary": "Good hair product for dry coarse hair", "unixReviewTime": 1491523200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "ANNRN691N2WR", "asin": "B00006L9LC", "style": {"Size:": " 551"}, "reviewerName": "Dana M.", "reviewText": "I would recommend this eye cream because it is extremely moisturizing and it only takes a small dab for each eye. I could tell after only a few times of using it that the fine lines around my eyes weren't as noticeable.", "summary": "Worth the Money!", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "AG6BQPVI5DCR4", "asin": "B000URXP6E", "style": {"Size:": " 136"}, "reviewerName": "Quanisha Perry", "reviewText": "It smells so good it's worth the price I'm definitely buying this again.", "summary": "smells great", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A12B5Y225ADJWE", "asin": "B0012Y0ZG2", "style": {"Size:": " 402"}, "reviewerName": "J. Johnstone", "reviewText": "My favorite color:) a nice brown with some sparkles. I would recommend to a friend any day of the week!!!", "summary": "Love it", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1N3KXBQ1A53IP", "asin": "B0012Y0ZG2", "style": {"Size:": " 113"}, "reviewerName": "Dawn Martinez", "reviewText": "my husband uses this bodywash all the time. he says it doesn't dry out his skin and it smells great. I would recommend this body wash.", "summary": "he says it doesn't dry out his skin and it smells great. I would recommend this body wash", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3NXD25N4CDKXF", "asin": "B000URXP6E", "style": {"Size:": " 91"}, "reviewerName": "Roshena A.", "reviewText": "I love it. It worked great!", "summary": "Great", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "AH5IPOPDVNJMW", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Sunshine Girl", "reviewText": "Love these, wish they weren't so pricey.", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AB4T4E0AGMKRA", "asin": "B0012Y0ZG2", "style": {"Size:": " 77"}, "reviewerName": "Amazon Customer", "reviewText": "For months i was waiting the product to come back for sale.\nWhen i saw it is available again i bought 2!!\nIt was a good choice.\nI searched a lot for an organic kid hair gel, and i did not find a better one.\nHolds my son hair for hours. I know it is a lit expensive, but worth it.", "summary": "It was a good choice. I searched a lot for an organic ...", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "AHQ9P60N6NOAH", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "Beth", "reviewText": "Smells very nice.", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61IfuqqPxlL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A1FEQTQIVZKAY", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "David Baggett", "reviewText": "Unexpectedly good. The best smelling shower gel I have ever used. A little bit on the sweet side. But not chemical", "summary": "Wow", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JXCMOICECC61", "asin": "B00006L9LC", "style": {"Size:": " 8.0 fl. oz."}, "reviewerName": "denise blandford denise blandford", "reviewText": "Love this stuff makes my skin feel great the only brand I buy just wish it did not cost so much", "summary": "Great product", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A21YAPFNXKFIUC", "asin": "B0012Y0ZG2", "style": {"Size:": " 235"}, "reviewerName": "Blue Hornet", "reviewText": "I love the fresh smell of Dial Mountain Fresh and also that it promotes Antibacterial Wash. Great Product. It arrived on time and was as described.", "summary": "Great Product", "unixReviewTime": 1447891200} +{"reviewerID": "A3COAV45SLM4LY", "asin": "B000FI4S1E", "reviewerName": "Raziel1313", "verified": false, "reviewText": "My favorite scent for personal care but out is not sold in retail stores anymore. Would order in bulk but cannot justify the marked up price.", "overall": 4.0, "reviewTime": "11 11, 2016", "summary": "My favorite scent for personal care but out is not sold ...", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A9ZMABTHVLKOL", "asin": "B001OHV1H4", "style": {"Size:": " 52"}, "reviewerName": "Texasgal", "reviewText": "I really wish Redken had not discontinued this product, it is such a great product and now I will need to find a long term replacement :(", "summary": "it is such a great product and now I will need to find a ...", "unixReviewTime": 1468886400} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "AIQ0ABOHK58F6", "asin": "B0012Y0ZG2", "style": {"Size:": " 28"}, "reviewerName": "Caridad J.", "reviewText": "Very happy with my first time using it my hair was manageable", "summary": "Four Stars", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "APRCXHKSYVYZX", "asin": "B0009RF9DW", "style": {"Size:": " 7.6oz"}, "reviewerName": "Mindy", "reviewText": "One of my Favorite scents!", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A3FLYMWRPCK731", "asin": "B000URXP6E", "style": {"Size:": " 112"}, "reviewerName": "Kindle Customer", "reviewText": "I got a bottle for my birthday. I love the relaxing scent so much that I went on Amazon and ordered 8 more bottles!", "summary": "Spendy - but worth every penny!", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A2L5BRKS3Q0J0D", "asin": "B0012Y0ZG2", "style": {"Size:": " 337"}, "reviewerName": "derek n.", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A30EPPTPW7M9D0", "asin": "B00006L9LC", "style": {"Size:": " 410"}, "reviewerName": "Lennie", "reviewText": "Excellent product! Received in good time. Thank you!", "summary": "Excellent product! Received in good time", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A125PSVY71Q7KZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 329"}, "reviewerName": "BlueAngel", "reviewText": "It's great! Packaged right no dents on the box (container) it came with. Love the product been using it for years... Will order again from this store.", "summary": "arrived on time", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A2RH42TOQUF3LQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 129"}, "reviewerName": "GregM", "reviewText": "I LOVE this flavor of Axe! I cant find it in any stores and just used it today for the first time in like 2 years! Simply awesome! Best Axe for the AM time in my opinion!", "summary": "Love Axe Rise!!", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A1LA3IVNDE22NW", "asin": "B0009RF9DW", "style": {"Size:": " 6.7 oz"}, "reviewerName": "Tuffy", "reviewText": "This is my favorite scent in the whole world. Its very clean and smells like a warm summer day. Unfortunately, it's been discontinued and very difficult to find. I wish this one would come back, I love using it at the end of winter when I'm pining for the smells of summer.", "summary": "The Best Summery Scent Ever", "unixReviewTime": 1440028800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A275L578ORHUVL", "asin": "B001OHV1H4", "style": {"Size:": " one size"}, "reviewerName": "Pulchritude", "reviewText": "Perfect for a pleasant \"all day essence\"!", "summary": "Four Stars", "unixReviewTime": 1468454400} +{"reviewerID": "A28F08XFZRKIH5", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "No seal on bottle. Extremely runny. Like water. Seams tampered with.", "overall": 1.0, "reviewTime": "03 28, 2018", "summary": "Not sealed!", "unixReviewTime": 1522195200} +{"overall": 4.0, "verified": false, "reviewTime": "11 11, 2016", "reviewerID": "A3COAV45SLM4LY", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Raziel1313", "reviewText": "My favorite scent for personal care but out is not sold in retail stores anymore. Would order in bulk but cannot justify the marked up price.", "summary": "My favorite scent for personal care but out is not sold ...", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "AXDHA80LYRYSE", "asin": "B0012Y0ZG2", "style": {"Size:": " 268"}, "reviewerName": "Erika Adams", "reviewText": "The scent is incredible & its a fantastic moisturizer. I'm not a fan of the shimmer/glitter but its pretty subtle. I love combining this with Zents Earth scented perfume.", "summary": "Great product!!!!", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "ARI1N006KSXX", "asin": "B0012Y0ZG2", "style": {"Size:": " 13"}, "reviewerName": "Jennifer", "reviewText": "I love this hair cream! It has a nice subtle scent that isn't overpowering and it is very lightweight.", "summary": "Great everyday styling cream", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A2U7BI3N4YP26B", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Amazon Customer", "reviewText": "Biolage is a great product.\nThank you for providing the product for me.\nAll Biolage products are wonderful.\nThank you!", "summary": "Biolage Review", "unixReviewTime": 1494374400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3NY63XTSMNUVZ", "asin": "B00MTR49IG", "reviewerName": "Natasha rivera", "reviewText": "Amazing product!!!", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A2K4C2K7NZLOQI", "asin": "B000URXP6E", "style": {"Size:": " 136"}, "reviewerName": "Amazon Customer", "reviewText": "Well pleased", "summary": "Five Stars", "unixReviewTime": 1484611200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61YbsGwkXeL._SY88.jpg"], "overall": 5.0, "vote": "16", "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A32SDP7KQV0N44", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "Layla Alburati", "reviewText": "5-7 drops is enough for the whole body. Very interesting scent. Smells like candies, which is nice.", "summary": "Lathers very well", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A1CRH843D61QTZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 39"}, "reviewerName": "Yadira Rodriguez", "reviewText": "Very Good\nThank you", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A1CJRTU646COUL", "asin": "B0012Y0ZG2", "style": {"Size:": " 156"}, "reviewerName": "Lucina Ramirez", "reviewText": "I used its works, I is good", "summary": "Five Stars", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A80A8PCDT0NFB", "asin": "B0012Y0ZG2", "style": {"Size:": " 57"}, "reviewerName": "Royce Lowe", "reviewText": "Used for years, it has DHT blocker", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A7COTFQZZ86N", "asin": "B00006L9LC", "style": {"Size:": " 25"}, "reviewerName": "Elaine", "reviewText": "Does a great job of keeping hair from yellowing. Leaves it clean and soft.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"reviewerID": "A20B9DRVC87T06", "asin": "B000FI4S1E", "reviewerName": "Kelly", "verified": true, "reviewText": "Love!", "overall": 5.0, "reviewTime": "07 4, 2016", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A1U4MBURSADCDU", "asin": "B001OHV1H4", "style": {"Size:": " 29"}, "reviewerName": "roxy sox", "reviewText": "love this shampoo", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A19AWUK1MWTJEN", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Jan Monte", "reviewText": "Great lather, delicious smell and really cleans!", "summary": "Love this stuff!", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "A3P7FOLR5SGXYN", "asin": "B0012Y0ZG2", "style": {"Size:": " 13"}, "reviewerName": "Medi", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1494633600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3S5MHB0P2RTI5", "asin": "B0012Y0ZG2", "style": {"Size:": " 177"}, "reviewerName": "D. James", "reviewText": "The soap is great, I only wish it was available in stores. It's a little on the pricey side considering it's from Dial, and not some French, or Italian desinger, but when you seemingly can only get it online it's worth it.", "summary": "The soap is great, I only wish it was available in stores", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A20Y9PNINSXAE2", "asin": "B0012Y0ZG2", "style": {"Size:": " 43"}, "reviewerName": "Doug", "reviewText": "Love this shampoo. Just wish Axe still made it.", "summary": "Great shampoo", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A2D9MTWHD2BFUG", "asin": "B0012Y0ZG2", "style": {"Size:": " 120"}, "reviewerName": "Ladychaos1", "reviewText": "Husband loves it.... Uses it to wash his locs", "summary": "Good product", "unixReviewTime": 1506556800} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A2N0CVZO3GPQ45", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "J. broder", "reviewText": "nice", "summary": "Four Stars", "unixReviewTime": 1496275200} +{"reviewerID": "A1LA3IVNDE22NW", "asin": "B000FI4S1E", "reviewerName": "Tuffy", "verified": true, "reviewText": "This is my favorite scent in the whole world. Its very clean and smells like a warm summer day. Unfortunately, it's been discontinued and very difficult to find. I wish this one would come back, I love using it at the end of winter when I'm pining for the smells of summer.", "overall": 5.0, "reviewTime": "08 20, 2015", "summary": "The Best Summery Scent Ever", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A3RGQCA2GSFLX2", "asin": "B00006L9LC", "style": {"Size:": " 169"}, "reviewerName": "self", "reviewText": "hard to find a lab coat the fits nice. this one does. This is my second coat and i am not disappointed. If I need a new one, wold by again. shipping was on time.", "summary": "Love the fit of the lab coat......", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A1XDV760ZLXN57", "asin": "B00006L9LC", "style": {"Size:": " 59"}, "reviewerName": "Patti", "reviewText": "I have used this off and on for several years and is great for natural curly hair. Can't find it in any stores so was glad to find it on line. I was told they quit making it.", "summary": "Curly Hair", "unixReviewTime": 1403568000} +{"reviewerID": "A1GVTXX0S7ANZ8", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I absolutely love this product and buy for myself and all of my friends. Can't say enough about these.", "overall": 5.0, "reviewTime": "05 25, 2016", "summary": "Five Stars", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A1D3RMFWUWRASV", "asin": "B0012Y0ZG2", "style": {"Size:": " 551"}, "reviewerName": "Michelle B", "reviewText": "Calibra eye cream is great! It takes out puffiness and tightens skin and conceals fine lines. It is also great under makeup.", "summary": "Calibra eye cream is great! It takes out puffiness and tightens skin and ...", "unixReviewTime": 1442707200} +{"reviewerID": "A34KXLHGO3SWB7", "asin": "B000FI4S1E", "reviewerName": "Vicki R. Perry", "verified": true, "reviewText": "Have been looking for this kit. Great for for traveling.", "overall": 5.0, "reviewTime": "08 14, 2014", "summary": "Great for for traveling", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "AJIQ6LH2YTZH8", "asin": "B001OHV1H4", "style": {"Size:": " 354"}, "reviewerName": "Dolores A. Ruscavage", "reviewText": "I use Oglivie hair perm all of the time. It's a great product for fine hair.", "summary": "It's a great product for fine hair", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A1JJBKKS6FCOQJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 351"}, "reviewerName": "Claudia Sanchez", "reviewText": "These are my favorite eye shadows! Box even comes with instructions. Love it!", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"reviewerID": "A300SV028Q2Z4C", "asin": "B000FI4S1E", "reviewerName": "willtastic", "verified": true, "reviewText": "My favorite", "overall": 5.0, "reviewTime": "07 31, 2015", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2014", "reviewerID": "A3IVBYIDNMPEPO", "asin": "B0012Y0ZG2", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Chococat", "reviewText": "This gel is so fragrant and good lather. Very luxurious!", "summary": "Luxurious!", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3BWOPUC4BK90E", "asin": "B001OHV1H4", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Fast delivery and great product!!!!!!", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"reviewerID": "A3N20YR4PHW97O", "asin": "B000FI4S1E", "reviewerName": "Bonita", "verified": true, "reviewText": "I only use this in the winter as the beautiful fragrance seems a bit much in the summer. But it is absolutely wonderful and I start using it in September and consider it a great asset to my layers of this fragrance.", "overall": 5.0, "reviewTime": "07 12, 2013", "summary": "Wonderful stuff.", "unixReviewTime": 1373587200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A2RWJPXMBFGCF0", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "N. Donastorg", "reviewText": "This body wash smells amazing. Let me see how to describe \"amazing\" as a scent. It smells like you just showered in a botanical garden on a beautiful spring day. Plus your skin feels silky smooth thereafter.", "summary": "Spring is in your shower", "unixReviewTime": 1491350400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A2KBQZJJRS5FKY", "asin": "B0012Y0ZG2", "style": {"Size:": " 439"}, "reviewerName": "hector", "reviewText": "It works amazing, fantastic, never used something like this before I highly recommend this product I will keep using it", "summary": "awesome products", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A1UDB6NF2GI5KF", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "jc's princess pick's", "reviewText": "too bad this is discontinued", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": false, "reviewTime": "06 23, 2016", "reviewerID": "A7IB2KI9HJZWU", "asin": "B000URXP6E", "style": {"Size:": " 266"}, "reviewerName": "Jennifer Ludwick", "reviewText": "The shampoo and conditioner both work very well. My hair feels softer and looks fuller. I'm very happy with it", "summary": "Excellent product", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "ASUIA1YIKZUOO", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "Susan Fisher", "reviewText": "I have used this before and had missed it terribly. It is a fabulous product that I recommend for anyone with dry course hair.", "summary": "great product", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2PPWA67FGO7BF", "asin": "B0009RF9DW", "style": {"Size:": " 69"}, "reviewerName": "Harriet Fraad", "reviewText": "Fine", "summary": "fine", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "AMYTL79JMGQ6D", "asin": "B0012Y0ZG2", "style": {"Size:": " 25.3"}, "reviewerName": "Mary Ann", "reviewText": "To me this shampoo has to best smell. It cleans very well without drying my hair out. My favorite shampoo.", "summary": "My favorite shampoo", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A2R03U5UAX219B", "asin": "B0012Y0ZG2", "style": {"Size:": " 119"}, "reviewerName": "Avid Leigh", "reviewText": "Favorite scent! Love it!", "summary": "Favorite scent ever!", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A1JJBKKS6FCOQJ", "asin": "B00006L9LC", "style": {"Size:": " 351"}, "reviewerName": "Claudia Sanchez", "reviewText": "These are my favorite eye shadows! Box even comes with instructions. Love it!", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A7QMV1ENEUAC9", "asin": "B000URXP6E", "style": {"Size:": " 1000ml/33.8oz"}, "reviewerName": "mary", "reviewText": "love this shampoo, came very quickly, thank you.", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"reviewerID": "A3JIP8N3GZZKBA", "asin": "B000FI4S1E", "reviewerName": "Lisa Strobehn", "verified": true, "reviewText": "I was so happy that I was able to purchase my favorite Bath & Body Works scent that had been discontinued in the store. This was a great price for the three bottles, and if this person/company has more of this scent I am going to buy more!", "overall": 5.0, "reviewTime": "12 12, 2013", "summary": "Great price for discontinued item", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A80A8PCDT0NFB", "asin": "B000URXP6E", "style": {"Size:": " 57"}, "reviewerName": "Royce Lowe", "reviewText": "Used for years, it has DHT blocker", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A270QYQEV3CQGH", "asin": "B000URXP6E", "style": {"Size:": " 934"}, "reviewerName": "The Empress", "reviewText": "I got s beautiful tan with no burning! The smell was great too. Thanks Amazon for carying this product; I am definitely going to order this product again.", "summary": "Tan and Beautiful!", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "ANGNK1ON6FFV6", "asin": "B0012Y0ZG2", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "Jennifer L Edlund", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A1KEYDA4M5GDSH", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Angela S. Carson", "reviewText": "really cleans my hair with a fresh smell, will buy again", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": false, "reviewTime": "02 8, 2016", "reviewerID": "A14Y0FPHPBKBAF", "asin": "B0012Y0ZG2", "style": {"Size:": " 103"}, "reviewerName": "Darcy Boos", "reviewText": "I love this body wash! It's smells like something delicious, but tastes a little funny. It's also great for pulling pranks on your friends because the body wash looks just like blood!!! Highly recommend this product.", "summary": "I love this body wash", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A1JQIYKCPYFKG2", "asin": "B0012Y0ZG2", "style": {"Size:": " 247"}, "reviewerName": "S. Curry", "reviewText": "My favorite and hard to find.", "summary": "My favorite and hard to find", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "AL24GOJZZ48PB", "asin": "B00006L9LC", "style": {"Size:": " 174"}, "reviewerName": "S. Rae", "reviewText": "As expected for price.", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "A1EPD7UQU3MXBT", "asin": "B0012Y0ZG2", "style": {"Size:": " 16"}, "reviewerName": "berthahouse", "reviewText": "Packaged well and arrived in good time. I couldn't find this product locally, so ordered it online. We were visiting my grandson and I'd forgotten my shampoo and used his. It was great for my hair, so I've been using it ever since.", "summary": "Suave Kids", "unixReviewTime": 1403481600} +{"overall": 5.0, "verified": false, "reviewTime": "03 14, 2016", "reviewerID": "A1NP1AD8FGSA71", "asin": "B019LAI4HU", "reviewerName": "mercedes", "reviewText": "I get more compliments when I wear this lotion!!!", "summary": "Very Clean Scent", "unixReviewTime": 1457913600} +{"reviewerID": "A2G7EEQJKKOU8R", "asin": "B000FI4S1E", "reviewerName": "Linda Whiten", "verified": true, "reviewText": "I have loved this for years, bath and body discontinued it, never thought of looking for it online. So glad I did", "overall": 5.0, "reviewTime": "08 23, 2013", "summary": "Ile De Tahiti Moana Coconut Vanille", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "ABWHWMXZDQ25C", "asin": "B0009RF9DW", "style": {"Size:": " 223"}, "reviewerName": "Brittany Daniels", "reviewText": "I brought this as a gift. It smells great. I love the price!", "summary": "great deal", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "AT55FHUTTF5DM", "asin": "B0012Y0ZG2", "style": {"Size:": " 328"}, "reviewerName": "Loonytoon.", "reviewText": "I always get compliments when I wear this perfume. It was delivered in a timely manner. It looked just like the picture. The price was nice.", "summary": "I LOVE IT!!!", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "AUYOTOM5XVNL", "asin": "B0012Y0ZG2", "style": {"Size:": " w-087"}, "reviewerName": "Lou", "reviewText": "Makes my facial pores smaller and I swear that my wrinkles seem less obvious around my eyes. Much appreciated\nsince large pores run in the family.", "summary": "Does a really great job", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A3KL6I6EWV0MF6", "asin": "B00006L9LC", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "Jenephil C.", "reviewText": "Love the this 2-1 shampoo and conditioner. Does wonders for my hair and enjoy using it.", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A14QBW6X0Q1YSD", "asin": "B0012Y0ZG2", "style": {"Size:": " 58"}, "reviewerName": "Susan J. Bedore", "reviewText": "Love the scent and it work better than any other mousse I have used. it makes my hair look natural, not stiff. My hair is shinier and fuller. Great stuff.", "summary": "Love the scent and it work better than any other ...", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3CFINYERTHF9Q", "asin": "B000URXP6E", "style": {"Size:": " 1 Pack"}, "reviewerName": "Rita Gambill", "reviewText": "Great shampoo", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A3GM8H7MO9I4H7", "asin": "B00006L9LC", "style": {"Size:": " 120"}, "reviewerName": "edazzle", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A19AWUK1MWTJEN", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Jan Monte", "reviewText": "Great lather, delicious smell and really cleans!", "summary": "Love this stuff!", "unixReviewTime": 1461369600} +{"overall": 1.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A3IOV1NJ4IM2HC", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "E", "reviewText": "Throwing it away, burned my scalp.", "summary": "One Star", "unixReviewTime": 1522108800} +{"reviewerID": "A3JQUR31CLU4VK", "asin": "B000FI4S1E", "reviewerName": "leeraz", "verified": true, "reviewText": "Wow I was totally hyped to try this shower gel. According to the rate and review I thought this would be awesome. However I received the package all torn up and the bottle itself had no seal. Very disappointed", "overall": 1.0, "reviewTime": "03 6, 2018", "summary": "According to the rate and review I thought this would be awesome. However I received the package all torn up ...", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A2KA5PR2AKM7ZU", "asin": "B000URXP6E", "style": {"Size:": " 127"}, "reviewerName": "susanb1222", "reviewText": "The price for an Hermes product is the best", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "ABWHWMXZDQ25C", "asin": "B000URXP6E", "style": {"Size:": " 223"}, "reviewerName": "Brittany Daniels", "reviewText": "I brought this as a gift. It smells great. I love the price!", "summary": "great deal", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A19Q4TR24DNXB5", "asin": "B0012Y0ZG2", "style": {"Size:": " 195"}, "reviewerName": "Mallory", "reviewText": "I have really dry skin and Olay ribbons is the only body wash I use. Getting more and more difficult to find in stores - hope it doesn't disappear here as well.", "summary": "I have really dry skin and Olay ribbons is the ...", "unixReviewTime": 1505692800} +{"reviewerID": "A1577W1CXJ2WI9", "asin": "B000FI4S1E", "reviewerName": "Lori E. Hoover", "verified": true, "reviewText": "Luv it!", "overall": 5.0, "reviewTime": "03 18, 2015", "summary": "Five Stars", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "ATCQ2K4QG03T4", "asin": "B001OHV1H4", "style": {"Size:": " 1.69oz"}, "reviewerName": "Kimmie", "reviewText": "I like this shampoo. It makes my hair feel nice and soft. I'm in my 50's and on medication. So my hair always feels dry. But when i use this shampoo it makes my hair so much softer.", "summary": "I like this shampoo", "unixReviewTime": 1478995200} +{"reviewerID": "AUPNID1GKJB34", "asin": "B000FI4S1E", "reviewerName": "dry2", "verified": true, "reviewText": "Really like the nice mild fragrance. Cannot find this Old Spice Body Wash Foxcrest on the local retail shelves for some unknown reason???", "overall": 5.0, "reviewTime": "10 2, 2015", "summary": "Really like the nice mild fragrance.", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A1GVT488CKU6ZB", "asin": "B0012Y0ZG2", "style": {"Size:": " 243"}, "reviewerName": "Ellen M Smith", "reviewText": "Excellent non-greasy cream for rough spots - heels, elbows especially.", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": false, "reviewTime": "02 23, 2015", "reviewerID": "AKKHOHMSSHYUE", "asin": "B000URXP6E", "style": {"Size:": " 33.8 oz"}, "reviewerName": "FrankNbeans", "reviewText": "One liter almost lasted a year.... I forgot how much I spent but it's worth it", "summary": "best ever", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3T1HGP5MN7OB6", "asin": "B000URXP6E", "style": {"Size:": " 392"}, "reviewerName": "lefeverb", "reviewText": "Great Product. TOBS always has very pleasant and masculine scents!!", "summary": "Very Pleased", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A3RUBIOZYJNY0D", "asin": "B000URXP6E", "style": {"Size:": " 192"}, "reviewerName": "Merrie", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A18KOO6VMJJ70S", "asin": "B0012Y0ZG2", "style": {"Size:": " 295"}, "reviewerName": "Mer's stuff", "reviewText": "I have a sensitive nose when it comes to strong scents and sensitive skin to harsh products so Philosophy seemed like my best bet. I love it. This scent is mild but sweet. Leaves skin so soft. The lotion helps to keep the mild scent all day.", "summary": "not over powering scent", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A25TLMKU5AXWHF", "asin": "B0009RF9DW", "style": {"Size:": " 283"}, "reviewerName": "gamma", "reviewText": "This wonderful fragrance is light and airy. Lovely aroma that many ask what is that you are wearing. Hope you try it.", "summary": "Attenion getting fragrance.", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A71OPGFA90NJL", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Erin M.", "reviewText": "Love love love. I've got sensitive skin and I dislike a lot of scents but this smells amazing and takes care of me.", "summary": "Love.", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A23ZC494ZWNEE0", "asin": "B0012Y0ZG2", "style": {"Size:": " 84"}, "reviewerName": "Amazon Customer", "reviewText": "This is a great product. I have been using it since two years ago. It is very gentle on your hair!", "summary": "This is a great product. I have been using it since two ...", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "AI5ELCUWKSDXJ", "asin": "B00CQ0LN80", "reviewerName": "Amazon Customer", "reviewText": "Love it!!", "summary": "Five Stars", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A2EM4MVIU5Z0KD", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "jennifer johnson", "reviewText": "It was a gift to my step dad and he uses the stuff all the time. It is awesome to use.", "summary": "Great Gift", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3NXD25N4CDKXF", "asin": "B0012Y0ZG2", "style": {"Size:": " 91"}, "reviewerName": "Roshena A.", "reviewText": "I love it. It worked great!", "summary": "Great", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A3GM8H7MO9I4H7", "asin": "B0012Y0ZG2", "style": {"Size:": " 120"}, "reviewerName": "edazzle", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2DFFI0IG23LFK", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Kindle Customer", "reviewText": "Love this stuff. Only shampoo I will use.", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "ANVIM4HO9ALJ6", "asin": "B000URXP6E", "style": {"Size:": " 16.9 oz."}, "reviewerName": "Ginny D", "reviewText": "Shine, body, no frizz. Love this shampoo", "summary": "Love it", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2017", "reviewerID": "A2RX62V4E2BF5Z", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Raspberry"}, "reviewerName": "Celeste", "reviewText": "This soap smells soooo good. It lathers decently and the shea butter left my skin feeling soft. I will say, this is more of a spa soap than an I'm ready dirty and need a bath kind of soap. But seriously, the raspberry smells soooo good!", "summary": "Smells so good!", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A20B9DRVC87T06", "asin": "B0012Y0ZG2", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Kelly", "reviewText": "Love!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A3VHZAX3IU2ZWD", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Joyce Pope", "reviewText": "I love this shower gel. It smells very good that is why I keep order it over and over again. Keep carrying this enchanted orchid.", "summary": "make you feel good.", "unixReviewTime": 1483315200} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "AM6VM4AHB7CG4", "asin": "B001OHV1H4", "style": {"Size:": " 28"}, "reviewerName": "Niclana Tolmasoff", "reviewText": "I can't live without this shampoo!", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"reviewerID": "A4DEEDXZK8L78", "asin": "B000FI4S1E", "reviewerName": "Gloria Karimi", "verified": true, "reviewText": "This is a beautiful scented lotion. Very moisturizing and scent is perfect. I will order again when I run out. It matched perfectly to the perfume.", "overall": 5.0, "reviewTime": "10 26, 2013", "summary": "Beautiful Scent", "unixReviewTime": 1382745600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A1A6EANMBA02NW", "asin": "B0012Y0ZG2", "style": {"Size:": " 175"}, "reviewerName": "elaine lester", "reviewText": "I loved it.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A1D82V07WELVCE", "asin": "B000URXP6E", "style": {"Size:": " 110"}, "reviewerName": "SONIA TADROS", "reviewText": "excellent quality and fast shipping", "summary": "Five Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A24NTDGOS70ZA9", "asin": "B000URXP6E", "style": {"Size:": " 27"}, "reviewerName": "Rima JG", "reviewText": "Love these Songelle products. All was good.", "summary": "Five Stars", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1HK1OQ6LRT0AX", "asin": "B00MTR49IG", "reviewerName": "C90J", "reviewText": "Love these organic products. This one is a Little pricey though. Great product nonetheless.", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 4.0, "verified": false, "reviewTime": "04 19, 2015", "reviewerID": "A1AEPMPA12GUJ7", "asin": "B00N2WQ2IW", "reviewerName": "Glenda Boozer", "reviewText": "This is nice, rich conditioner and great for detangling, though I would prefer less fragrance. It did not interfere with my curls, either. You don't need to use much, and you do need to rinse well.", "summary": "This is nice, rich conditioner and great for detangling", "unixReviewTime": 1429401600} +{"reviewerID": "A3PQ3YQZYJ66HK", "asin": "B000FI4S1E", "reviewerName": "Tina", "verified": true, "reviewText": "Would definitely buy it again/ Always get lots of compliments whenever I wear it. Now, I just need to find more cologne before it runs out.", "overall": 5.0, "reviewTime": "07 29, 2013", "summary": "Love it!", "unixReviewTime": 1375056000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "AG7YBSJODBMOB", "asin": "B00006L9LC", "style": {"Size:": " 98"}, "reviewerName": "fenway", "reviewText": "This shampoo cleans my hair well, lathers well, and smells good.", "summary": "Great shampoo", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2F9G1A29XS38E", "asin": "B0012Y0ZG2", "style": {"Size:": " 248"}, "reviewerName": "WCastro", "reviewText": "excellent product, as described", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "AHQFZFZVRD2WU", "asin": "B0012Y0ZG2", "style": {"Size:": " 122"}, "reviewerName": "Dottie Huntley", "reviewText": "THIS IS MY FAVORITE SHOWER GEL.", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2009", "reviewerID": "A1L4ZAG36ZO15M", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.8 oz"}, "reviewerName": "Birmingham Man", "reviewText": "Best general purpose shampoo on the market. My wife says it produces a shine in her hair she can't get from any other product. Unique and lovely fragrance that characterizes the products in this line for both men and women.", "summary": "Penhaligon's Blenheim Bouquet Shampoo - GREAT !", "unixReviewTime": 1252627200} +{"overall": 2.0, "verified": true, "reviewTime": "05 7, 2018", "reviewerID": "A24W4W9E62FZP2", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Reb", "reviewText": "No change my scalp still itches like crazy. It doesnt lather at all so its very hard to move around the hair and scalp. It does smell good and my hair feels clean.", "summary": "No change my scalp still itches like crazy. It doesnt lather at all so its ...", "unixReviewTime": 1525651200} +{"reviewerID": "AD1RIYOFGGS37", "asin": "B000FI4S1E", "reviewerName": "Ralph VanHoose", "verified": true, "reviewText": "gave the shower gel for a Christmas gift, she said she loved it, thanks rvv.", "overall": 5.0, "reviewTime": "04 19, 2015", "summary": "she said she loved it, thanks rvv", "unixReviewTime": 1429401600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A2EB0P9PSMD1M0", "asin": "B0012Y0ZG2", "style": {"Size:": " 352"}, "reviewerName": "Amazon Customer", "reviewText": "Love the scent. Not overpowering.", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A3L3SRE6L8IFHH", "asin": "B0012Y0ZG2", "style": {"Size:": " 258"}, "reviewerName": "truestory", "reviewText": "Effective soap and shampoo - convenient to have one bottle to do both. Clean scent and does the job.", "summary": "Clean scent and effective cleaner", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A20Y9PNINSXAE2", "asin": "B0012Y0ZG2", "style": {"Size:": " 43"}, "reviewerName": "Doug", "reviewText": "Love this shampoo. Just wish Axe still made it.", "summary": "Great shampoo", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "ANNRN691N2WR", "asin": "B0012Y0ZG2", "style": {"Size:": " 551"}, "reviewerName": "Dana M.", "reviewText": "I would recommend this eye cream because it is extremely moisturizing and it only takes a small dab for each eye. I could tell after only a few times of using it that the fine lines around my eyes weren't as noticeable.", "summary": "Worth the Money!", "unixReviewTime": 1445126400} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A2WNVJ6S7OVZP4", "asin": "B004KEJ65C", "reviewerName": "Amazon Customer", "reviewText": "It worked very well i disliked nothing", "summary": "Four Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1MDYWL5DLS9SS", "asin": "B0012Y0ZG2", "style": {"Size:": " 586"}, "reviewerName": "Deb Houghtaling", "reviewText": "I love this lotion. It has a light clean smell to it. Putting it on then adding a little of spray of perfume gives you a smell that brings lots of compliments.", "summary": "Best Ever", "unixReviewTime": 1453593600} +{"reviewerID": "A3L3SRE6L8IFHH", "asin": "B000FI4S1E", "reviewerName": "truestory", "verified": true, "reviewText": "Effective soap and shampoo - convenient to have one bottle to do both. Clean scent and does the job.", "overall": 5.0, "reviewTime": "06 15, 2015", "summary": "Clean scent and effective cleaner", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A34KXLHGO3SWB7", "asin": "B0009RF9DW", "style": {"Size:": " 46"}, "reviewerName": "Vicki R. Perry", "reviewText": "Have been looking for this kit. Great for for traveling.", "summary": "Great for for traveling", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A3OCG4F2HKKPD5", "asin": "B001OHV1H4", "style": {"Size:": " 494"}, "reviewerName": "Linda Atwood", "reviewText": "like it", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "ANNRN691N2WR", "asin": "B0012Y0ZG2", "style": {"Size:": " 551"}, "reviewerName": "Dana M.", "reviewText": "I would recommend this eye cream because it is extremely moisturizing and it only takes a small dab for each eye. I could tell after only a few times of using it that the fine lines around my eyes weren't as noticeable.", "summary": "Worth the Money!", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2012", "reviewerID": "A3UJNWXI82I8P7", "asin": "B0012Y0ZG2", "style": {"Size:": " 291"}, "reviewerName": "LINKETTE", "reviewText": "Been using BeautiControl for some time now and I love their products. All of their products are Ph balanced so if you accidentally happen to get any in your eye(s) it will not burn or sting.", "summary": "Great", "unixReviewTime": 1349740800} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A29C6ZBT7HP13Q", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Faith M. Pettersen", "reviewText": "Love this product. It is the only thing that has worked on my flaky scalp. Not too heavy and the fragrance is pleasant in comparison to other products.", "summary": "Love this product", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "ARZQ7AEFUXNPN", "asin": "B000URXP6E", "style": {"Size:": " 401"}, "reviewerName": "Christy", "reviewText": "Love this perfume. Light and feminine and doesn't give me a headache like many other fragrances.", "summary": "Not overpowering, but lasts all day", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "A1L887BYCTVXH6", "asin": "B0012Y0ZG2", "style": {"Size:": " 463"}, "reviewerName": "Aidan D.", "reviewText": "Miami is my favorite", "summary": "Five Stars", "unixReviewTime": 1467417600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "AYY463Q7V3LTU", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "DAVID", "reviewText": "Really good one my head feels really relaxed after chemical shampoos it's pretty big bottle.thanks for inventor.", "summary": "Five Stars", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A18KOO6VMJJ70S", "asin": "B0012Y0ZG2", "style": {"Size:": " 295"}, "reviewerName": "Mer's stuff", "reviewText": "I have a sensitive nose when it comes to strong scents and sensitive skin to harsh products so Philosophy seemed like my best bet. I love it. This scent is mild but sweet. Leaves skin so soft. The lotion helps to keep the mild scent all day.", "summary": "not over powering scent", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2018", "reviewerID": "A2SH5YH74O245M", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "jim russell", "reviewText": "Works perfect for any type of hair. Dry, greasy or any other. My whole family is happy with results", "summary": "Perfect", "unixReviewTime": 1526256000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A3Q5NCX0Y43DG1", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "Patrice Villot", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1WMNCCFKM2A4Z", "asin": "B00006L9LC", "style": {"Size:": " 108"}, "reviewerName": "Bill Ummel", "reviewText": "Great product great price", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": false, "reviewTime": "02 8, 2016", "reviewerID": "A14Y0FPHPBKBAF", "asin": "B000URXP6E", "style": {"Size:": " 103"}, "reviewerName": "Darcy Boos", "reviewText": "I love this body wash! It's smells like something delicious, but tastes a little funny. It's also great for pulling pranks on your friends because the body wash looks just like blood!!! Highly recommend this product.", "summary": "I love this body wash", "unixReviewTime": 1454889600} +{"overall": 1.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A3J034YH7UG4KT", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Adam", "reviewText": "Electric razors don't get a closer shave than standards ones so I got this. This did not do the trick just smells bad.", "summary": "Doesnt get a closer shave", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1N3KXBQ1A53IP", "asin": "B000URXP6E", "style": {"Size:": " 113"}, "reviewerName": "Dawn Martinez", "reviewText": "my husband uses this bodywash all the time. he says it doesn't dry out his skin and it smells great. I would recommend this body wash.", "summary": "he says it doesn't dry out his skin and it smells great. I would recommend this body wash", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A2XF4LU8DZCGKV", "asin": "B00006L9LC", "style": {"Size:": " 169"}, "reviewerName": "Sparkle528", "reviewText": "Although it's pretty long, it fits perfectly. It looks very similar to the style of the lab coat given to me by my school.", "summary": "Love the labcoat", "unixReviewTime": 1457308800} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "A1C3SRDH9HVEI2", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Iris Remon", "reviewText": "Have been using the product since I got my first as a gift and I like it. I have dry coarse hair and it helps to soften it and take away the dullness.", "summary": "Good hair product for dry coarse hair", "unixReviewTime": 1491523200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2Q7PO5LDVGUOW", "asin": "B0012Y0ZG2", "style": {"Size:": " 178"}, "reviewerName": "Diane", "reviewText": "LOVE THE SMELL :)", "summary": "BODY WASH", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A1BS75OBCJN3EA", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "TG", "reviewText": "love this product - wish I could find it in the store, but it's great to be able to get here", "summary": "love this product - wish I could find it in ...", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "AQN8A38PJ8V41", "asin": "B0012Y0ZG2", "style": {"Size:": " 32"}, "reviewerName": "pamela", "reviewText": "Highly recommend", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2TU781PWGS09X", "asin": "B00006L9LC", "style": {"Size:": " one size"}, "reviewerName": "Amazon Customer", "reviewText": "Doesnt smell", "summary": "Two Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A1TYZNOET5SXZF", "asin": "B001OHV1H4", "style": {"Size:": " 98"}, "reviewerName": "kimogata", "reviewText": "makes hair smell really good", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": false, "reviewTime": "08 29, 2017", "reviewerID": "A26MBVPPXZN1YM", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Sage"}, "reviewerName": "Infinite Mind", "reviewText": "Nice delicious soothing Pre' de Provence soap that leaves your skin clean with mild fragrance to boot. I can feel the Shea Butter as I larger up the soap and my skin absorbs and reflects the best about the soap. Highly recommend!", "summary": "Soothing", "unixReviewTime": 1503964800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A2LK2NPDGPG9BS", "asin": "B000URXP6E", "style": {"Size:": " 70"}, "reviewerName": "Bodekaan", "reviewText": "My favorite fragrance. Subtle but wonderful scent. Unfortunately can rarely find here.", "summary": "My favorite fragrance. Subtle but wonderful scent", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A28XHFOYRSV7VA", "asin": "B000URXP6E", "style": {"Size:": " 228"}, "reviewerName": "Amazon Customer", "reviewText": "Smells great..love the caddy.", "summary": "Lovely", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A14YENXHLKG9WL", "asin": "B0012Y0ZG2", "style": {"Size:": " 280"}, "reviewerName": "Samyel F", "reviewText": "this is getting hard to find. don't know why -- it's one of the best scents for summer that we have ever discovered. we have the lotion, the wash, and the cologne.", "summary": "the BEST summer scent", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "ASL42Q7LYJWFV", "asin": "B0012Y0ZG2", "style": {"Size:": " 74"}, "reviewerName": "Janet Roseblatt", "reviewText": "Tried many but this is the one to buy.", "summary": "A favorite shower bathing gel.", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A2WYK1JQGK82VP", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "richard w cossey", "reviewText": "Very gentle effect and very nice smell. Recommended.", "summary": "Gentle product", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2MWTIZYINA2MH", "asin": "B001OHV1H4", "style": {"Size:": " 26"}, "reviewerName": "IRENE ANAYA", "reviewText": "I love the clean smell conditions so well please my hair beautiful and shiny ", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "AUYOTOM5XVNL", "asin": "B000URXP6E", "style": {"Size:": " 340"}, "reviewerName": "Lou", "reviewText": "Makes my facial pores smaller and I swear that my wrinkles seem less obvious around my eyes. Much appreciated\nsince large pores run in the family.", "summary": "Does a really great job", "unixReviewTime": 1387324800} +{"overall": 1.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A2YDF506DAA5W4", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "justdancing", "reviewText": "So watered down, I didn't feel like it was actually shampoo. I tried twice then threw it away.", "summary": "I didn't feel like it was actually shampoo", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A4UCVNYL7GY61", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "Shelly Chao", "reviewText": "Love the smell!!!", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A23ALLEUZQKAR1", "asin": "B0009RF9DW", "style": {"Size:": " 500ml"}, "reviewerName": "NeNeBe", "reviewText": "My granddaughter loves the fragrance.", "summary": "Great fragrance", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A19Q4TR24DNXB5", "asin": "B000URXP6E", "style": {"Size:": " 195"}, "reviewerName": "Mallory", "reviewText": "I have really dry skin and Olay ribbons is the only body wash I use. Getting more and more difficult to find in stores - hope it doesn't disappear here as well.", "summary": "I have really dry skin and Olay ribbons is the ...", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A12HWYJ6G58FGV", "asin": "B0012Y0ZG2", "style": {"Size:": " 129"}, "reviewerName": "Jonn", "reviewText": "Smells good, I don't have to go to the store. Yay!", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A316WN9Q8LGXT", "asin": "B0012Y0ZG2", "style": {"Size:": " 110"}, "reviewerName": "William O Torres", "reviewText": "best for keratin treatments", "summary": "Five Stars", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A2CA0MJP6O4ZZL", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "jack", "reviewText": "The best hair product ever", "summary": "I love it", "unixReviewTime": 1410220800} +{"reviewerID": "A2BTEB0X9BLH2T", "asin": "B000FI4S1E", "reviewerName": "Dave B.", "verified": true, "reviewText": "Hi, I don't believe they are still selling this Azur brand. Sorry for the late review, but this was a great gift for my wife and she loved the fragrance. We look forward to buying something similar.", "overall": 5.0, "reviewTime": "05 28, 2016", "summary": "Great Fragrance!", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A3ENINL71K542C", "asin": "B000URXP6E", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "I love it\n Clean fresh smell, non irritating to my scalp..", "summary": "Clean fresh smell", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2AET552WMN8LZ", "asin": "B000URXP6E", "style": {"Size:": " 3"}, "reviewerName": "RichJankowski", "reviewText": "Great product - my wife loves it", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "ARFFWJFJWCAGE", "asin": "B004KEJ65C", "reviewerName": "Bob Eichhorn", "reviewText": "Seems to work as usual.", "summary": "Five Stars", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3TBIPGY6C5KIL", "asin": "B000URXP6E", "style": {"Size:": " 143"}, "reviewerName": "Mustaine Lee", "reviewText": "love this product! ran out of face wash on a trip once so I used this and have used it as face wash ever since!", "summary": "body & face", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "A2KZH1QYHRJRB7", "asin": "B0012Y0ZG2", "style": {"Size:": " 197"}, "reviewerName": "Proper Bostonian", "reviewText": "I have had this shower gel once before, and it's amazing. Hard to find, too. One of The Body Shop's best scents, and it's usually only available seasonally! I wish they sold it in bigger bottles, but I was happy to find this.", "summary": "Ah-Mazing!", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2013", "reviewerID": "A1BRNOD64VZ1GP", "asin": "B0012Y0ZG2", "style": {"Size:": " 403"}, "reviewerName": "Jessem", "reviewText": "This is \"hands down\" my favorite shine complex. Smells the best - citrusy and light,fresh. No longer able to find at beauty supply stores. Been using for years !", "summary": "just found out no longer making", "unixReviewTime": 1372982400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3N6811PDY2QM3", "asin": "B0012Y0ZG2", "style": {"Size:": " 279"}, "reviewerName": "Amazon Customer", "reviewText": "Amazing! Instant relaxation.", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A3NFZN1GS1RKR9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Green Tea"}, "reviewerName": "Mintea", "reviewText": "Long lasting, high quality soap, wide spectrum of scents... Leaves skin incredibly soft and fragrant. Pricey, but worth every penny", "summary": "Excellent Product", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A12HWYJ6G58FGV", "asin": "B0012Y0ZG2", "style": {"Size:": " 129"}, "reviewerName": "Jonn", "reviewText": "Smells good, I don't have to go to the store. Yay!", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A18E4UPIBMJNVZ", "asin": "B001OHV1H4", "style": {"Size:": " 5"}, "reviewerName": "Roger S. Leblanc", "reviewText": "Fabulous and cheaper than down in Disney World", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2012", "reviewerID": "A3UJNWXI82I8P7", "asin": "B0012Y0ZG2", "style": {"Size:": " 291"}, "reviewerName": "LINKETTE", "reviewText": "Been using BeautiControl for some time now and I love their products. All of their products are Ph balanced so if you accidentally happen to get any in your eye(s) it will not burn or sting.", "summary": "Great", "unixReviewTime": 1349740800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A34GB2ZA1JLGND", "asin": "B0012Y0ZG2", "style": {"Size:": " 176"}, "reviewerName": "notsoNEWKINDLEUSER", "reviewText": "Victoria Secret had an amazing fragrance in this but has since discontinued it. While this wasn't a cheap way to buy what of these remains, It was worth every penny being able to buy what is left of these on the market. This scent is my all time favorite.", "summary": "A great scent, no longer made", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3N6811PDY2QM3", "asin": "B0012Y0ZG2", "style": {"Size:": " 279"}, "reviewerName": "Amazon Customer", "reviewText": "Amazing! Instant relaxation.", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2018", "reviewerID": "A2G90R2ZU6KU5D", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Mike", "reviewText": "Got this shampoo as a solution for my wife's dandruff problem. It worked! She got rid of any dandruff signs after 3-4 uses. As long as she is happy, I am happy too!", "summary": "Outstanding, no complains", "unixReviewTime": 1525651200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A1V4LZJKGV2YSU", "asin": "B0009RF9DW", "style": {"Size:": " 214"}, "reviewerName": "L. Jane Wells", "reviewText": "This is the BEST smelling body wash ever! Love it.", "summary": "Body wash", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A1UDB6NF2GI5KF", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "jc's princess pick's", "reviewText": "too bad this is discontinued", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A1JDG0KTCUW9BT", "asin": "B000URXP6E", "style": {"Size:": " 198"}, "reviewerName": "GeekFreak77", "reviewText": "My girlfreind loves this body wash, but in the stores it is a seasonal item. I searched high and low for it, and thankfully I found it here, as well as cheaper than from B&BW. Thanks!", "summary": "Fantastic!", "unixReviewTime": 1360713600} +{"reviewerID": "A2F9G1A29XS38E", "asin": "B000FI4S1E", "reviewerName": "WCastro", "verified": true, "reviewText": "excellent product, as described", "overall": 5.0, "reviewTime": "08 6, 2015", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A3UDCJBG2PMFRE", "asin": "B00006L9LC", "style": {"Size:": " 26"}, "reviewerName": "Amazon Customer", "reviewText": "Looked all over to find where to purchase this product and we are very happy to be able to finally find it. The PRELL Conditioner is by far the best you can buy. We love it", "summary": "... where to purchase this product and we are very happy to be able to finally find it", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2PPWA67FGO7BF", "asin": "B000URXP6E", "style": {"Size:": " 69"}, "reviewerName": "Harriet Fraad", "reviewText": "Fine", "summary": "fine", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": false, "reviewTime": "03 15, 2016", "reviewerID": "A1ZB4T8L0SPYV8", "asin": "B000URXP6E", "style": {"Size:": " 114"}, "reviewerName": "Bonnie Smith", "reviewText": "Intoxicatingly wonderful!!!!!", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"reviewerID": "A1XQ0F01CF84Y3", "asin": "B000FI4S1E", "reviewerName": "Mrs. J.", "verified": true, "reviewText": "I bought this for my niece and she loved it! Philosophy is great and she said this set. Smelled awesome!", "overall": 5.0, "reviewTime": "02 25, 2013", "summary": "Great gift", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "ASI6Y3IN52G9P", "asin": "B001OHV1H4", "style": {"Size:": " 351"}, "reviewerName": "SeattleFamily", "reviewText": "This is a fantastic loose eye shadow set! The pigmentation is phenomenal and the color choices are great! I love this set!", "summary": "This is a fantastic loose eye shadow set!", "unixReviewTime": 1459036800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A1KJ2M8NY458CE", "asin": "B0012Y0ZG2", "style": {"Size:": " 109"}, "reviewerName": "Linda", "reviewText": "this is great and my pups never get the puppy smells, always clean", "summary": "Five Stars", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2012", "reviewerID": "A1SC0VA3U18WUP", "asin": "B0012Y0ZG2", "style": {"Size:": " 261"}, "reviewerName": "Ica2284", "reviewText": "I am a huge fan of Molton Brown products, especially the Travel Reviving Cempaka Bath & Shower gel. It's a bit pricey ($28-$30) but it's worth it...especially after long, stressful days.", "summary": "Perfection", "unixReviewTime": 1349654400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "AH5KMT72HXKVO", "asin": "B0009RF9DW", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "tracy canty", "reviewText": "I received my item before the expected date. I'm very pleased.", "summary": "I'm very pleased.", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A1GVT488CKU6ZB", "asin": "B0009RF9DW", "style": {"Size:": " 243"}, "reviewerName": "Ellen M Smith", "reviewText": "Excellent non-greasy cream for rough spots - heels, elbows especially.", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A27V608OPEA3CD", "asin": "B000URXP6E", "style": {"Size:": " 121"}, "reviewerName": "Joyce M. Amos", "reviewText": "This is one of my favorite bath and body products. I love the fragrance.", "summary": "Bath and Body Wash Gels", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A3IZX2IWVGM9QH", "asin": "B000URXP6E", "style": {"Size:": " 58"}, "reviewerName": "Brenda", "reviewText": "By far I think this is one of the best mousse there is and love the light smell , it not loud like most mousse , I will buy agin.", "summary": "By far I think this is one of the best mousse there is and love the light smell", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A2J5HTXL1X2FN3", "asin": "B000URXP6E", "style": {"Size:": " 95"}, "reviewerName": "Bob S", "reviewText": "Outstanding product! My girls have always liked it and always ask for it for Christmas. It was well packed and delivered on time for Christmas.", "summary": "GREAT PRODUCT", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2013", "reviewerID": "AYORX1AK30JMB", "asin": "B0012Y0ZG2", "style": {"Size:": " 191"}, "reviewerName": "Westy", "reviewText": "Great product! I use it on my face, neck and arms after shaving. My skin feels great and my eyes don't sting when I perspire.", "summary": "Nice!", "unixReviewTime": 1374105600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A250XH0NBH6AHN", "asin": "B000URXP6E", "style": {"Size:": " 125"}, "reviewerName": "deborah c. mcclellan", "reviewText": "This product is very gentle on my skin", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "AKWBRE0JKA2A1", "asin": "B0009RF9DW", "style": {"Size:": " 119"}, "reviewerName": "Penelope53", "reviewText": "Fragarant is strong enough to use without lotion or spray.", "summary": "Satisfied!", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2014", "reviewerID": "AA91G2AGEGOEJ", "asin": "B001OHV1H4", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "therman silks", "reviewText": "This soap smells so good - clean and intriguing - that anyone who uses it in my home comments on it. It's not in any stores in my town so I found it online and ordered it - not some thing I usually do.", "summary": "Great smelling soap.", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A23ALLEUZQKAR1", "asin": "B0012Y0ZG2", "style": {"Size:": " 500ml"}, "reviewerName": "NeNeBe", "reviewText": "My granddaughter loves the fragrance.", "summary": "Great fragrance", "unixReviewTime": 1485043200} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A344ILJPHYQ0V", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "Yluminada", "reviewText": "muy bueno", "summary": "Four Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "APV301O2BXWU2", "asin": "B000URXP6E", "style": {"Size:": " 92"}, "reviewerName": "Jim Mullery", "reviewText": "Love this shampoo and am happy to find it online", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2013", "reviewerID": "AXCURT4DMJ5X", "asin": "B0012Y0ZG2", "style": {"Size:": " 287"}, "reviewerName": "Anna Maria MCIVOR", "reviewText": "This was one of my favorites and still is. I was excited to find it. I relax every time I use it. It arrived early, even better!", "summary": "Favorite Fragrance", "unixReviewTime": 1362960000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A30C827CX52Y3U", "asin": "B00006L9LC", "style": {"Size:": " 18"}, "reviewerName": "Judy", "reviewText": "Thank You, I only wish it was more affordable.", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A2TY2IK21P4498", "asin": "B000URXP6E", "style": {"Size:": " 196"}, "reviewerName": "kimmi", "reviewText": "I GOT TO GET SOME MORE BECAUSE MY BATHS ARE BECOMING KINDA LAME WITHOUT THIS LIQUID SOAP SO FOR NOW I AM OKAY", "summary": "THIS IS THE BEST", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A1OMMCNMFY7TYH", "asin": "B000URXP6E", "style": {"Size:": " 17"}, "reviewerName": "Amazon Customer", "reviewText": "Smells awesome, great price!", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A2S696CI415O20", "asin": "B000URXP6E", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Q.C. Stickler", "reviewText": "I'm a fan!", "summary": "I'm a fan!", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A2TCHF5VRXR7YF", "asin": "B0009RF9DW", "style": {"Size:": " 112"}, "reviewerName": "Liz", "reviewText": "I love this bubble bath! This bubble bath smell wonderful and I love soaking in it. After a bath you skin is so soft and you smell great all day!", "summary": "Love this Bubble Bath", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1210QJT54O8T0", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Coconut"}, "reviewerName": "Sandra L. Foster", "reviewText": "I love these soaps, all fragrances. I have been using them for many years and will continue to do so.", "summary": "Pre de Provence Soap", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": false, "reviewTime": "01 21, 2017", "reviewerID": "A3IGHIOZ898AWG", "asin": "B0012Y0ZG2", "style": {"Size:": " 28"}, "reviewerName": "Julie", "reviewText": "This shampoo is so refreshing! I love how clean and tingly it makes my scalp feel, and it smells really good, too!", "summary": "Love this refreshing shampoo!", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A17ZAS11CK1HG8", "asin": "B0009RF9DW", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Joni28", "reviewText": "I love the smell of this product. I also bought the body butter and that smells great as well. I will be buying these again", "summary": "Great product!", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A1TK8ZGWS7VJP2", "asin": "B0012Y0ZG2", "style": {"Size:": " 16"}, "reviewerName": "widgetbear", "reviewText": "Great product - kids love it and it smells good, too. Easily rinses out of hair and leaves hair nicely manageable.", "summary": "Great product", "unixReviewTime": 1374710400} +{"reviewerID": "A1PWYEL1R4LMAQ", "asin": "B000FI4S1E", "reviewerName": "Jasmin James", "verified": true, "reviewText": "Ideal for the guesthouse.", "overall": 5.0, "reviewTime": "12 13, 2017", "summary": "Five Stars", "unixReviewTime": 1513123200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1HK1OQ6LRT0AX", "asin": "B00006L9LC", "style": {"Size:": " 4"}, "reviewerName": "C90J", "reviewText": "Love these organic products. This one is a Little pricey though. Great product nonetheless.", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 3.0, "verified": false, "reviewTime": "08 20, 2017", "reviewerID": "A4SD8F79JBYG2", "asin": "B01E7UKR38", "style": {"Color:": " Inside Scoop"}, "reviewerName": "Kat Hooper", "reviewText": "Review by my teen daughter:\nGoes on smoothly, but it took 4 coats for the color to show up and be even slightly opaque. Lasts about a week before chipping.", "summary": "Smooth, applies well, but took 4 coats to build up color", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "AR7EOI1I0D7Q7", "asin": "B0009RF9DW", "style": {"Size:": " 22"}, "reviewerName": "Julie H.", "reviewText": "Love this fragrance.", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A24XAYKFM8XZTR", "asin": "B00CQ0LN80", "reviewerName": "Mary & Dave", "reviewText": "Best perfume smell and products", "summary": "Five Stars", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A3KRACVKGYH453", "asin": "B001OHV1H4", "style": {"Size:": " 18"}, "reviewerName": "C Emerson", "reviewText": "I just love this shampoo. Unfortunately, I can't find it in any local stores. Try it, you'll really like it.", "summary": "Love it", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A2DHECIMRTJUGE", "asin": "B001OHV1H4", "style": {"Size:": " 108"}, "reviewerName": "Frederick Nichols", "reviewText": "Excellent product and has thicken my hair as advertised.", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A2SVOLKLGI7DVQ", "asin": "B00006L9LC", "style": {"Size:": " 31"}, "reviewerName": "Justice", "reviewText": "This is the only shampoo my husband will use, he is very picky. Loves the peppermint.", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2017", "reviewerID": "A1X15KWJ11IC1P", "asin": "B0012Y0ZG2", "style": {"Size:": " 144"}, "reviewerName": "Mert Ozer", "reviewText": "Lovely product and works great, except the artificial coloring :(", "summary": "Five Stars", "unixReviewTime": 1513296000} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A3QYF175C7E1CN", "asin": "B000URXP6E", "style": {"Size:": " 363"}, "reviewerName": "SABRINA KROUSE", "reviewText": "good soap. I have skin allergies and am having trouble with mass produced soaps. So far so good and my skin feels great.", "summary": "great soap", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "AIF4UQ6O6UZZF", "asin": "B00006L9LC", "style": {"Size:": " 99"}, "reviewerName": "Susan", "reviewText": "Great shampoo.", "summary": "Great shampoo.", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": false, "reviewTime": "03 14, 2016", "reviewerID": "A1NP1AD8FGSA71", "asin": "B00006L9LC", "style": {"Size:": " 586"}, "reviewerName": "mercedes", "reviewText": "I get more compliments when I wear this lotion!!!", "summary": "Very Clean Scent", "unixReviewTime": 1457913600} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A1U4MBURSADCDU", "asin": "B000URXP6E", "style": {"Size:": " 29"}, "reviewerName": "roxy sox", "reviewText": "love this shampoo", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "AKKOKZG3KX1FT", "asin": "B000URXP6E", "style": {"Size:": " 5.1 oz"}, "reviewerName": "Juanita P.", "reviewText": "I gave Escada by Escada Shower Gel to my brother last Xmas (at his request) and I got \"Kudos\".\nI am renewing his request, (he lives out of town and is hard to buy for) and I know it will be another \"Win\"!\nThanks for the speedy delivery and the price was perfect! JP", "summary": "Sister Gets \"A+\" rating for Escada gift", "unixReviewTime": 1376870400} +{"overall": 1.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A3IOV1NJ4IM2HC", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "E", "reviewText": "Throwing it away, burned my scalp.", "summary": "One Star", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": false, "reviewTime": "03 19, 2013", "reviewerID": "A1XQ0F01CF84Y3", "asin": "B0012Y0ZG2", "style": {"Size:": " 304"}, "reviewerName": "Mrs. J.", "reviewText": "This smells yummy and love it during the fall! I have the lip gloss also which is great! I love philosophy and this is yet another goody! :)", "summary": "Love this", "unixReviewTime": 1363651200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A1ANGX1BIKKJL1", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Tresha Gillingham", "reviewText": "Best shampoo and conditioner for fine, bleach blonde hair! The only set that makes my hair smooth and HEALTHY! LOVE IT!", "summary": "Best product for fine bleach blonde hair!", "unixReviewTime": 1378425600} +{"reviewerID": "A149WHPACMTSLO", "asin": "B000FI4S1E", "reviewerName": "Diane Collins", "verified": true, "reviewText": "It was what my 16 year old grandson wanted,because he can not fine it in the stores. Please bring it\nback to walmart.", "overall": 5.0, "reviewTime": "01 12, 2014", "summary": "The shower Gel smells great", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": false, "reviewTime": "10 8, 2014", "reviewerID": "A1MHFSMKSOED47", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Lavender"}, "reviewerName": "Yasmin", "reviewText": "Expensive but lovely!", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A2EIK3QR1822Q4", "asin": "B004KEJ65C", "reviewerName": "Forensic Nut", "reviewText": "Very good product for fine/thin hair. Does help with texture and thickness.", "summary": "Four Stars", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A2GBIFL43U1LKJ", "asin": "B001OHV1H4", "style": {"Size:": " 60"}, "reviewerName": "K.Sofia", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A32MXI9376X72P", "asin": "B000URXP6E", "style": {"Size:": " 33.8 oz"}, "reviewerName": "furga", "reviewText": "Not found often elsewhere, such as Sephora and other similar stores.\nIt's not cheap but it lasts for a long long time.", "summary": "Huge! Really", "unixReviewTime": 1369612800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A1ANGX1BIKKJL1", "asin": "B001OHV1H4", "style": {"Size:": " 7"}, "reviewerName": "Tresha Gillingham", "reviewText": "Best shampoo and conditioner for fine, bleach blonde hair! The only set that makes my hair smooth and HEALTHY! LOVE IT!", "summary": "Best product for fine bleach blonde hair!", "unixReviewTime": 1378425600} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "AIQ0ABOHK58F6", "asin": "B0012Y0ZG2", "style": {"Size:": " 28"}, "reviewerName": "Caridad J.", "reviewText": "Very happy with my first time using it my hair was manageable", "summary": "Four Stars", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AROYPRQ35VSAT", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "Meghan", "reviewText": "If they discontinued this scent I would go postal. <3", "summary": "Five Stars", "unixReviewTime": 1450310400} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A1EGCED01USBA9", "asin": "B00W259T7G", "reviewerName": "khristina jackson", "reviewText": "Upon recieving this soap..I was confused in part to the picture on the site,was one of a dark pink solid bar. No rosy scent at all just smidgents of rose petals. Weleda has a stronger scented 3.5 bar if that's what you desire. Big bar..", "summary": "not a rose in sight but HUGE bar", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": false, "reviewTime": "07 20, 2014", "reviewerID": "A3CPIVUW77AK6K", "asin": "B000URXP6E", "style": {"Size:": " 147"}, "reviewerName": "Christine Evans", "reviewText": "Good service, product as described", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A12I397MEWA1VB", "asin": "B0012Y0ZG2", "style": {"Size:": " 13"}, "reviewerName": "Adrienne Gottlieb", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"reviewerID": "A34GB2ZA1JLGND", "asin": "B000FI4S1E", "reviewerName": "notsoNEWKINDLEUSER", "verified": true, "reviewText": "Victoria Secret had an amazing fragrance in this but has since discontinued it. While this wasn't a cheap way to buy what of these remains, It was worth every penny being able to buy what is left of these on the market. This scent is my all time favorite.", "overall": 5.0, "reviewTime": "01 19, 2014", "summary": "A great scent, no longer made", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A1ZN7IP615TNQO", "asin": "B000URXP6E", "style": {"Size:": " 58"}, "reviewerName": "Kathleen B.", "reviewText": "Nice light mousse. Gives some control to old gray wild hair.", "summary": "Good product.", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A7M85H7UTJEKI", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "TMB", "reviewText": "This stuff smells heavenly and I am so happy to find Amazon has it! I have been importing it at a much higher price and love the convenience of ordering it now via Amazon, not to mention the price break. I use it as bubble bath daily and love it!", "summary": "Hard to find in CA!", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A1FWFCJU2G7TRA", "asin": "B000VUXCGI", "style": {"Color:": " Black Natural and Navy"}, "reviewerName": "KDMask", "reviewText": "These are the best cotton socks out there, period. Thick enough for your boots and thin enough not to make your feet too hot. They stay up wash after wash. It's hard to find 100% Cotton anymore. Try the ankle length as well...also comfy.", "summary": "100% Joy for your Winter Feet", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2BLQAZWM052C1", "asin": "B000URXP6E", "style": {"Size:": " 71"}, "reviewerName": "Smith Reviews", "reviewText": "This is my wife's go to body wash.", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"reviewerID": "A3F53CPYRL46XZ", "asin": "B000FI4S1E", "reviewerName": "Brennan Kelly", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/61drG9J7BmL._SY88.jpg"], "reviewText": "So, 5 stars it is.", "overall": 5.0, "reviewTime": "04 11, 2018", "summary": "My wife absolutely loves it", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A3VHZAX3IU2ZWD", "asin": "B0009RF9DW", "style": {"Size:": " 121"}, "reviewerName": "Joyce Pope", "reviewText": "I love this shower gel. It smells very good that is why I keep order it over and over again. Keep carrying this enchanted orchid.", "summary": "make you feel good.", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A1PC83477QHU77", "asin": "B00RZYW4RG", "reviewerName": "shirley koberstein", "reviewText": "just what I wanted and at a great price", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A12HWYJ6G58FGV", "asin": "B0009RF9DW", "style": {"Size:": " 129"}, "reviewerName": "Jonn", "reviewText": "Smells good, I don't have to go to the store. Yay!", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3QDLODOQKUXGN", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "Kitty", "reviewText": "Great fragrance and product. Will purchase again.", "summary": "Great Body Wash", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A1CRH843D61QTZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 39"}, "reviewerName": "Yadira Rodriguez", "reviewText": "Very Good\nThank you", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "A3B9T1GXSEVIWM", "asin": "B0012Y0ZG2", "style": {"Size:": " 113"}, "reviewerName": "Miss D", "reviewText": "Love the way Old Spice High Endurance Body Wash, Pure Sport smells. Gets you clean, classic product that is very effective", "summary": "Smells great", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A3RDTNM03SH6TE", "asin": "B0012Y0ZG2", "style": {"Size:": " 61"}, "reviewerName": "DS", "reviewText": "This not only deep cleans, but also clears my sinuses at the same time. I LOVE the peppermint--it is so refreshing!", "summary": "Redken Intra Force Shampoo and Toner", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2013", "reviewerID": "A3N20YR4PHW97O", "asin": "B0009RF9DW", "style": {"Size:": " 145"}, "reviewerName": "Bonita", "reviewText": "I only use this in the winter as the beautiful fragrance seems a bit much in the summer. But it is absolutely wonderful and I start using it in September and consider it a great asset to my layers of this fragrance.", "summary": "Wonderful stuff.", "unixReviewTime": 1373587200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A3FZSM6JYA65PR", "asin": "B00006L9LC", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "samburn", "reviewText": "I love the fragrance and it leaves my hair very silky. Combined with the Bvlgari Conditioner, this is my favorite brand.", "summary": "Wonderful shampoo!", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "AE7U89M0RXP0W", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Kathy Meletis", "reviewText": "Nice product.", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"reviewerID": "ABWHWMXZDQ25C", "asin": "B000FI4S1E", "reviewerName": "Brittany Daniels", "verified": true, "reviewText": "I brought this as a gift. It smells great. I love the price!", "overall": 5.0, "reviewTime": "02 20, 2015", "summary": "great deal", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A1LCFO492L6K6G", "asin": "B000URXP6E", "style": {"Size:": " 86"}, "reviewerName": "SEONGHO CHOI", "reviewText": "My wife and me have used this shampoo for a long time. Our best choice product.\nI have worried my hair loss but this shampoo helpful on my hair.", "summary": "Our best choice product", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2014", "reviewerID": "APTBOPU0IZZ0Y", "asin": "B0009RF9DW", "style": {"Size:": " 119"}, "reviewerName": "Fitz", "reviewText": "I have always loved the fragrance of this product and when I found it at this price, I went for it! I received it in a very timely matter.", "summary": "Good Deal", "unixReviewTime": 1393286400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A2ZZ75UB8VK31U", "asin": "B000URXP6E", "style": {"Size:": " 25"}, "reviewerName": "Bamabyrdie", "reviewText": "Love this product because of the way it makes my hair feel and look.", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A3FZSM6JYA65PR", "asin": "B001OHV1H4", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "samburn", "reviewText": "I love the fragrance and it leaves my hair very silky. Combined with the Bvlgari Conditioner, this is my favorite brand.", "summary": "Wonderful shampoo!", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "AH89QE41D1PRP", "asin": "B001OHV1H4", "style": {"Size:": " 3"}, "reviewerName": "staci", "reviewText": "I wish this were not a discontinued product. But I'm glad I found what's left of it! Great product!", "summary": "If you don't know about this, find out!", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "AVXT2TB9ZHYRF", "asin": "B000URXP6E", "style": {"Size:": " 195"}, "reviewerName": "Stephen Minton", "reviewText": "It was just what I wanted.", "summary": "Five Stars", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2DK8CVJ2HYDRI", "asin": "B0012Y0ZG2", "style": {"Size:": " 36"}, "reviewerName": "Pamela Biafora", "reviewText": "Works great for hair thats thin. Wish Walgreens kept it on the shelf.", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"reviewerID": "A3UE3Z1GP28DRW", "asin": "B000FI4S1E", "reviewerName": "nila a. vehar", "verified": true, "reviewText": "This is perfect in many ways, fragrant, light, and clean.", "overall": 5.0, "reviewTime": "01 12, 2015", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A14QBW6X0Q1YSD", "asin": "B00006L9LC", "style": {"Size:": " 58"}, "reviewerName": "Susan J. Bedore", "reviewText": "Love the scent and it work better than any other mousse I have used. it makes my hair look natural, not stiff. My hair is shinier and fuller. Great stuff.", "summary": "Love the scent and it work better than any other ...", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "AXQAIG2XT292S", "asin": "B00RZYW4RG", "reviewerName": "Grandma Mary", "reviewText": "Fast shipping, great price & product. 100% satisfaction.", "summary": "great price & product", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3NY63XTSMNUVZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "Natasha rivera", "reviewText": "Amazing product!!!", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": false, "reviewTime": "09 30, 2014", "reviewerID": "AMKW6DTGH7DHY", "asin": "B0012Y0ZG2", "style": {"Size:": " 432"}, "reviewerName": "Jiazhen Zhu", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"reviewerID": "AMUVF6UQZ6UCO", "asin": "B000FI4S1E", "reviewerName": "San Diegan", "verified": true, "reviewText": "This body wash is so concentrated and fragrant. It lathers beautifully and moisturizes.", "overall": 5.0, "reviewTime": "11 21, 2014", "summary": "Lovely Product", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A1WME650PRYNO9", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.7 oz."}, "reviewerName": "Shianne Vogel", "reviewText": "This has been my very favorite for years and has never disappointed. It's hard to find the shower gel though so I am especially pleased.", "summary": "My very favorite", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2013", "reviewerID": "AFXRO7K3ZZ0PX", "asin": "B0013NB7DW", "style": {"Size:": " 3 Ounce"}, "reviewerName": "JoeBotts", "reviewText": "Been using this product for maybe 30 years or more and love it. It does the job and smells good too.", "summary": "Works great!", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A39VQK6I0V3AFV", "asin": "B0009RF9DW", "style": {"Size:": " 191"}, "reviewerName": "&quot;J&quot; golfer", "reviewText": "Have used for a long time and nothing has worked better. This is a winner and I will continue to purchase it.", "summary": "great product", "unixReviewTime": 1362873600} +{"reviewerID": "A115LE3GBAO8I6", "asin": "B000FI4S1E", "reviewerName": "Leslie A. Pritchard", "verified": true, "reviewText": "This cream smells incredible and has made my skin so soft. Try the coordinating hand cream and massage cream. Love it!", "overall": 5.0, "reviewTime": "08 9, 2013", "summary": "Awesome", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A38CIT22Y0TZS", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Love it. Have used it for years", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A30VYJQW4XWDQ6", "asin": "B00006L9LC", "style": {"Size:": " 369"}, "reviewerName": "michelle", "reviewText": "These refill intense reinforcing treatment , left my hair smooth and smell good! I like.", "summary": "Vector fill intense reinforcing treatment .", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A3UXFQUZ6P1JRB", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "BabyBoomer55", "reviewText": "Smells incredible...almost a musk, deep scent. Lathers very well. You feel clean all day!", "summary": "Smells incredible... almost a musk, deep ...", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1OIRJ1W4N8CW", "asin": "B000URXP6E", "style": {"Size:": " 206"}, "reviewerName": "Laura Ferradino", "reviewText": "I really love this product! My skin was so dry and flaky, but now it is as smooth as silk. I will be buying again.", "summary": "I really love this product", "unixReviewTime": 1433289600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A275L578ORHUVL", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "Pulchritude", "reviewText": "Perfect for a pleasant \"all day essence\"!", "summary": "Four Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "AV10T680T0UWB", "asin": "B0012Y0ZG2", "style": {"Size:": " 74"}, "reviewerName": "Kindle Customer", "reviewText": "Smells wonderful and lathers nicely. Like all Andalou products you know its good for your skin and works well too. I purchase many skin products from this company and like the quality.", "summary": "The lavender & thyme are a great combo", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A39W5XTO1GA6G1", "asin": "B001OHV1H4", "style": {"Size:": " 5"}, "reviewerName": "Shirley Smith", "reviewText": "I really like the H20 shampoo.", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "AXQAIG2XT292S", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Grandma Mary", "reviewText": "Fast shipping, great price & product. 100% satisfaction.", "summary": "great price & product", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A1FPB20OAZLA3T", "asin": "B0012Y0ZG2", "style": {"Size:": " 401"}, "reviewerName": "APPRAISER REVIEWER", "reviewText": "HALE BERRY Pure Orchid is a wonderful fragrance, it is becoming harder to find in dept. stores.", "summary": "Five Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A3QUX4Z5YP6T4P", "asin": "B000URXP6E", "style": {"Size:": " 214"}, "reviewerName": "Barb S", "reviewText": "I love it! What more to say? I was happy to find it available and at a reasonable enough price.", "summary": "I love it! What more to say", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A12HTKLZWLEAF5", "asin": "B0012Y0ZG2", "style": {"Size:": " 126"}, "reviewerName": "Marcia Fairman", "reviewText": "I have an Airbnb. This is perfect for guests. The price is right and I can provide shampoo with little waist. I appreciate this product", "summary": "This is perfect for guests", "unixReviewTime": 1506816000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28RTSY1TRCXLK", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Patricia A. Wray", "reviewText": "I bought this shampoo because the description stated it was gentle, for itchy, red and irritated scalp. I used it one time and it burned my scalp almost immediately! I bought two bottles and I am returning them both! I honestly don't know how it get so many good reviews.", "summary": "Irritated my scalp on first use", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2ANZE8NVU7BCO", "asin": "B0012Y0ZG2", "style": {"Size:": " 186"}, "reviewerName": "Glamour Girl", "reviewText": "I love this shower gel, tiny bit makes super sudsy.", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "ACDH4NYWRB1PR", "asin": "B00006L9LC", "style": {"Size:": " 494"}, "reviewerName": "CG", "reviewText": "Great set!", "summary": "Great set!", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A32NCLA7SHQBFW", "asin": "B0009RF9DW", "style": {"Size:": " 205"}, "reviewerName": "sumthing_nyce", "reviewText": "This one is a winner I can't afford the J'Adore original but this is very close reminds me of Perry Ellis 360 (circa 1990s) but I like it", "summary": "Very close", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-7117EE3788"}, "reviewerName": "Amzon Customer", "reviewText": "I absolutely love this eye gel.", "summary": "As advertised", "unixReviewTime": 1534982400} +{"overall": 1.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A2UM2UI2KVHG64", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Lorie B.", "reviewText": "Worst shampoo Ive ever used. Was mostly water. I could not get a good lather. Hair never felt clean after use. I cannot understand why so many good reviews. Will not buy again!", "summary": "Worst shampoo Ive ever used", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": false, "reviewTime": "05 16, 2010", "reviewerID": "A24HQ2N7332W7W", "asin": "B0012Y0ZG2", "style": {"Size:": " 366"}, "reviewerName": "Kindle Customer Joyce Wilson", "reviewText": "If you know the scent of Diva, you'll LOVE this body cream....everyone says \"who smells so good in here!\"", "summary": "Diva is Heavenly", "unixReviewTime": 1273968000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A1JDG0KTCUW9BT", "asin": "B0012Y0ZG2", "style": {"Size:": " 198"}, "reviewerName": "GeekFreak77", "reviewText": "My girlfreind loves this body wash, but in the stores it is a seasonal item. I searched high and low for it, and thankfully I found it here, as well as cheaper than from B&BW. Thanks!", "summary": "Fantastic!", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A2813CU4C11BIE", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Alexandra", "reviewText": "Been looking for good shampoo that would work with my dry hair for a long time. Tried a lot of options. This is the one. Hair feels as clean as possible after use. Also, deals with dandruff problem easily. No more snowy shoulders.", "summary": "Great product.", "unixReviewTime": 1523059200} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "ACAA46YVXMZTJ", "asin": "B001OHV1H4", "style": {"Size:": " 29.2"}, "reviewerName": "RNAH", "reviewText": "Good shampoo, hair stays where its combed to. Good stuff!", "summary": "It's about time someone made a mens shampoo.", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "A2D0ENZGHZ8W6C", "asin": "B001OHV1H4", "style": {"Size:": " 363"}, "reviewerName": "Angela H. Taylor", "reviewText": "Even it doesn't look as pretty, but it make shower so pleasant. It totally feels like clean without slipping feeling.", "summary": "You must try it!", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3QDLODOQKUXGN", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Kitty", "reviewText": "Great fragrance and product. Will purchase again.", "summary": "Great Body Wash", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2018", "reviewerID": "AKFUG2XFPPWWM", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Donovan", "reviewText": "10 stars right here. This product helped me with my itchy skin and my sister's greasy hair complain.", "summary": "Five Stars", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A38CIT22Y0TZS", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Love it. Have used it for years", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1LJIF7G9T0PTW", "asin": "B0012Y0ZG2", "style": {"Size:": " 379"}, "reviewerName": "Keri Lee", "reviewText": "Great value! This is one of the few moisturizer/serum that notably makes my skin more even tonned and smooth.\nDelivery time was reasonable given it was shipped from Turkey. Would buy again from this seller.", "summary": "Great value! This is one of the few moisturizer/serum ...", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A9SA7CY8HA291", "asin": "B00006L9LC", "style": {"Size:": " 402"}, "reviewerName": "Anita Dusek", "reviewText": "As always Bare Minerals never disappoints and the color is gorgeous and goes with everything, it is a must buy.", "summary": "LOVE IT", "unixReviewTime": 1377734400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A2S8GHD5ZLDS2Q", "asin": "B0012Y0ZG2", "style": {"Size:": " 364"}, "reviewerName": "karen a davella", "reviewText": "Started using this product from a high-end spa and was excited to be able to purchase on amazon for same price.", "summary": "High end Spa quality products", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1SJFQ8VSKZWHF", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Kayla Cytron-Thaler", "reviewText": "This soap is great! It has a nice smell that isn't too overwhelming. It is also sulfate free!", "summary": "This soap is wonderful!", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A2RRQ78UZSEDF1", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Beulah", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2018", "reviewerID": "AJPLUGSVMH21V", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Milk"}, "reviewerName": "M. Askew", "reviewText": "Love this!", "summary": "Five Stars", "unixReviewTime": 1519344000} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "AH89QE41D1PRP", "asin": "B000URXP6E", "style": {"Size:": " 3"}, "reviewerName": "staci", "reviewText": "I wish this were not a discontinued product. But I'm glad I found what's left of it! Great product!", "summary": "If you don't know about this, find out!", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A74WRG7ZEKXX7", "asin": "B0012Y0ZG2", "style": {"Size:": " 95"}, "reviewerName": "Dee Yoder", "reviewText": "As usual, this bath gel was just as good as expected.", "summary": "this bath gel was just as good as expected", "unixReviewTime": 1464048000} +{"reviewerID": "A13B2J5IBGS8Y2", "asin": "B000FI4S1E", "reviewerName": "Pam", "verified": true, "reviewText": "Love this-but believe it is no longer available!! Thymes-BRING IT BACK PLEASE!!!", "overall": 5.0, "reviewTime": "11 28, 2014", "summary": "Five Stars", "unixReviewTime": 1417132800} +{"reviewerID": "A26HF31NL346VR", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Loved the products however did think it was priced a little high wanted to get the lotion but the price with shipping and handling was way too much!", "overall": 5.0, "reviewTime": "03 1, 2016", "summary": "Loved the products however did think it was priced a ...", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A2831PTXQCEFCM", "asin": "B000URXP6E", "style": {"Size:": " 67"}, "reviewerName": "Miss D", "reviewText": "Love the fragrance, and was happy to be able to buy Moon Sparkle again! Give it a try! You won't be disappointed! Very sexy fragrance!", "summary": "Always a favorite!", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "AIHUVM8SI43E5", "asin": "B0012Y0ZG2", "style": {"Size:": " 198"}, "reviewerName": "fuzzymitton", "reviewText": "This Bath and Body product is seasonal but I just love it and use it all year. I was so glad I found this seller and didn't have to wait till Autumn to get more. Item was received in a timely fashion and in perfect condition!", "summary": "Wonderful Fall Fragrance", "unixReviewTime": 1371427200} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A2WNVJ6S7OVZP4", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "Amazon Customer", "reviewText": "It worked very well i disliked nothing", "summary": "Four Stars", "unixReviewTime": 1474416000} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A2WNVJ6S7OVZP4", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "Amazon Customer", "reviewText": "It worked very well i disliked nothing", "summary": "Four Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A21931Z4J17AJ2", "asin": "B0012Y0ZG2", "style": {"Size:": " 178"}, "reviewerName": "Sandra", "reviewText": "Nice fruity fragrance!", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A19EIBWOIY3U1R", "asin": "B00006L9LC", "style": {"Size:": " 367"}, "reviewerName": "Dr. Tracey-Marie Dorsey", "reviewText": "I love this product so much bought for my Mother for Christmas and she loves it..........", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1AFK6DIZFYQ2V", "asin": "B0012Y0ZG2", "style": {"Size:": " 97"}, "reviewerName": "jane", "reviewText": "The BEST lavender projects are from Perelier. Love all of their products", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"reviewerID": "AVXT2TB9ZHYRF", "asin": "B000FI4S1E", "reviewerName": "Stephen Minton", "verified": true, "reviewText": "It was just what I wanted.", "overall": 5.0, "reviewTime": "06 2, 2016", "summary": "Five Stars", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A3EZ4SUXGM5DKJ", "asin": "B000URXP6E", "style": {"Size:": " 505"}, "reviewerName": "Diane C", "reviewText": "Looks very well-made and colors are rich. A bit larger than I expected (shame on me for not looking at dimensions), but I think it will look lovely in my daughter's hair.", "summary": "Beautiful and Unusual Hair Decor", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A2I3TOK508FLX0", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Great product , price and fast shipping", "summary": "Great product, price and fast shipping", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A3HJIA8KBPQXWU", "asin": "B0009RF9DW", "style": {"Size:": " 123"}, "reviewerName": "janice ocasio", "reviewText": "This is the only perfume I use .I love it. I will recommend it.it will last all day", "summary": "I love it. I will recommend it", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A1XQ0F01CF84Y3", "asin": "B000URXP6E", "style": {"Size:": " 300"}, "reviewerName": "Mrs. J.", "reviewText": "I bought this for my niece and she loved it! Philosophy is great and she said this set. Smelled awesome!", "summary": "Great gift", "unixReviewTime": 1361750400} +{"reviewerID": "A1MCIV8P5COBQZ", "asin": "B000FI4S1E", "reviewerName": "Justin Kitchens", "verified": true, "reviewText": "Smells AMAZING. Worth buying", "overall": 5.0, "reviewTime": "11 19, 2015", "summary": "Worth", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A14R11HV2H7AVW", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pound"}, "reviewerName": "Diane Gordon", "reviewText": "Also a very good product", "summary": "Five Stars", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A1RV9UBHXPXT3W", "asin": "B00W259T7G", "reviewerName": "Kimberly Fujioka", "reviewText": "I love this soap! It has Shea butter and is triple milled. The scent is just right. Not over powering.\nI will buy again!", "summary": "Wonderful soap! Light scent! Long lasting", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2013", "reviewerID": "AZD3ON9ZMEGL6", "asin": "B0012Y0ZG2", "style": {"Size:": " 124"}, "reviewerName": "huangweixiong", "reviewText": "It smells good, suitable for my needs, the price is cheap, I am very satisfied. I would recommend this product to my family and close friends.", "summary": "i love it", "unixReviewTime": 1369526400} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A156IOMOA59X7N", "asin": "B00CQ0LN80", "reviewerName": "Amazon Customer", "reviewText": "I always use this so was as expected", "summary": "Five Stars", "unixReviewTime": 1447200000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A1B5D7AI4KYG98", "asin": "B0009RF9DW", "style": {"Size:": " 290"}, "reviewerName": "Al hermosillo", "reviewText": "Very good stuff", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"reviewerID": "A1DFZPQPCHBYTY", "asin": "B000FI4S1E", "reviewerName": "Sean Love Racing LLC", "verified": true, "reviewText": "Found this stuff in Japan and wondered if I could find it again. 3drops of it goes as far as a handful of normal soap, it stays foamy and soapy and has a nice scent!", "overall": 5.0, "reviewTime": "11 11, 2013", "summary": "Super lathery nice soap!", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A2QLQVPUZG2JXU", "asin": "B0012Y0ZG2", "style": {"Size:": " 184"}, "reviewerName": "Kyuyeon J.", "reviewText": "Actually, at first I intended to order white musk 'lotion', not the body wash.\nSo I ordered the wrong item without reading the description carefully.\nThe funny thing is I USE THIS EVERYDAY.\nI smelled both scents of the lotion and body wash, and I prefer this one.", "summary": "I love it!", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "AH5KMT72HXKVO", "asin": "B00AKP21KM", "reviewerName": "tracy canty", "reviewText": "I received my item before the expected date. I'm very pleased.", "summary": "I'm very pleased.", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A3INQL95YAY6OW", "asin": "B00006L9LC", "style": {"Size:": " 367"}, "reviewerName": "villy", "reviewText": "My sister smiled from ear to ear.", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A8KB4X4BRD00L", "asin": "B00006L9LC", "style": {"Size:": " 7"}, "reviewerName": "Diane Schmitz", "reviewText": "My hair is softer with less frizz after blow drying.", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A244RDHGOX4Z2J", "asin": "B00006L9LC", "style": {"Size:": " 57"}, "reviewerName": "Dinorah Navarro", "reviewText": "It's the best shampoo I've ever tried! It didn't stop my hair loss 100% but I can see a big difference! I bought 3 and after I ordered again...", "summary": "It's the best shampoo I've ever tried", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": false, "reviewTime": "09 20, 2014", "reviewerID": "A37DCOJBXHTODF", "asin": "B0009RF9DW", "style": {"Size:": " 214"}, "reviewerName": "LUVSTAWKIN", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A3NFZN1GS1RKR9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Coconut"}, "reviewerName": "Mintea", "reviewText": "Long lasting, high quality soap, wide spectrum of scents... Leaves skin incredibly soft and fragrant. Pricey, but worth every penny", "summary": "Excellent Product", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A1888H788ZLJUQ", "asin": "B00006L9LC", "style": {"Size:": " 401"}, "reviewerName": "Tammie", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A15ZAILX1XGI0A", "asin": "B0012Y0ZG2", "style": {"Size:": " -"}, "reviewerName": "Meme", "reviewText": "My main powder brush now :D I like that it is a little more firm and voluminous than regular powder brushes. It helps with my application of powder. I love the slight angle it has and I can't say much else other than I love it!", "summary": "D I like that it is a little more firm and voluminous ...", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "ATEX4XVEQYN7B", "asin": "B000URXP6E", "style": {"Size:": " 15"}, "reviewerName": "BERNARD POMORSKI", "reviewText": "gives a nice body to thin hair.", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3E9APU6SYF2SD", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "KatieMul", "reviewText": "Perfect size.", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A3NFZN1GS1RKR9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " White Gardenia"}, "reviewerName": "Mintea", "reviewText": "Long lasting, high quality soap, wide spectrum of scents... Leaves skin incredibly soft and fragrant. Pricey, but worth every penny", "summary": "Excellent Product", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A1C13KVGOWMI6A", "asin": "B00006L9LC", "style": {"Size:": " 78"}, "reviewerName": "Heather", "reviewText": "Great product and good service.", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AQG3FO72CYLU3", "asin": "B00RZYW4RG", "reviewerName": "michael dzienis", "reviewText": "can't beat it... 3 for the price of 1 at a local store", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "AE7U89M0RXP0W", "asin": "B00HLXEXDO", "reviewerName": "Kathy Meletis", "reviewText": "Nice product.", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A3VHZAX3IU2ZWD", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Joyce Pope", "reviewText": "I love this shower gel. It smells very good that is why I keep order it over and over again. Keep carrying this enchanted orchid.", "summary": "make you feel good.", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A2PW5N4QDA3AG9", "asin": "B00CQ0LN80", "reviewerName": "Amazon Customer", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AMXYXIWW74J4", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Lesli", "reviewText": "Love this stuff! Works great when flat ironing my hair and it smells great!", "summary": "Love this product!", "unixReviewTime": 1468454400} +{"reviewerID": "A1NKYTRBYXO4TG", "asin": "B000FI4S1E", "reviewerName": "Casey Stark", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/51lzfWfKPWL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/51bkyg-nXkL._SY88.jpg"], "reviewText": "Not drying out the skin. Leaves it clean and fresh.", "overall": 5.0, "reviewTime": "04 10, 2018", "summary": "Amazing product", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": false, "reviewTime": "03 8, 2016", "reviewerID": "A345PQ5PIJVC67", "asin": "B0012Y0ZG2", "style": {"Size:": " 53"}, "reviewerName": "Bridget Schoff", "reviewText": "AS awesome as this product is, it HAS been discontinued by the makers. The people selling this on here, including the shampoos and conditioners ARE price gouging you and who knows how OLD it is.. Very Sad", "summary": "AS awesome as this product is", "unixReviewTime": 1457395200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71m6OfFVQjL._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": false, "reviewTime": "02 21, 2018", "reviewerID": "A3VC5W5GW7QAQK", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Anton Kiptach ", "reviewText": "Awesome product, no doubt ! Use it in the morning before run and my skin doesnt irritate, it already gives it 10 out of 10 ! The smell is great, not chemical which makes more sense to be an organic product but does produce a lot of foam ! Love it !", "summary": "Awesome product, no doubt", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "AMPSYLH47ZFU6", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "J. Trevino", "reviewText": "I have used this product for years. It is the only one that controls the frizz on humid days.", "summary": "I have used this product for years. It is ...", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A309W2EPFGXK7P", "asin": "B001OHV1H4", "style": {"Size:": " 57"}, "reviewerName": "raisa poltun", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1ZIN388IVCX6Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "AZFYUPGEE6KLW", "asin": "B001OHV1H4", "style": {"Size:": " 483"}, "reviewerName": "Jo Kamcy", "reviewText": "Love this. I can't find it in the makeup stores. It feels really good on my lips. Other glosses cause my lips to become dry, especially on the edges of my lips. This one doesn't and I get compliments on how good it looks on me by everyone.", "summary": "Love this. I can't find it in the makeup ...", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1MDYWL5DLS9SS", "asin": "B001OHV1H4", "style": {"Size:": " C-017"}, "reviewerName": "Deb Houghtaling", "reviewText": "I love this lotion. It has a light clean smell to it. Putting it on then adding a little of spray of perfume gives you a smell that brings lots of compliments.", "summary": "Best Ever", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A1JDG0KTCUW9BT", "asin": "B0012Y0ZG2", "style": {"Size:": " 198"}, "reviewerName": "GeekFreak77", "reviewText": "My girlfreind loves this body wash, but in the stores it is a seasonal item. I searched high and low for it, and thankfully I found it here, as well as cheaper than from B&BW. Thanks!", "summary": "Fantastic!", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A2GBIFL43U1LKJ", "asin": "B000URXP6E", "style": {"Size:": " 60"}, "reviewerName": "K.Sofia", "reviewText": "Excellent product.", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "A1C3SRDH9HVEI2", "asin": "B00006L9LC", "style": {"Size:": " 6"}, "reviewerName": "Iris Remon", "reviewText": "Have been using the product since I got my first as a gift and I like it. I have dry coarse hair and it helps to soften it and take away the dullness.", "summary": "Good hair product for dry coarse hair", "unixReviewTime": 1491523200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A28F08XFZRKIH5", "asin": "B01DKQAXC0", "style": {"Scent Name:": " Sandalwood"}, "reviewerName": "Amazon Customer", "reviewText": "great smell, and work better than the bad stuff. go figure.", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A1DAE86MWE6OMW", "asin": "B001OHV1H4", "style": {"Size:": " 61"}, "reviewerName": "pamela smith", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2DFFI0IG23LFK", "asin": "B00006L9LC", "style": {"Size:": " 5"}, "reviewerName": "Kindle Customer", "reviewText": "Love this stuff. Only shampoo I will use.", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A15IKO3Q6RSA1V", "asin": "B001OHV1H4", "style": {"Size:": " 38"}, "reviewerName": "Amazon Customer", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1JL5CJJDECOH4", "asin": "B000URXP6E", "style": {"Size:": " 29.2"}, "reviewerName": "Tony T.", "reviewText": "Great product!", "summary": "5 stars!", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "AMYTL79JMGQ6D", "asin": "B001OHV1H4", "style": {"Size:": " 25.3"}, "reviewerName": "Mary Ann", "reviewText": "To me this shampoo has to best smell. It cleans very well without drying my hair out. My favorite shampoo.", "summary": "My favorite shampoo", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A26DR70GPC8R5T", "asin": "B0009RF9DW", "style": {"Size:": " 177"}, "reviewerName": "Lynn", "reviewText": "Good product. Shipped quick, packaged well...will buy again", "summary": "Hard to find in store", "unixReviewTime": 1448323200} +{"reviewerID": "AIRQ4VAXVPAP4", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Very good fragrance. A good nature smell rather than just a cologne type smell. My favorite of the series.", "overall": 5.0, "reviewTime": "06 15, 2017", "summary": "Great choice.", "unixReviewTime": 1497484800} +{"reviewerID": "A2L6FOYXXFC3TX", "asin": "B000FI4S1E", "reviewerName": "Ivan Pavlov", "verified": true, "reviewText": "Works and smells great.", "overall": 5.0, "reviewTime": "07 14, 2016", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A289XUH39KKR89", "asin": "B00006L9LC", "style": {"Size:": " 18"}, "reviewerName": "E E.", "reviewText": "Great price! Product received exactly as described, in perfect condition and on time. Thank You", "summary": "Great price! Product received exactly as described", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A39JMSWQA06ZN6", "asin": "B001OHV1H4", "style": {"Size:": " 5 oz."}, "reviewerName": "Bettina Janet Mc Laughlan", "reviewText": "Beautiful hair after use...shiny !", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "AKQ9DH3HRPHW3", "asin": "B00006L9LC", "style": {"Size:": " one size"}, "reviewerName": "Anuschka Light", "reviewText": "This is just adorable compact fragrance. It comes in a gorgeous silver compact. A cute carry pouch. And to my surprise- a refill. I am Uber pleased with this purchase. Oh and the D&G Lifht Blue is one of my forever favorite fragrances.\n\nLove", "summary": "Love Love Love!!!!", "unixReviewTime": 1493856000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A3NFZN1GS1RKR9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Linden"}, "reviewerName": "Mintea", "reviewText": "Long lasting, high quality soap, wide spectrum of scents... Leaves skin incredibly soft and fragrant. Pricey, but worth every penny", "summary": "Excellent Product", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "A1118RD3AJD5KH", "asin": "B001OHV1H4", "style": {"Size:": " 511"}, "reviewerName": "DL", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1524614400} +{"overall": 1.0, "verified": true, "reviewTime": "05 3, 2018", "reviewerID": "AEL1DK2OJ41ZZ", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Made dandruff worse and irritated rest of skin", "summary": "One Star", "unixReviewTime": 1525305600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A37QK0QF18JXDO", "asin": "B001OHV1H4", "style": {"Size:": " 352"}, "reviewerName": "Lisa Solomon", "reviewText": "All time favorite fragrance! If you love the smell of lemons this is for you!", "summary": "Beautiful Lemony fragrance", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "ACDH4NYWRB1PR", "asin": "B0012Y0ZG2", "style": {"Size:": " 494"}, "reviewerName": "CG", "reviewText": "Great set!", "summary": "Great set!", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A37PANLDA6ENJK", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "Jo", "reviewText": "I absolutely love this scent ever since the first time I tried it. I hope Thymes continues to make it.", "summary": "Love it!", "unixReviewTime": 1399507200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A2MWZ6TCFPWTPH", "asin": "B0012Y0ZG2", "style": {"Size:": " 361"}, "reviewerName": "N. Pfamatter", "reviewText": "I've worn Chanel #5 since I was 12 years old. This was a great price for the only perfume I've ever worn.", "summary": "My favorite scent", "unixReviewTime": 1379203200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A3INQL95YAY6OW", "asin": "B001OHV1H4", "style": {"Size:": " 367"}, "reviewerName": "villy", "reviewText": "My sister smiled from ear to ear.", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A1A6EANMBA02NW", "asin": "B000URXP6E", "style": {"Size:": " 175"}, "reviewerName": "elaine lester", "reviewText": "I loved it.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2013", "reviewerID": "A1BRNOD64VZ1GP", "asin": "B001OHV1H4", "style": {"Size:": " 403"}, "reviewerName": "Jessem", "reviewText": "This is \"hands down\" my favorite shine complex. Smells the best - citrusy and light,fresh. No longer able to find at beauty supply stores. Been using for years !", "summary": "just found out no longer making", "unixReviewTime": 1372982400} +{"reviewerID": "A2EHOO31B1KDP4", "asin": "B000FI4S1E", "reviewerName": "Elaine Parsons", "verified": true, "reviewText": "One of my favorites", "overall": 5.0, "reviewTime": "04 9, 2015", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": false, "reviewTime": "01 5, 2014", "reviewerID": "A36LNAKD2FOHVX", "asin": "B0012Y0ZG2", "style": {"Size:": " 181"}, "reviewerName": "Heather Marie Levan", "reviewText": "I recently had this amazing citrus salad from Whole Foods and this body wash is every bit as yummy! I don't recommend eating it of course but I highly recommend it in the morning to wake the senses. Refreshing!", "summary": "Citrus Salad", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "AFXRO7K3ZZ0PX", "asin": "B016V8YWBC", "style": {"Size:": " 4 Ounce (8 Count)"}, "reviewerName": "JoeBotts", "reviewText": "Dove was right on the mark when they developed this soap. I've been using it for a couple of years now and love it.", "summary": "My favorite", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A30EPPTPW7M9D0", "asin": "B0012Y0ZG2", "style": {"Size:": " B-020"}, "reviewerName": "Lennie", "reviewText": "Excellent product! Received in good time. Thank you!", "summary": "Excellent product! Received in good time", "unixReviewTime": 1417651200} +{"reviewerID": "A1QVOO32ZSI252", "asin": "B000FI4S1E", "reviewerName": "blondie", "verified": true, "reviewText": "I love this scent unconditional Love, soft and clean. Amazons value was great also for this set. Thanks again for another great product!", "overall": 5.0, "reviewTime": "04 4, 2013", "summary": "Lovely scent", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2MX559LDZAQ5Q", "asin": "B00006L9LC", "style": {"Size:": " 26"}, "reviewerName": "girl45shooter", "reviewText": "Great conditioner that leaves hair clean.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A33EQHCO5TZIP5", "asin": "B00006L9LC", "style": {"Size:": " one size"}, "reviewerName": "ISHY", "reviewText": "always good to freshen up when traveling", "summary": "Five Stars", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A1IW22SHMMASQ6", "asin": "B000URXP6E", "style": {"Size:": " 10.2 oz"}, "reviewerName": "DonnaMcM.", "reviewText": "Have used this fragrance for years now; just love it!!! Hard to find the matching shower gel, so very happy to have found\nit on Amazon. Five stars all the way!!!", "summary": "Lolita Lempicka Perfumed Shower Gel", "unixReviewTime": 1392681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A24A9FRVM8TQZS", "asin": "B000URXP6E", "style": {"Size:": " 509"}, "reviewerName": "Amazon Customer", "reviewText": "Item just as described", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": false, "reviewTime": "11 8, 2017", "reviewerID": "AOTMP0OKJOUWI", "asin": "B01E7UKR38", "style": {"Color:": " Fairy Tailor"}, "reviewerName": "Emily J. Morris", "reviewText": "Essie has always been a trusty polish for me, and my little girl loves this truly sweet and girly pink. It's just... pretty. Fairy Tailor is the cutest name for it. Best of all, it truly does have a quality look similar to gel polish. Very well done, this formula.", "summary": "Great formula, my daughter loves the color", "unixReviewTime": 1510099200} +{"overall": 5.0, "verified": false, "reviewTime": "09 20, 2014", "reviewerID": "A37DCOJBXHTODF", "asin": "B000URXP6E", "style": {"Size:": " 214"}, "reviewerName": "LUVSTAWKIN", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A84MTP7LSOTXG", "asin": "B0012Y0ZG2", "style": {"Size:": " 30mla144"}, "reviewerName": "LeAnn Johnson", "reviewText": "Love this stuff! Adds glowing moisture to my dry skin without oily feeling!", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-C6B5F7C374"}, "reviewerName": "Amzon Customer", "reviewText": "I have genetic undereye darkness. Ive accepted that a long time ago. However, this product helps keep my bags under control. My husband uses it also. Hes a huge fan. It goes on smoothly and causes no irritation to my eyes. Therefore, I give this product an A+.", "summary": "Pretty Sweet!!!", "unixReviewTime": 1534982400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A1IW22SHMMASQ6", "asin": "B0009RF9DW", "style": {"Size:": " 10.2 oz"}, "reviewerName": "DonnaMcM.", "reviewText": "Have used this fragrance for years now; just love it!!! Hard to find the matching shower gel, so very happy to have found\nit on Amazon. Five stars all the way!!!", "summary": "Lolita Lempicka Perfumed Shower Gel", "unixReviewTime": 1392681600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "A1I03N0S6W4AVL", "asin": "B0012Y0ZG2", "style": {"Size:": " 364"}, "reviewerName": "ariadnebalt", "reviewText": "Makes my skin feel amazingly elastic and soft. A little goes a long way. Pricey but definitely worth it! LOVE IT!", "summary": "Pricey but definitely worth it!", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A32MXI9376X72P", "asin": "B0009RF9DW", "style": {"Size:": " 33.8 oz"}, "reviewerName": "furga", "reviewText": "Not found often elsewhere, such as Sephora and other similar stores.\nIt's not cheap but it lasts for a long long time.", "summary": "Huge! Really", "unixReviewTime": 1369612800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A62R447U5SPTV", "asin": "B000URXP6E", "style": {"Size:": " 180"}, "reviewerName": "Jo E. Ambrose", "reviewText": "This has been my fav for years! They don't make it anymore. Just wished they had the lotion to go with it!!", "summary": "Feels Like I Am At the BEACH!", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A17B1H60A6A96P", "asin": "B0012Y0ZG2", "style": {"Size:": " 463"}, "reviewerName": "Demetris DeLucas", "reviewText": "All of the different colognes and the price.", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A3NHRIFQKCX2G4", "asin": "B0009RF9DW", "style": {"Size:": " 118"}, "reviewerName": "James Hogan", "reviewText": "Can't find locally. ..It's my favorite body wash.. really good stuff!!", "summary": "It's my favorite body wash", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A165FHUTQU6L2Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Sarah", "reviewText": "Smells great and is as described", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2016", "reviewerID": "AM88FAF0V7U6D", "asin": "B001OHV1H4", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome product", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "AXQAIG2XT292S", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "Grandma Mary", "reviewText": "Fast shipping, great price & product. 100% satisfaction.", "summary": "great price & product", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A4IV41UZ0Y789", "asin": "B000URXP6E", "style": {"Size:": " 29.2"}, "reviewerName": "Robert Young", "reviewText": "Great product and fast service.", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2017", "reviewerID": "A2XNLIC0O07GPW", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 ounce"}, "reviewerName": "shopmysongs", "reviewText": "Bought along with their shampoo and lotion for a welcome gift for an oceanfront condo rental and are perfect size and price.", "summary": "Great Price For A Rental Welcome Gift", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A2LFGBMPZPSAMV", "asin": "B0012Y0ZG2", "style": {"Size:": " 123"}, "reviewerName": "Katie Miller", "reviewText": "Oh my god... I love Britney spears for one... And this collection !!! I can spritz some of the perfume on, or soak in the tub with the bubble bath, and come out smelling like a vanilla fairy goddess. Such an amazing mix of scents in one spray!!!", "summary": "My favorite perfume.. the set is even better!!!", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1ZIN388IVCX6Z", "asin": "B00006L9LC", "style": {"Size:": " 5 oz."}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "AG7YBSJODBMOB", "asin": "B001OHV1H4", "style": {"Size:": " 98"}, "reviewerName": "fenway", "reviewText": "This shampoo cleans my hair well, lathers well, and smells good.", "summary": "Great shampoo", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A1A6EANMBA02NW", "asin": "B0009RF9DW", "style": {"Size:": " 175"}, "reviewerName": "elaine lester", "reviewText": "I loved it.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A35LFTGC7TO48F", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "AnnaG", "reviewText": "I received my order on time, and the products were not broken which I was afraid of.....the smell is heavenly Caress body washes never fail", "summary": "I received my order on time, and the products ...", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A2IRWVZEOPD2BG", "asin": "B0012Y0ZG2", "style": {"Size:": " 49"}, "reviewerName": "David", "reviewText": "I appreciate craftsmanship and Northern Fir provided that with this comb. Great relic for any man who appreciates the finer things in life. I use it for my hair and have no issues what-so-ever. Thanks!", "summary": "Excellent craftsmanship", "unixReviewTime": 1481673600} +{"overall": 4.0, "verified": false, "reviewTime": "09 4, 2017", "reviewerID": "A19KLUZ1XD3SRN", "asin": "B001LNODUS", "style": {"Color:": " Lavender Blossoms"}, "reviewerName": "Gaby at Starting Fresh blog", "reviewText": "These lavender blossoms are similar to those that local lavender farms sell in our nearby green market. It comes out a little more expensive than when purchased from the growers, but it is just as fragrant and reasonably priced.", "summary": "Dried lavender blossoms", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A21VGLAQKA6UXO", "asin": "B00006L9LC", "style": {"Size:": " 15"}, "reviewerName": "Little Britches", "reviewText": "This is a great help for fine hair, I've used it for three years and it really makes a difference !", "summary": "Really does the job !", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A25NX4BU2GD908", "asin": "B0012Y0ZG2", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "anne lacy", "reviewText": "Very nice fragrance.", "summary": "Five Stars", "unixReviewTime": 1478304000} +{"overall": 1.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A2UM2UI2KVHG64", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Lorie B.", "reviewText": "Worst shampoo Ive ever used. Was mostly water. I could not get a good lather. Hair never felt clean after use. I cannot understand why so many good reviews. Will not buy again!", "summary": "Worst shampoo Ive ever used", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "ASPQVBZP025R8", "asin": "B001OHV1H4", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "K's Amazon 10-04", "reviewText": "Very pleased\n Nice assortment", "summary": "MsK1004", "unixReviewTime": 1496102400} +{"reviewerID": "A2TCHF5VRXR7YF", "asin": "B000FI4S1E", "reviewerName": "Liz", "verified": true, "reviewText": "I love this bubble bath! This bubble bath smell wonderful and I love soaking in it. After a bath you skin is so soft and you smell great all day!", "overall": 5.0, "reviewTime": "12 3, 2013", "summary": "Love this Bubble Bath", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A3H7T87S984REU", "asin": "B0000530HU", "style": {"Size:": " 7.0 oz", "Flavor:": " Classic Ice Blue"}, "reviewerName": "houserules18", "reviewText": "Like the oder and the feel when I put it on my face. I have tried other brands but the reviews from people I know they prefer the oder of this brand. Not hard on the face when dry. Does not leave dry skin.", "summary": "Good for the face", "unixReviewTime": 1384387200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A30EPPTPW7M9D0", "asin": "B0012Y0ZG2", "style": {"Size:": " B-020"}, "reviewerName": "Lennie", "reviewText": "Excellent product! Received in good time. Thank you!", "summary": "Excellent product! Received in good time", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1HK1OQ6LRT0AX", "asin": "B001OHV1H4", "style": {"Size:": " 4"}, "reviewerName": "C90J", "reviewText": "Love these organic products. This one is a Little pricey though. Great product nonetheless.", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1ETRNNK4BOVDE", "asin": "B000URXP6E", "style": {"Size:": " 26"}, "reviewerName": "Flakester", "reviewText": "Great Product.", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"reviewerID": "A251F9Y0GSZALP", "asin": "B000FI4S1E", "reviewerName": "HouseNoni", "verified": true, "reviewText": "As with other Savannah bee products, this feels good, smells delicious in the shower. Hard to find but really helps with dry skin.", "overall": 5.0, "reviewTime": "08 26, 2013", "summary": "love Savannah Bee products", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "A251F9Y0GSZALP", "asin": "B000URXP6E", "style": {"Size:": " 149"}, "reviewerName": "HouseNoni", "reviewText": "As with other Savannah bee products, this feels good, smells delicious in the shower. Hard to find but really helps with dry skin.", "summary": "love Savannah Bee products", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A1THB1R8LWTMPV", "asin": "B00006L9LC", "style": {"Size:": " 367"}, "reviewerName": "Tom Blakney", "reviewText": "My ordered and loves it so guess what I love it if she loves It and if Mama is happy every body is happy!!!!", "summary": "My ordered and loves it so guess what I love it if she loves It and if Mama is ...", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2013", "reviewerID": "AW4KF8E06AY28", "asin": "B0012Y0ZG2", "style": {"Size:": " 175"}, "reviewerName": "LG", "reviewText": "very masculine smell, perfect for camping or festivals etc where you don't want to bring several bottles of products. definitely recommend it.", "summary": "hair body wash", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A2XFY9IT8UVY9E", "asin": "B0012Y0ZG2", "style": {"Size:": " 379"}, "reviewerName": "KS", "reviewText": "Really love the product--has made a visible difference in my skin. Also, seller was great, product arrived MUCH sooner than expected.", "summary": "Really love the product--has made a visible difference in my skin", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2YWRVKET7JDYP", "asin": "B000URXP6E", "style": {"Size:": " 483"}, "reviewerName": "The Truth", "reviewText": "Great for the price", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "A7VOU5ARHQ20F", "asin": "B001OHV1H4", "style": {"Size:": " 19"}, "reviewerName": "Medraut", "reviewText": "Love this stuff. It works better on my Psoriasis better then the medical creams and ointments the doctors prescribed. Too bad they stopped making it. Horde it all now because someday it will be gone and you will be forced to use head and shoulders.", "summary": "noting clears up Psoriasis better. too bad it's discontinued", "unixReviewTime": 1384214400} +{"overall": 5.0, "verified": false, "reviewTime": "11 7, 2014", "reviewerID": "A7LAYX9R7IMOO", "asin": "B0009RF9DW", "style": {"Size:": " 123"}, "reviewerName": "andre luiz", "reviewText": "I really is what I expected", "summary": "Five Stars", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3H3TEMEMXODT", "asin": "B0009RF9DW", "style": {"Size:": " 292"}, "reviewerName": "aspielicious", "reviewText": "The in shower lotion is amazing. And it smells so wonderful. I never want to run out of this. Buying the set with the body wash is so convenient.", "summary": "The best for moist skin", "unixReviewTime": 1372896000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "A1J7I5095JBHH", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Nicolette", "reviewText": "This really dries out my hair and makes it feel even thinner than it already is. The smell is nice, but consistency is pretty much water. I honestly think most of the reviews are false ", "summary": "The smell is nice, but consistency is pretty much water", "unixReviewTime": 1522972800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "AJE9F756P1S6E", "asin": "B000URXP6E", "style": {"Size:": " 69"}, "reviewerName": "Professor", "reviewText": "Lathers well, great fresh scent, natural oils, long lasting All of Le Couvent des Minimes products are winners!", "summary": "Fresh!", "unixReviewTime": 1432944000} +{"reviewerID": "A26DR70GPC8R5T", "asin": "B000FI4S1E", "reviewerName": "Lynn", "verified": true, "reviewText": "Good product. Shipped quick, packaged well...will buy again", "overall": 5.0, "reviewTime": "11 24, 2015", "summary": "Hard to find in store", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "AOZV8VU33NLG8", "asin": "B0012Y0ZG2", "style": {"Size:": " 203"}, "reviewerName": "Darlene M.", "reviewText": "What I expected Nice", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"reviewerID": "A3HHQ7UIJJAOAV", "asin": "B000FI4S1E", "reviewerName": "redlin51", "verified": false, "reviewText": "I love this for when I take a shower.", "overall": 5.0, "reviewTime": "07 14, 2014", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A3GAYXUN80BG07", "asin": "B0012Y0ZG2", "style": {"Size:": " 277"}, "reviewerName": "Rosie", "reviewText": "My aunt loves it! I will get her some more when she runs out.", "summary": "My aunt loves it! I will get her some ...", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A313XPHJ3L9OPW", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "KS Senior", "reviewText": "I was a little hesitant to order this clip but glad I did. Nice for summer. Mine looks a little different but same type of pattern. Just waiting for more! These clips are an everyday accessory for me.", "summary": "Love it!", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A37XI9VKWZWZKO", "asin": "B00006L9LC", "style": {"Size:": " 352"}, "reviewerName": "judith m dzyak", "reviewText": "love it. will continue to use all products from herline", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A1ZH9XEBQIPLWT", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "JOYCE SCOTT", "reviewText": "love them", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3N6811PDY2QM3", "asin": "B0009RF9DW", "style": {"Size:": " 279"}, "reviewerName": "Amazon Customer", "reviewText": "Amazing! Instant relaxation.", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"reviewerID": "A3IVBYIDNMPEPO", "asin": "B000FI4S1E", "reviewerName": "Chococat", "verified": false, "reviewText": "This gel is so fragrant and good lather. Very luxurious!", "overall": 5.0, "reviewTime": "07 5, 2014", "summary": "Luxurious!", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A2ZZ75UB8VK31U", "asin": "B00006L9LC", "style": {"Size:": " 25"}, "reviewerName": "Bamabyrdie", "reviewText": "Love this product because of the way it makes my hair feel and look.", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"reviewerID": "A1AFK6DIZFYQ2V", "asin": "B000FI4S1E", "reviewerName": "jane", "verified": true, "reviewText": "The BEST lavender projects are from Perelier. Love all of their products", "overall": 5.0, "reviewTime": "10 13, 2015", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": false, "reviewTime": "10 8, 2012", "reviewerID": "A9QBM4RNQ7L9T", "asin": "B0012Y0ZG2", "style": {"Size:": " 169"}, "reviewerName": "Kathy T.", "reviewText": "I purchased this for my daughter for her science class, and this is the second year she is using it. It still looks like new - which is amazing considering my daughter is a bit on the messy side.", "summary": "Lab Coat", "unixReviewTime": 1349654400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2TUCPCLHHLR6O", "asin": "B0012Y0ZG2", "style": {"Size:": " 509"}, "reviewerName": "Barb", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "AGOH8N902URMW", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.2 oz"}, "reviewerName": "Zeb", "reviewText": "This gel is a genuine imported product from France. Over the years I have bought my wife similar products by other very expensive brands from France. Real high quality at a very affordable price.", "summary": "My wife loves this product", "unixReviewTime": 1395878400} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2013", "reviewerID": "AI8FN9LAD3WT0", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "American Infidel", "reviewText": "This was the best of all the Axe line, and they discontinued it. I wish they would bring it back. :(", "summary": "Please bring this one back on the market!", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "ASZB0F9PAQL5J", "asin": "B0012Y0ZG2", "style": {"Size:": " 65"}, "reviewerName": "L. Wisen", "reviewText": "I really enjoy this product. They started selling it at our local store so I don't need to order it online any more. I am allergic to many products, so I was happy to find this one.", "summary": "Very nice", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A3MWSMK06UU6BZ", "asin": "B000URXP6E", "style": {"Size:": " 70"}, "reviewerName": "Barbara A.", "reviewText": "love it...wish I could find the hand lotion!", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A2H99IQJ0JT4MU", "asin": "B0012Y0ZG2", "style": {"Size:": " 143"}, "reviewerName": "karen stanley", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "ANGNK1ON6FFV6", "asin": "B000URXP6E", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "Jennifer L Edlund", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "AIPW346SC1MMK", "asin": "B00RZYW4RG", "reviewerName": "Leslie Handley", "reviewText": "This product is a great deal. They don't sell this in the salon anymore, you can only find it online. It is a great product if you are looking for a shine. It did not work well as an anti-frizz product.", "summary": "This product is a great deal. They don't sell this in the salon ...", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2013", "reviewerID": "A1TB2OE42GDXLB", "asin": "B0012Y0ZG2", "style": {"Size:": " 283"}, "reviewerName": "duwal", "reviewText": "Thank you for selling this. The company doesn't make it any more or slowed down how much product it produces. So it's wonderful to see that someone on Amazon sells it...thanks.", "summary": "I love this scent.", "unixReviewTime": 1370476800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2018", "reviewerID": "AJPLUGSVMH21V", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Linden"}, "reviewerName": "M. Askew", "reviewText": "Love this soap and this fragrance.", "summary": "Five Stars", "unixReviewTime": 1519344000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A3NFZN1GS1RKR9", "asin": "B00W259T7G", "reviewerName": "Mintea", "reviewText": "Long lasting, high quality soap, wide spectrum of scents... Leaves skin incredibly soft and fragrant. Pricey, but worth every penny", "summary": "Excellent Product", "unixReviewTime": 1374192000} +{"reviewerID": "A3RUBIOZYJNY0D", "asin": "B000FI4S1E", "reviewerName": "Merrie", "verified": true, "reviewText": "thank you", "overall": 5.0, "reviewTime": "09 24, 2016", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"reviewerID": "A1Y5HC26OO5D4H", "asin": "B000FI4S1E", "reviewerName": "ANTOINETTE COHEN", "verified": true, "reviewText": "Excellent", "overall": 5.0, "reviewTime": "12 30, 2016", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A1EGCED01USBA9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " White Gardenia"}, "reviewerName": "khristina jackson", "reviewText": "Very LARGE bar of soap and well worth the expense. Pre de Provence soaps are fantastic and smell intoxicating.", "summary": "White gardenia", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3QDLODOQKUXGN", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "Kitty", "reviewText": "Great fragrance and product. Will purchase again.", "summary": "Great Body Wash", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A3KL6I6EWV0MF6", "asin": "B0012Y0ZG2", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "Jenephil C.", "reviewText": "Love the this 2-1 shampoo and conditioner. Does wonders for my hair and enjoy using it.", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A2NH58DY5F0XSZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 176"}, "reviewerName": "michael Luna", "reviewText": "AAA+", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2016", "reviewerID": "A2W9I628I6SE1U", "asin": "B000WR2HB6", "style": {"Size:": " 1 oz"}, "reviewerName": "Kort", "reviewText": "My wife uses this for skin irritation (and prevention) and swears by it. A little goes a long way so this product is a good value.\n\n~ Kort", "summary": "Salve(ation)", "unixReviewTime": 1468195200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A2OQZFZLIMR4AR", "asin": "B00006L9LC", "style": {"Size:": " 1.7 oz"}, "reviewerName": "C McNulty", "reviewText": "I will never be without this product. I have used it for 5 years. Foundation just glides on over top. I use it with Estee Lauder foundation but you could probably use another brand. I am 62 and get compliments on my skin all of the time.", "summary": "Great product", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": false, "reviewTime": "04 28, 2018", "reviewerID": "A1X3ESYZ79H59E", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Angel's Trumpet"}, "reviewerName": "pepper", "reviewText": "This soap has a very nice fragrance. It is not too strong or perfumy. The bar of soap itself is very large. It lathers up well and rinsed cleanly. A great bar of soap to use in the guest bathroom. It will impress your guests!", "summary": "Nice fragrance", "unixReviewTime": 1524873600} +{"overall": 5.0, "verified": false, "reviewTime": "09 8, 2017", "reviewerID": "ANM9LSZS7C67V", "asin": "B0010ZBORW", "style": {"Color:": " Foot File"}, "reviewerName": "Keith Alan", "reviewText": "Good strong wooden handle that is easy to use. Solid file surface that gets rid of dead skin without feeling any pain. The file is thin enough for easy storage and also will bend to for easier use.", "summary": "Simple and precise", "unixReviewTime": 1504828800} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A1V4LZJKGV2YSU", "asin": "B0012Y0ZG2", "style": {"Size:": " 214"}, "reviewerName": "L. Jane Wells", "reviewText": "This is the BEST smelling body wash ever! Love it.", "summary": "Body wash", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2013", "reviewerID": "A1TB2OE42GDXLB", "asin": "B000URXP6E", "style": {"Size:": " 283"}, "reviewerName": "duwal", "reviewText": "Thank you for selling this. The company doesn't make it any more or slowed down how much product it produces. So it's wonderful to see that someone on Amazon sells it...thanks.", "summary": "I love this scent.", "unixReviewTime": 1370476800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A105A034ZG9EHO", "asin": "B0009RF9DW", "style": {"Size:": " 180"}, "reviewerName": "K. Mras", "reviewText": "yum", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A2JAEYUNQB6BIF", "asin": "B0012Y0ZG2", "style": {"Size:": " 228"}, "reviewerName": "AuTumn", "reviewText": "Gift for sister. She loves it", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2015", "reviewerID": "A3TFW9R3OCAGUI", "asin": "B0012Y0ZG2", "style": {"Size:": " 223"}, "reviewerName": "ali alawieh", "reviewText": "I love the smell of the shower gel also it bodyspary and also a great gift set that I got from wife that only cost me $20. it's great to a get gift from your hard own money.", "summary": "I love the smell of the shower gel also it bodyspary ...", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A2UNM0QKAA0LUS", "asin": "B000URXP6E", "style": {"Size:": " -"}, "reviewerName": "Peggy Brothers", "reviewText": "Great! large enough for excellent coverage...love it!", "summary": "Face Powder Brush", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1AWB5QE4T9LPM", "asin": "B000URXP6E", "style": {"Size:": " 7.6oz"}, "reviewerName": "Rafael Saturno", "reviewText": "All perfect", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A1IMRCSU4F0409", "asin": "B000URXP6E", "style": {"Size:": " 367"}, "reviewerName": "Bdot", "reviewText": "Packaging was nicely done with bubble wrap and paper. Box is amazing besides perfume and I love the new red door design. Order this one because im used to the old bottle design which they sent the new one and im glad they did.", "summary": "Happy", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A3H4ZZ6X3GROKJ", "asin": "B0009RF9DW", "style": {"Size:": " 124"}, "reviewerName": "Amazon Customer", "reviewText": "Absolutely LOVE, LOVE, LOVE this product!!!!! It smells AMAZING and feels GREAT on the body! Will be repurchasing this item MANY, MANY more times!", "summary": "Amazing Product!", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A11L1TI883AOSV", "asin": "B000URXP6E", "style": {"Size:": " 50"}, "reviewerName": "Trudy Goodwin", "reviewText": "You Just need a little, and it lathers up great. Smells good, leaves my hair shiny and curly, and manageable. My only complaint is for some unknown reason, they stopped making the 32oz. size. Probably because they want you to buy more of the 11oz size.", "summary": "Great Shampoo for curly or wavy Hair", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A13PKMKQ0177SH", "asin": "B001OHV1H4", "style": {"Size:": " 366"}, "reviewerName": "cara luter", "reviewText": "I have been wearing this fragrance for years and the body cream luxurios. In fact I wear it alone for a longer lasting and subtle effect.", "summary": "Great value!", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "ARZQ7AEFUXNPN", "asin": "B00006L9LC", "style": {"Size:": " 401"}, "reviewerName": "Christy", "reviewText": "Love this perfume. Light and feminine and doesn't give me a headache like many other fragrances.", "summary": "Not overpowering, but lasts all day", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A1MBLC4ZSP4QEB", "asin": "B000URXP6E", "style": {"Size:": " 52"}, "reviewerName": "Richard A.", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A2JWINJJ8E1IIC", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "michael mcnicholas", "reviewText": "I love this shampoo . It leaves what hair l have left nice and clean.lt also smells nice.", "summary": "Five Stars", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A2H99IQJ0JT4MU", "asin": "B000URXP6E", "style": {"Size:": " 143"}, "reviewerName": "karen stanley", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A3PWCOTLFTGNJD", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "charles e fells jr", "reviewText": "light and summery. smells great! great service. thanks!!", "summary": "smells great! great service", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "ADNGSTD6WM8WE", "asin": "B0012Y0ZG2", "style": {"Size:": " 69"}, "reviewerName": "Amazon Customer", "reviewText": "Just what I wanted- this is my 3rd bottle. I hope it will still be available next time I need more.", "summary": "Just what I wanted- this is my 3rd bottle. ...", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2017", "reviewerID": "AM18CU72YEWH5", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Lemongrass"}, "reviewerName": "A. J Terry", "reviewText": "This is a medium-sized bar of hard soap with a pleasant lemon scent. I have sensitive skin, and this soap does not irritate it. Perfect for the tub, sink, or a luxury gift.", "summary": "Great luxury soap with a lemon scent", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2IYMZSE5YVU7F", "asin": "B0012Y0ZG2", "style": {"Size:": " 127"}, "reviewerName": "Jordan Marks", "reviewText": "If you want women to fall over you, wash yourself with this. It's the best smelling thing you'll ever have in your shower. Pricey? Of course, it's $50 bucks for soap. But to quote Ferris Bueller, \"if you have the means, I highly recommend picking one up\"", "summary": "Sex In a Bottle", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A3VUYRFM95CGJR", "asin": "B000URXP6E", "style": {"Size:": " 160"}, "reviewerName": "Valentina V.", "reviewText": "Thank you.", "summary": "Five Stars", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "AQN8A38PJ8V41", "asin": "B000URXP6E", "style": {"Size:": " 32"}, "reviewerName": "pamela", "reviewText": "Highly recommend", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A280XZUEBJ0G3Z", "asin": "B0009RF9DW", "style": {"Size:": " 235"}, "reviewerName": "mapster", "reviewText": "Absolutely...exactly as described", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A3IYF2TNOC0XYO", "asin": "B0012Y0ZG2", "style": {"Size:": " 55"}, "reviewerName": "Lindsey Sutton", "reviewText": "No problems.", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A2A3IPL0AVGETE", "asin": "B0012Y0ZG2", "style": {"Size:": " 328"}, "reviewerName": "RAY MOTIL", "reviewText": "wife loved it", "summary": "Five Stars", "unixReviewTime": 1421798400} +{"reviewerID": "A1UDB6NF2GI5KF", "asin": "B000FI4S1E", "reviewerName": "jc's princess pick's", "verified": true, "reviewText": "too bad this is discontinued", "overall": 5.0, "reviewTime": "07 14, 2015", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JXCMOICECC61", "asin": "B001OHV1H4", "style": {"Size:": " 8.0 fl. oz."}, "reviewerName": "denise blandford denise blandford", "reviewText": "Love this stuff makes my skin feel great the only brand I buy just wish it did not cost so much", "summary": "Great product", "unixReviewTime": 1386806400} +{"reviewerID": "A37DCOJBXHTODF", "asin": "B000FI4S1E", "reviewerName": "LUVSTAWKIN", "verified": false, "reviewText": "Love it!", "overall": 5.0, "reviewTime": "09 20, 2014", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A1MBLC4ZSP4QEB", "asin": "B0012Y0ZG2", "style": {"Size:": " 52"}, "reviewerName": "Richard A.", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A1SMX2GYS61UT", "asin": "B00006L9LC", "style": {"Size:": " 38"}, "reviewerName": "Country girl", "reviewText": "Item came on time, brand new satisfied with product", "summary": "Satisfied with product", "unixReviewTime": 1443916800} +{"reviewerID": "APTBOPU0IZZ0Y", "asin": "B000FI4S1E", "reviewerName": "Fitz", "verified": true, "reviewText": "I have always loved the fragrance of this product and when I found it at this price, I went for it! I received it in a very timely matter.", "overall": 5.0, "reviewTime": "02 25, 2014", "summary": "Good Deal", "unixReviewTime": 1393286400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A4UCVNYL7GY61", "asin": "B000URXP6E", "style": {"Size:": " 8"}, "reviewerName": "Shelly Chao", "reviewText": "Love the smell!!!", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A2IGYO5UYS44RW", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "Dawna Kern", "reviewText": "I love how soft this makes my skin and the scent is amazing. When my local stored are out I can always get it at Amazon", "summary": "BETTER THAN RAINBATH", "unixReviewTime": 1517356800} +{"reviewerID": "A1Z9JYXS7Y6Z6X", "asin": "B000FI4S1E", "reviewerName": "Margaret", "verified": false, "reviewText": "I love it so much, others receive it on their birthday. Now they love it too.", "overall": 5.0, "reviewTime": "09 14, 2014", "summary": "Perfect scent", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A320TM0B7A5Q1C", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "ray mcconaghy iii", "reviewText": "Wow, this product really is purely organic and natural! Outstanding vegan ingredient list and no chemical additives. Works perfect, suits my dry hair.", "summary": "Great and natural", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "ASZB0F9PAQL5J", "asin": "B0009RF9DW", "style": {"Size:": " 65"}, "reviewerName": "L. Wisen", "reviewText": "I really enjoy this product. They started selling it at our local store so I don't need to order it online any more. I am allergic to many products, so I was happy to find this one.", "summary": "Very nice", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "ABCIDPOKCXJOB", "asin": "B000URXP6E", "style": {"Size:": " 354"}, "reviewerName": "Linda Alana", "reviewText": "These are the best perms! I only wish we could still buy them. The foam is so much nicer to work with and Ogilvie is a wonderful product.", "summary": "These are the best perms! I only wish we could still buy ...", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A2L5BRKS3Q0J0D", "asin": "B0012Y0ZG2", "style": {"Size:": " 337"}, "reviewerName": "derek n.", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A38EDCGATXMRI3", "asin": "B0012Y0ZG2", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Amazon Customer", "reviewText": "Good Stuff!", "summary": "Good Stuff!", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "AGER9YK3VDQMV", "asin": "B000URXP6E", "style": {"Size:": " 188"}, "reviewerName": "marianne winfield", "reviewText": "Great product! Clean&fresh smell. It is one of my bath and shower products. I do love many of the Boots products.", "summary": "Lovely!!!", "unixReviewTime": 1377907200} +{"reviewerID": "AF0QBHJJUO5R2", "asin": "B000FI4S1E", "reviewerName": "PJ Buyer", "verified": true, "reviewText": "This is pricey, but the results are worth it. Skin feel silky and the aroma is wonderful. Not much is needed for results, so it does last a long time. I will keep coming back to buy it on Amazon because I have not found it locally.", "overall": 5.0, "reviewTime": "09 20, 2013", "summary": "Awesome body wash", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A177B2VPWX4P55", "asin": "B0012Y0ZG2", "style": {"Size:": " 124"}, "reviewerName": "Columbus Ohio", "reviewText": "Umm smells yummy, fresh fruity not overly sweet, perfect for fall time. This is a very mild scrub good for daily use with nice creamy suds. The packaging is also beautiful :)", "summary": "yummy and fresh, but more a shower gel than a true exfoliator", "unixReviewTime": 1384732800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A1888H788ZLJUQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 401"}, "reviewerName": "Tammie", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A3V6X81OCON26K", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Kim Shay", "reviewText": "Was looking everywhere for this as a gift. Great scent1", "summary": "Great", "unixReviewTime": 1471392000} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A2WNVJ6S7OVZP4", "asin": "B00006L9LC", "style": {"Size:": " 15"}, "reviewerName": "Amazon Customer", "reviewText": "It worked very well i disliked nothing", "summary": "Four Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A2ZSMS6M1Q4Y9R", "asin": "B0012Y0ZG2", "style": {"Size:": " w-087"}, "reviewerName": "Barbara S", "reviewText": "Smells great with out the allergy issues. I wish I didn't have to have required number of words. What more can I say about soap?", "summary": "No allergy problems w/this soap.", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "ASPQVBZP025R8", "asin": "B00006L9LC", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "K's Amazon 10-04", "reviewText": "Very pleased\n Nice assortment", "summary": "MsK1004", "unixReviewTime": 1496102400} +{"reviewerID": "A2TZW7B0YG2ZJQ", "asin": "B000FI4S1E", "reviewerName": "flavio sanchez", "verified": true, "reviewText": "i am ok with this adidas hair and body 3 active start shower gel and shampoo 250 ml 8.4 oz\n\nthank you", "overall": 5.0, "reviewTime": "03 13, 2014", "summary": "i love it", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A2IXGQP8IXSJXW", "asin": "B0009RF9DW", "style": {"Size:": " 147"}, "reviewerName": "Nancy Silvia", "reviewText": "Alien has been my favorite for years! I always get compliments", "summary": "Alien is the best", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "ATQWHIT4GCWFU", "asin": "B001OHV1H4", "style": {"Size:": " 370"}, "reviewerName": "Lee Souleles", "reviewText": "Excellent product! Excellent transaction.", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "ANUDL8U5MQSPX", "asin": "B001OHV1H4", "style": {"Size:": " C-071"}, "reviewerName": "Whitney", "reviewText": "Very rich and creamy, moisturizes with no greasy feel!", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": false, "reviewTime": "01 27, 2016", "reviewerID": "A25DGSQA3AN7H5", "asin": "B000URXP6E", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "PurrfXion", "reviewText": "Best product Pantene made and can't find it in stores anymore.", "summary": "Best Pantene Product Out There", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A3L3SRE6L8IFHH", "asin": "B0009RF9DW", "style": {"Size:": " 258"}, "reviewerName": "truestory", "reviewText": "Effective soap and shampoo - convenient to have one bottle to do both. Clean scent and does the job.", "summary": "Clean scent and effective cleaner", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "AR7EOI1I0D7Q7", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "Julie H.", "reviewText": "Love this fragrance.", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A2AHJ14T0JXO1M", "asin": "B0012Y0ZG2", "style": {"Size:": " 188"}, "reviewerName": "Rachael Heade", "reviewText": "My husband loves the bergamot fragrance and most of the local brands are mixed with other more feminine scents. This is just the bergamot and is great refreshing body wash.", "summary": "Great for my Guy :-)", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A1F8L7H54H5WFZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "FrankieTwoSocks", "reviewText": "My \"go to\" shampoo for my blonde foiled hair. The only other product I'll use aside from Pureology. Warning to new users, don't leave in too long or it will blue your hair and wait one week before using on newly highlighted hair.", "summary": "My \"go to\" shampoo for my blonde foiled hair. ...", "unixReviewTime": 1454025600} +{"overall": 5.0, "vote": "17", "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A1O7LQP26XE36M", "asin": "B0012Y0ZG2", "style": {"Size:": " 292"}, "reviewerName": "Maria Mercedes Calzado", "reviewText": "Nice!!", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2014", "reviewerID": "A32PX7W05VFWOJ", "asin": "B0009RF9DW", "style": {"Size:": " 187"}, "reviewerName": "L.B.T.W", "reviewText": "I love this cleansing cream. I also bought the body cream. Love the smell.", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A1F4BVHEE78OVF", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Jay- Oh", "reviewText": "Still does a great pre shave job.", "summary": "Four Stars", "unixReviewTime": 1454025600} +{"reviewerID": "ASLE3QYFD5C70", "asin": "B000FI4S1E", "reviewerName": "kathy leone", "verified": true, "reviewText": "Love this!", "overall": 5.0, "reviewTime": "03 13, 2016", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"reviewerID": "A2KZH1QYHRJRB7", "asin": "B000FI4S1E", "reviewerName": "Proper Bostonian", "verified": true, "reviewText": "I have had this shower gel once before, and it's amazing. Hard to find, too. One of The Body Shop's best scents, and it's usually only available seasonally! I wish they sold it in bigger bottles, but I was happy to find this.", "overall": 5.0, "reviewTime": "04 14, 2014", "summary": "Ah-Mazing!", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2009", "reviewerID": "A23JI9AN3N4GFK", "asin": "B0012Y0ZG2", "style": {"Size:": " 106"}, "reviewerName": "J. P. Lewis", "reviewText": "I've used Bellmira Herbaflor Herbal Baths for years and for a relaxing bubble bath, these are the Best Ever! The water here is Very Hard & this stuff still makes bubbles like no other I've ever found. Scents are Mild. A Must try.", "summary": "Fabulous Bubbles...", "unixReviewTime": 1250726400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A1ANGX1BIKKJL1", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Tresha Gillingham", "reviewText": "Best shampoo and conditioner for fine, bleach blonde hair! The only set that makes my hair smooth and HEALTHY! LOVE IT!", "summary": "Best product for fine bleach blonde hair!", "unixReviewTime": 1378425600} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A3KHIT48AYHC0L", "asin": "B001OHV1H4", "style": {"Size:": " 5"}, "reviewerName": "DLB", "reviewText": "Have used this product for the past 7 months. It has proven to be a great shampoo by improving the overall health of my hair.", "summary": "H2O+ aquatics natural shampoo", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2014", "reviewerID": "A24OO89UB5PY7J", "asin": "B0009RF9DW", "style": {"Size:": " 179"}, "reviewerName": "JD", "reviewText": "I have been buying this body wash for abut a year now. It is simple. No heavy perfumes or dyes. My husband has sensitive skin and this stuff doesn't bother him at all.\n\nI have always loved Ivory! I love it more now.", "summary": "Simple Clean", "unixReviewTime": 1400889600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A3RUBIOZYJNY0D", "asin": "B000URXP6E", "style": {"Size:": " 122"}, "reviewerName": "Merrie", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 3.0, "verified": true, "reviewTime": "12 13, 2011", "reviewerID": "A270QYQEV3CQGH", "asin": "B00112DRHY", "style": {"Scent Name:": " Sandalwood"}, "reviewerName": "The Empress", "reviewText": "This product was one of many in a birthday basket. I have not heard anything negative from the person who received the basket therefore, I am assuming it was good.", "summary": "Great Gift", "unixReviewTime": 1323734400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "AZ520NWW40I9B", "asin": "B001OHV1H4", "style": {"Size:": " 6"}, "reviewerName": "Abigail Harden", "reviewText": "My male roommate and I both love this shampoo! My hair looks healthy and never dry or frizzy when I use it consistently. All the Theorie products I have used have been excellent and do exactly what they promise. I would recommend it to anyone!", "summary": "Best shampoo I've ever used!", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "AZFYUPGEE6KLW", "asin": "B0012Y0ZG2", "style": {"Size:": " 483"}, "reviewerName": "Jo Kamcy", "reviewText": "Love this. I can't find it in the makeup stores. It feels really good on my lips. Other glosses cause my lips to become dry, especially on the edges of my lips. This one doesn't and I get compliments on how good it looks on me by everyone.", "summary": "Love this. I can't find it in the makeup ...", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A2E3YYK70W49NO", "asin": "B0009RF9DW", "style": {"Size:": " 233"}, "reviewerName": "Lauri Shields", "reviewText": "Love the scent, great deal for the price, large bottle", "summary": "Five Stars", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A1XCIY3DWUIC3C", "asin": "B000URXP6E", "style": {"Size:": " 1 Pack"}, "reviewerName": "R Goldburg", "reviewText": "I have been using this shampoo for a long time and was happy to have it available to me a 4 pack; to me it's the best shampoo available", "summary": "... using this shampoo for a long time and was happy to have it available to me a 4 pack", "unixReviewTime": 1481500800} +{"overall": 5.0, "vote": "30", "verified": true, "reviewTime": "07 11, 2017", "reviewerID": "A35GLRQ89X0WRD", "asin": "B0012Y0ZG2", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Kelly", "reviewText": "My scalp randomly starts hating any kind of product being on it and retaliates by going crazy with eczema like symptoms that seems to last forever. This is the only shampoo and conditioner that I have found that doesn't make my scalp cranky...It's a good product!", "summary": "Good products", "unixReviewTime": 1499731200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A3J539P6RXOP9M", "asin": "B0009RF9DW", "style": {"Size:": " 187"}, "reviewerName": "mattie simpson", "reviewText": "love love love", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1FFGS17PQWUI8", "asin": "B001OHV1H4", "style": {"Size:": " 33"}, "reviewerName": "Amazon Customer", "reviewText": "I love it! I wish the conditioner was still available", "summary": "Wonderful!", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A32NCLA7SHQBFW", "asin": "B000URXP6E", "style": {"Size:": " 205"}, "reviewerName": "sumthing_nyce", "reviewText": "This one is a winner I can't afford the J'Adore original but this is very close reminds me of Perry Ellis 360 (circa 1990s) but I like it", "summary": "Very close", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A27V608OPEA3CD", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Joyce M. Amos", "reviewText": "This is one of my favorite bath and body products. I love the fragrance.", "summary": "Bath and Body Wash Gels", "unixReviewTime": 1482796800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A21C5SBM0KCCH9", "asin": "B001OHV1H4", "style": {"Size:": " 439"}, "reviewerName": "angela", "reviewText": "excellent products and excellent seller", "summary": "I love it", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2014", "reviewerID": "A3IVBYIDNMPEPO", "asin": "B000URXP6E", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Chococat", "reviewText": "This gel is so fragrant and good lather. Very luxurious!", "summary": "Luxurious!", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A3A8F2URN7MEPR", "asin": "B0012Y0ZG2", "style": {"Size:": " 509"}, "reviewerName": "Sheila T.", "reviewText": "My favorite powder!", "summary": "Five Stars", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": false, "reviewTime": "06 23, 2016", "reviewerID": "A7IB2KI9HJZWU", "asin": "B001OHV1H4", "style": {"Size:": " 266"}, "reviewerName": "Jennifer Ludwick", "reviewText": "The shampoo and conditioner both work very well. My hair feels softer and looks fuller. I'm very happy with it", "summary": "Excellent product", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A37PANLDA6ENJK", "asin": "B0012Y0ZG2", "style": {"Size:": " 22"}, "reviewerName": "Jo", "reviewText": "I absolutely love this scent ever since the first time I tried it. I hope Thymes continues to make it.", "summary": "Love it!", "unixReviewTime": 1399507200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A2X5PW8CYW4U1D", "asin": "B0012Y0ZG2", "style": {"Size:": " 156"}, "reviewerName": "Amazon Customer", "reviewText": "use it everyday works great", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"reviewerID": "AE9VRSOM1TYLE", "asin": "B000FI4S1E", "reviewerName": "alan merritt", "verified": true, "reviewText": "loved this scent unfortunately can't get it anymore.", "overall": 5.0, "reviewTime": "04 30, 2018", "summary": "Five Stars", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A1NXF07STAXNN3", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "W. T. Godbolt", "reviewText": "soapy", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28G6HAG3I755Y", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "R. Taylor", "reviewText": "Great smell and products.", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A1WL02Q81VWPX6", "asin": "B000URXP6E", "style": {"Size:": " 515"}, "reviewerName": "Vickie W.", "reviewText": "This has been my favorite forever!", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 4.0, "verified": false, "reviewTime": "10 6, 2017", "reviewerID": "A3M6TSEV71537G", "asin": "B0010ZBORW", "style": {"Color:": " Foot File"}, "reviewerName": "Sibelius", "reviewText": "Very nicely priced foot file and gets the job effectively. I'd say that the file isn't particularly coarse so it doesn't feel rough and is effective on both dry or wet skin. Very effective at dry skin removal and starting anew.", "summary": "Not too coarse or rough", "unixReviewTime": 1507248000} +{"overall": 4.0, "verified": false, "reviewTime": "02 21, 2018", "reviewerID": "A1MAI0TUIM3R2X", "asin": "B019FWRG3C", "style": {"Color:": " Body Lotion"}, "reviewerName": "Princess Bookworm", "reviewText": "Nice lavender lotion that absorbs easily in my skin. It's not too overpowering scent-wise. The price is fair enough, and this is 10 ounces.", "summary": "Fragrant Lavender Lotion", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A3J0XGWTJWZKLZ", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "Kimberly", "reviewText": "Still do not know whey Old Spice discontinued this it is their best scent..", "summary": "... know whey Old Spice discontinued this it is their best scent.", "unixReviewTime": 1486252800} +{"reviewerID": "A2H1NTYWYYA0XM", "asin": "B000FI4S1E", "reviewerName": "Antonio Gosain", "verified": true, "reviewText": "Divine smell, cleaning properties and after-use smell! 5/5 stars.", "overall": 5.0, "reviewTime": "04 13, 2018", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A2KQ0AAX4DKI1Q", "asin": "B000URXP6E", "style": {"Size:": " 174"}, "reviewerName": "Timothy E Murray", "reviewText": "This cape was durable and very inexpensive. I cut my husband's hair and this is just what I needed. The velcro at the neck insures a proper fit.", "summary": "Great cape", "unixReviewTime": 1400544000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71BMgGEkDjL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "AX0ZEGHH0H525", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Aida A", "reviewText": "Suffered from itchiness under my hair for couple of years. This product cured the itchiness completely. I took some 4-5 drops of it and then massaged my wet head for a minute approximately. After 2 uses noticed a considerable difference. It definitely gets the job done!", "summary": "Scalp-healing", "unixReviewTime": 1524441600} +{"overall": 1.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "ADUKTDKBY4CNP", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Andelika", "reviewText": "Made my hair brittle and dull looking, didn't do anything for the itch or dandruff.", "summary": "Disappointment...", "unixReviewTime": 1524873600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "A2KZH1QYHRJRB7", "asin": "B0009RF9DW", "style": {"Size:": " 197"}, "reviewerName": "Proper Bostonian", "reviewText": "I have had this shower gel once before, and it's amazing. Hard to find, too. One of The Body Shop's best scents, and it's usually only available seasonally! I wish they sold it in bigger bottles, but I was happy to find this.", "summary": "Ah-Mazing!", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2009", "reviewerID": "A1L4ZAG36ZO15M", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.8 oz"}, "reviewerName": "Birmingham Man", "reviewText": "Best general purpose shampoo on the market. My wife says it produces a shine in her hair she can't get from any other product. Unique and lovely fragrance that characterizes the products in this line for both men and women.", "summary": "Penhaligon's Blenheim Bouquet Shampoo - GREAT !", "unixReviewTime": 1252627200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A38EDCGATXMRI3", "asin": "B000URXP6E", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Amazon Customer", "reviewText": "Good Stuff!", "summary": "Good Stuff!", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A3LR34UDLT38PG", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "Charity Arnett", "reviewText": "Love Love Love, Very hard to find", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "AX461TIEKR7CJ", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "Sheep", "reviewText": "Best smell by Old Spice so sad they stopped carrying it at most stores but hey they're loss is the Amazon marketplaces gain. Very quick shipping no issues will be buying again", "summary": "Best", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2BLQAZWM052C1", "asin": "B0009RF9DW", "style": {"Size:": " 71"}, "reviewerName": "Smith Reviews", "reviewText": "This is my wife's go to body wash.", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "AIPW346SC1MMK", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Leslie Handley", "reviewText": "This product is a great deal. They don't sell this in the salon anymore, you can only find it online. It is a great product if you are looking for a shine. It did not work well as an anti-frizz product.", "summary": "This product is a great deal. They don't sell this in the salon ...", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2017", "reviewerID": "A3LGZDAVZSFO0M", "asin": "B001OHV1H4", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Robin L. Bomzer", "reviewText": "This set is awesome! I bought one for myself and bought a second one as a gift! Good scents and a good price.", "summary": "This set is awesome! I bought one for myself and bought a ...", "unixReviewTime": 1491436800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A3E1JS2EB8ZH94", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "trace", "reviewText": "I really like this wash and was feeling lazy so I decided to buy it on amazon. Just be advised its about 3-4 times more expensive on amazon than in most stores.", "summary": "I really like this wash and was feeling lazy so I decided ...", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AGXW8BFME8048", "asin": "B00VG1AV5Q", "reviewerName": "Gretchen G", "reviewText": "This is a great product. It is alcohol free but holds well . I used to get it at Sally's but they discontinued it . Thankfully I was able to buy it here.", "summary": "This is a great product. It is alcohol free but holds well", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A1SMX2GYS61UT", "asin": "B0012Y0ZG2", "style": {"Size:": " 38"}, "reviewerName": "Country girl", "reviewText": "Item came on time, brand new satisfied with product", "summary": "Satisfied with product", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-BCBB1FE978"}, "reviewerName": "Amzon Customer", "reviewText": "This product arrived quickly & it feels fantastic on my skin~ I love it!!", "summary": "Five Stars", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A2S255TZX0IO1X", "asin": "B00MTR49IG", "reviewerName": "ShopperForAll", "reviewText": "Best sulfate-free shampoo and conditioner ever! And...I've tried many. A little goes a long way, so don't hesitate to buy this wonderful product. .", "summary": "Best sulfate-free shampoo and conditioner ever", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A289XUH39KKR89", "asin": "B0012Y0ZG2", "style": {"Size:": " 18"}, "reviewerName": "E E.", "reviewText": "Great price! Product received exactly as described, in perfect condition and on time. Thank You", "summary": "Great price! Product received exactly as described", "unixReviewTime": 1484265600} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 15, 2018", "reviewerID": "A23NSBJ5CGLWAA", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Bradford J. Fleener", "reviewText": "A really good gentle cleanser. Always leaves my hair feeling clean, and soft. Also virtually eliminated dandruff issues where other bigger named products consistently failed.", "summary": "A really good gentle cleanser", "unixReviewTime": 1521072000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A2C114BZC4OO6A", "asin": "B000URXP6E", "style": {"Size:": " 228"}, "reviewerName": "Megha Kapoor", "reviewText": "Amazing product!", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2YWRVKET7JDYP", "asin": "B00006L9LC", "style": {"Size:": " 483"}, "reviewerName": "The Truth", "reviewText": "Great for the price", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A2WEFN5GAH3CUE", "asin": "B001OHV1H4", "style": {"Size:": " 32"}, "reviewerName": "carmen zook", "reviewText": "Love this shampoo, can't get enough of it! Leaves hair super soft, shiny and manageable. A little expensive to buy but well worth the investment!! Nothing else compares!", "summary": "Coretex repair formula shampoo", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AD75IYEZMZVJH", "asin": "B0012Y0ZG2", "style": {"Size:": " 188"}, "reviewerName": "patm54", "reviewText": "Body Wash has a nice \"clean\" scent.", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A1PC83477QHU77", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "shirley koberstein", "reviewText": "just what I wanted and at a great price", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2018", "reviewerID": "AUS96J3A7A9MK", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Kirk Wiper", "reviewText": "Got both products from this seller, shampoo and body wash. Both - top notch. 5 stars", "summary": "Selenium is awesome!", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A1QZ7QH2NEMECC", "asin": "B000URXP6E", "style": {"Size:": " 174"}, "reviewerName": "Jamelia", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": false, "reviewTime": "02 4, 2016", "reviewerID": "A2VZXAAEWAO7PG", "asin": "B001OHV1H4", "style": {"Size:": " 44"}, "reviewerName": "Jacqueline Ruble", "reviewText": "My family and I have used this shampoo and love it the conditioner is great also. I love Le Grande Francisco\nproducts!!", "summary": "My family and I have used this shampoo and love it the conditioner is great also", "unixReviewTime": 1454544000} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "AIWVB6601DJOO", "asin": "B00006L9LC", "style": {"Size:": " 6"}, "reviewerName": "Amazon Customer", "reviewText": "Love this stuff.", "summary": "Four Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A26GEEGKDA0D58", "asin": "B0009RF9DW", "style": {"Size:": " 8"}, "reviewerName": "Miss Red", "reviewText": "I wish I could find more products with this particular fragrance. I drives me nuts. Oh and it makes my skin silky soft. WIsh the scent lasted longer on my skin. I really love it.", "summary": "I love this shower cream beyond reason", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A36CT6022EC8KS", "asin": "B0012Y0ZG2", "style": {"Size:": " 468"}, "reviewerName": "Amazon Customer", "reviewText": "Smells great!! Thanks for the fast delivery!", "summary": "Five Stars", "unixReviewTime": 1488672000} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "AIPW346SC1MMK", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Leslie Handley", "reviewText": "This product is a great deal. They don't sell this in the salon anymore, you can only find it online. It is a great product if you are looking for a shine. It did not work well as an anti-frizz product.", "summary": "This product is a great deal. They don't sell this in the salon ...", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": false, "reviewTime": "01 27, 2016", "reviewerID": "A25DGSQA3AN7H5", "asin": "B001OHV1H4", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "PurrfXion", "reviewText": "Best product Pantene made and can't find it in stores anymore.", "summary": "Best Pantene Product Out There", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A2IXGQP8IXSJXW", "asin": "B0012Y0ZG2", "style": {"Size:": " 147"}, "reviewerName": "Nancy Silvia", "reviewText": "Alien has been my favorite for years! I always get compliments", "summary": "Alien is the best", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "AT55FHUTTF5DM", "asin": "B00006L9LC", "style": {"Size:": " 328"}, "reviewerName": "Loonytoon.", "reviewText": "I always get compliments when I wear this perfume. It was delivered in a timely manner. It looked just like the picture. The price was nice.", "summary": "I LOVE IT!!!", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AU3V1LSV81SGH", "asin": "B000URXP6E", "style": {"Size:": " 370"}, "reviewerName": "B", "reviewText": "Love this product! I use as a night cream and wake up with a soft refreshed feeling.", "summary": "love it!", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A2PCUZU2NUV72W", "asin": "B000URXP6E", "style": {"Size:": " 59"}, "reviewerName": "Amazon Customer", "reviewText": "I have used this product for years and love it.", "summary": "Great product", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A21VGLAQKA6UXO", "asin": "B004KEJ65C", "reviewerName": "Little Britches", "reviewText": "This is a great help for fine hair, I've used it for three years and it really makes a difference !", "summary": "Really does the job !", "unixReviewTime": 1466985600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "A2MTXSVB9MC8IO", "asin": "B00006L9LC", "style": {"Size:": " 10.1 oz."}, "reviewerName": "CAROLINA TRUJILLO", "reviewText": "Matrix Biolage Fortifying conditioner is excellent. I use it all the time specially when I go to the beach, I live it on to protect my hair.", "summary": "Love it! Leaves my hair smooth and strong", "unixReviewTime": 1382054400} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A316WN9Q8LGXT", "asin": "B00006L9LC", "style": {"Size:": " 110"}, "reviewerName": "William O Torres", "reviewText": "best for keratin treatments", "summary": "Five Stars", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A2EGIJP9ULQ9XB", "asin": "B0012Y0ZG2", "style": {"Size:": " 13"}, "reviewerName": "Brian D. Hirak", "reviewText": "Smells Great!! Take's just a small amount to make your hair full and hold without any residue or stickiness. Works great, I have been using it for over 3 years now, no complaints...", "summary": "Excelllent, works great, nice hold, great smell...", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A3AF038W92E3I", "asin": "B0012Y0ZG2", "style": {"Size:": " 432"}, "reviewerName": "Hismai", "reviewText": "My hair feels soft after I started use them. They smell wonderful! If you are like me, asian, with lots of thick hair, that are prone to frizz, I think for this prize, it's worth trying them!", "summary": "Great!", "unixReviewTime": 1375401600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "APV301O2BXWU2", "asin": "B0012Y0ZG2", "style": {"Size:": " 92"}, "reviewerName": "Jim Mullery", "reviewText": "Love this shampoo and am happy to find it online", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A1KEYDA4M5GDSH", "asin": "B00006L9LC", "style": {"Size:": " 5"}, "reviewerName": "Angela S. Carson", "reviewText": "really cleans my hair with a fresh smell, will buy again", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A33MZYRMSIHERN", "asin": "B0012Y0ZG2", "style": {"Size:": " 43"}, "reviewerName": "Chad Gall", "reviewText": "It's all my son uses and great price and delivery", "summary": "Good buy", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A34KXLHGO3SWB7", "asin": "B0012Y0ZG2", "style": {"Size:": " 46"}, "reviewerName": "Vicki R. Perry", "reviewText": "Have been looking for this kit. Great for for traveling.", "summary": "Great for for traveling", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": false, "reviewTime": "02 21, 2016", "reviewerID": "A2DK8CVJ2HYDRI", "asin": "B00157OBRU", "reviewerName": "Pamela Biafora", "reviewText": "Absolutely Love this", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A3KL6I6EWV0MF6", "asin": "B0012Y0ZG2", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "Jenephil C.", "reviewText": "Love the this 2-1 shampoo and conditioner. Does wonders for my hair and enjoy using it.", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A26V69GHN5DVOG", "asin": "B000GLRREU", "style": {"Size:": " Ultra"}, "reviewerName": "Sheng", "reviewText": "This is scientology of personal hygiene equipments. Everyone outside looks at it as a crazy contraption, but every owner is LOVING it!", "summary": "This is scientology of personal hygiene equipments. Everyone outside ...", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2NAS3M5B7Z8Q3", "asin": "B0009RF9DW", "style": {"Size:": " 127"}, "reviewerName": "Red", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A1KJ2M8NY458CE", "asin": "B000URXP6E", "style": {"Size:": " 109"}, "reviewerName": "Linda", "reviewText": "this is great and my pups never get the puppy smells, always clean", "summary": "Five Stars", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A313XPHJ3L9OPW", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "KS Senior", "reviewText": "I was a little hesitant to order this clip but glad I did. Nice for summer. Mine looks a little different but same type of pattern. Just waiting for more! These clips are an everyday accessory for me.", "summary": "Love it!", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A2N52EPR60UCHN", "asin": "B00006L9LC", "style": {"Size:": " 367"}, "reviewerName": "gary walters", "reviewText": "my wife loved it ,and thanked me ,she gets good coments all the time.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A1GVT488CKU6ZB", "asin": "B0012Y0ZG2", "style": {"Size:": " 243"}, "reviewerName": "Ellen M Smith", "reviewText": "Excellent non-greasy cream for rough spots - heels, elbows especially.", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A21C5SBM0KCCH9", "asin": "B0012Y0ZG2", "style": {"Size:": " 439"}, "reviewerName": "angela", "reviewText": "excellent products and excellent seller", "summary": "I love it", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "ANVIM4HO9ALJ6", "asin": "B00006L9LC", "style": {"Size:": " 16.9 oz."}, "reviewerName": "Ginny D", "reviewText": "Shine, body, no frizz. Love this shampoo", "summary": "Love it", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A3RGQCA2GSFLX2", "asin": "B000URXP6E", "style": {"Size:": " 169"}, "reviewerName": "self", "reviewText": "hard to find a lab coat the fits nice. this one does. This is my second coat and i am not disappointed. If I need a new one, wold by again. shipping was on time.", "summary": "Love the fit of the lab coat......", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A3RGQCA2GSFLX2", "asin": "B0012Y0ZG2", "style": {"Size:": " 169"}, "reviewerName": "self", "reviewText": "hard to find a lab coat the fits nice. this one does. This is my second coat and i am not disappointed. If I need a new one, wold by again. shipping was on time.", "summary": "Love the fit of the lab coat......", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2014", "reviewerID": "A3L1JSXB4OXOD9", "asin": "B0012Y0ZG2", "style": {"Size:": " 24 oz."}, "reviewerName": "ana martinez", "reviewText": "My favorite shampoo...I can't be without this product...I love it", "summary": "Five Stars", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A1XDV760ZLXN57", "asin": "B0012Y0ZG2", "style": {"Size:": " 59"}, "reviewerName": "Patti", "reviewText": "I have used this off and on for several years and is great for natural curly hair. Can't find it in any stores so was glad to find it on line. I was told they quit making it.", "summary": "Curly Hair", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A27I10FZD5Y0OA", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Jacqueline Anderson", "reviewText": "By far the BEST shampoo and conditioner I have used. As someone with very thick and dry hair it has given me back the shine and texture I craved.", "summary": "Excellent product!", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A2ZSMS6M1Q4Y9R", "asin": "B001OHV1H4", "style": {"Size:": " w-087"}, "reviewerName": "Barbara S", "reviewText": "Smells great with out the allergy issues. I wish I didn't have to have required number of words. What more can I say about soap?", "summary": "No allergy problems w/this soap.", "unixReviewTime": 1361145600} +{"reviewerID": "A1M5UWJ8H1SYHG", "asin": "B000FI4S1E", "reviewerName": "Deb Gosse", "verified": true, "reviewText": "What can I say? This is a great product. Too bad it's discontinued. I wish Dove would reconsider. O love all the Go Fresh Energize line.", "overall": 5.0, "reviewTime": "03 30, 2013", "summary": "Dove Energize Body Wash", "unixReviewTime": 1364601600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3NXD25N4CDKXF", "asin": "B00006L9LC", "style": {"Size:": " 91"}, "reviewerName": "Roshena A.", "reviewText": "I love it. It worked great!", "summary": "Great", "unixReviewTime": 1461542400} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A2SDF1PW1FIKC6", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "grandma09", "reviewText": "This is the shampoo I loved at Disney world.", "summary": "Four Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A3Q5NCX0Y43DG1", "asin": "B000URXP6E", "style": {"Size:": " 33"}, "reviewerName": "Patrice Villot", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 15, 2018", "reviewerID": "A23NSBJ5CGLWAA", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Bradford J. Fleener", "reviewText": "A really good gentle cleanser. Always leaves my hair feeling clean, and soft. Also virtually eliminated dandruff issues where other bigger named products consistently failed.", "summary": "A really good gentle cleanser", "unixReviewTime": 1521072000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "AG7YBSJODBMOB", "asin": "B0012Y0ZG2", "style": {"Size:": " 98"}, "reviewerName": "fenway", "reviewText": "This shampoo cleans my hair well, lathers well, and smells good.", "summary": "Great shampoo", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2BLQAZWM052C1", "asin": "B0012Y0ZG2", "style": {"Size:": " 71"}, "reviewerName": "Smith Reviews", "reviewText": "This is my wife's go to body wash.", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A156IOMOA59X7N", "asin": "B000URXP6E", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "I always use this so was as expected", "summary": "Five Stars", "unixReviewTime": 1447200000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2014", "reviewerID": "A265U4400IMZN4", "asin": "B000URXP6E", "style": {"Size:": " 1.7 oz"}, "reviewerName": "Elaine Blake", "reviewText": "Great buy\nProduct works very wel;l. Leaves skin smooth and soft\nIf you use Estee Lauder products, Amnazon is great place to save money on them", "summary": "Good Deal", "unixReviewTime": 1390780800} +{"overall": 4.0, "verified": false, "reviewTime": "02 21, 2018", "reviewerID": "A1MAI0TUIM3R2X", "asin": "B001LNODUS", "style": {"Color:": " Body Lotion"}, "reviewerName": "Princess Bookworm", "reviewText": "Nice lavender lotion that absorbs easily in my skin. It's not too overpowering scent-wise. The price is fair enough, and this is 10 ounces.", "summary": "Fragrant Lavender Lotion", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "ABWHWMXZDQ25C", "asin": "B0012Y0ZG2", "style": {"Size:": " 223"}, "reviewerName": "Brittany Daniels", "reviewText": "I brought this as a gift. It smells great. I love the price!", "summary": "great deal", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "A1118RD3AJD5KH", "asin": "B00006L9LC", "style": {"Size:": " 511"}, "reviewerName": "DL", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1524614400} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A14YENXHLKG9WL", "asin": "B0012Y0ZG2", "style": {"Size:": " 280"}, "reviewerName": "Samyel F", "reviewText": "this is getting hard to find. don't know why -- it's one of the best scents for summer that we have ever discovered. we have the lotion, the wash, and the cologne.", "summary": "the BEST summer scent", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A2NXR4T75E4QM7", "asin": "B000URXP6E", "style": {"Size:": " 16fl oz."}, "reviewerName": "Janice", "reviewText": "This bath gel is amazing. Silky smooth and not drying to the skin after a bath. Lathers very well. A little goes a long way, and it's totally pure and natural. Too bad the price on Amazon went up. Forced to buy else where.", "summary": "This bath gel is amazing. Silky smooth and not drying to the skin ...", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "AJ61AXPLR0WYY", "asin": "B001OHV1H4", "style": {"Size:": " 351"}, "reviewerName": "Sandra Thomas", "reviewText": "It's Bare Escentuals, 'nuff said!", "summary": "Five Stars", "unixReviewTime": 1496966400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A3RMWHVP1CX5J1", "asin": "B0012Y0ZG2", "style": {"Size:": " 6 Pack"}, "reviewerName": "Robert Gray", "reviewText": "Can't get this in the US (not ever made here, as far as I know), and not in Canada apparently anymore either. Pricey but it's an import....", "summary": "Beloved UK import", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A3HA7DWA3A6P4D", "asin": "B0012Y0ZG2", "style": {"Size:": " 41"}, "reviewerName": "Stellina Reed", "reviewText": "Great Product; does wonders for colored treated hair.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A2B33XXX3MZC6R", "asin": "B000URXP6E", "style": {"Size:": " 49"}, "reviewerName": "Tom Waters", "reviewText": "Great comb! Very well made and the wood even has a nice scent. Pairs well with Northern Fir's beard oil!", "summary": "Another quality product from Northern Fir", "unixReviewTime": 1483747200} +{"reviewerID": "A10P0NAKKRYKTZ", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Fantastic shower gel. Not only lathers well but also makes the entire bathroom smell nice", "overall": 5.0, "reviewTime": "03 16, 2016", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2012", "reviewerID": "A2HYL1CITWDZJK", "asin": "B0009RF9DW", "style": {"Size:": " 265"}, "reviewerName": "Porshia Monsanto", "reviewText": "I love the feel of my skin after using the Avon Skin So Soft Fusions Dual Softening Body Wash. My skin was amazingly smooth!!", "summary": "Excellent Product", "unixReviewTime": 1347840000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "AVC2FIYKB6VHF", "asin": "B00RZYW4RG", "reviewerName": "emily prentice", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A7COTFQZZ86N", "asin": "B00BSE3III", "reviewerName": "Elaine", "reviewText": "Does a great job of keeping hair from yellowing. Leaves it clean and soft.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2012", "reviewerID": "A1WIWSI84T3543", "asin": "B0012Y0ZG2", "style": {"Size:": " 256"}, "reviewerName": "Bustermamaw", "reviewText": "I LOVE this product.!! It feels so good on your skin.\nI tried to order again and was told they didn't know when or if they would get it back.\nI would give this this a #5!!", "summary": "Love this Body Souffle", "unixReviewTime": 1344384000} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "AHQFK3PX6EKQH", "asin": "B000URXP6E", "style": {"Size:": " 444"}, "reviewerName": "Trisha Ramirez", "reviewText": "I have been wearing for years while I am on stage (and off stage). I wish it were still in stores. Thank you!", "summary": "Love it - thank you", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AKZZ0DTJDXLZI", "asin": "B0012Y0ZG2", "style": {"Size:": " 82"}, "reviewerName": "DMH2000", "reviewText": "Great product for fine hair, too bad it is discontinued by Bain De Terre", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A1JR5CZCFXPQMC", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Caitlin", "reviewText": "Really great shampoo. It smells good and leaves hair healthy. Amazing to feel that I've finally found a suitable product", "summary": "Great", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "ASI6Y3IN52G9P", "asin": "B000URXP6E", "style": {"Size:": " 351"}, "reviewerName": "SeattleFamily", "reviewText": "This is a fantastic loose eye shadow set! The pigmentation is phenomenal and the color choices are great! I love this set!", "summary": "This is a fantastic loose eye shadow set!", "unixReviewTime": 1459036800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A2JAEYUNQB6BIF", "asin": "B0009RF9DW", "style": {"Size:": " 228"}, "reviewerName": "AuTumn", "reviewText": "Gift for sister. She loves it", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A21931Z4J17AJ2", "asin": "B000URXP6E", "style": {"Size:": " 178"}, "reviewerName": "Sandra", "reviewText": "Nice fruity fragrance!", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "AM6VM4AHB7CG4", "asin": "B00006L9LC", "style": {"Size:": " 28"}, "reviewerName": "Niclana Tolmasoff", "reviewText": "I can't live without this shampoo!", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A2RWJPXMBFGCF0", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "N. Donastorg", "reviewText": "This body wash smells amazing. Let me see how to describe \"amazing\" as a scent. It smells like you just showered in a botanical garden on a beautiful spring day. Plus your skin feels silky smooth thereafter.", "summary": "Spring is in your shower", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1WMNCCFKM2A4Z", "asin": "B000URXP6E", "style": {"Size:": " 108"}, "reviewerName": "Bill Ummel", "reviewText": "Great product great price", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A1SW8WT1S0GHQV", "asin": "B00HLXEXDO", "reviewerName": "CJ", "reviewText": "I really appreciate the rapid delivery on my item. It was better than expected.", "summary": "quick delivery", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2017", "reviewerID": "A1PWYEL1R4LMAQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 ounce"}, "reviewerName": "Jasmin James", "reviewText": "Ideal for the guesthouse.", "summary": "Five Stars", "unixReviewTime": 1513123200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A2CQEI5EQ0DA8Z", "asin": "B00006L9LC", "style": {"Size:": " 44"}, "reviewerName": "Comedy Fan", "reviewText": "Best Shampoo I have ever used, You would be foolish not to try it.", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"reviewerID": "A3VUYRFM95CGJR", "asin": "B000FI4S1E", "reviewerName": "Valentina V.", "verified": true, "reviewText": "Thank you.", "overall": 5.0, "reviewTime": "05 16, 2017", "summary": "Five Stars", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A20Y9PNINSXAE2", "asin": "B001OHV1H4", "style": {"Size:": " 43"}, "reviewerName": "Doug", "reviewText": "Love this shampoo. Just wish Axe still made it.", "summary": "Great shampoo", "unixReviewTime": 1489017600} +{"reviewerID": "AKMC46NLSXDJX", "asin": "B000FI4S1E", "reviewerName": "Jasmine C.", "verified": true, "reviewText": "Boyfriend's mom LOVED it!!!", "overall": 5.0, "reviewTime": "01 28, 2016", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A1IP4AIXPHF55Y", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "T. Dearborn", "reviewText": "I have used HBL Hair Masque before and love the way my hair feels when I rinse out the masque. My hair is definitely more manageable. I would recomment this product to anyone experiencing dry or damaged hair.", "summary": "I have used HBL Hair Masque before and love the way my hair feels when I rinse out ...", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A1MAJCTEK9HZHD", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Ninfa Lopez Clariond", "reviewText": "Love this product", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1SJFQ8VSKZWHF", "asin": "B0009RF9DW", "style": {"Size:": " 17"}, "reviewerName": "Kayla Cytron-Thaler", "reviewText": "This soap is great! It has a nice smell that isn't too overwhelming. It is also sulfate free!", "summary": "This soap is wonderful!", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A39KHX3058560R", "asin": "B001OHV1H4", "style": {"Size:": " 26"}, "reviewerName": "D. Lewis", "reviewText": "I have always liked Prell conditioner and so does my wife. Great product, arrived safe and sound from \"Naturaly\" no problems. Would definitely buy from this vendor again.", "summary": "Prell conditioner, family favorite.", "unixReviewTime": 1425340800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A3IJDWW3VVLF3G", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Awful. Zero anti dandruff properties. Comes out of bottle like water, so very easy to waste. Very poor lathering, requires large quantity to lather up hair. Vague smell, not bad but also not pleasant.", "summary": "Skip it", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3IRJA2MBOJ411", "asin": "B00006L9LC", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Anne F. Batty", "reviewText": "Every year we vacation on a lake and the kids love to wash their hair in the lake. This shampoo and conditioner is perfect!!", "summary": "Perfect!!", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A2RFDGEW20UK6W", "asin": "B0012Y0ZG2", "style": {"Size:": " 64"}, "reviewerName": "Betty", "reviewText": "I wish they continue with this fragrance", "summary": "I love the smell of it.", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A2TEMMADR9GNRO", "asin": "B0012Y0ZG2", "style": {"Size:": " 24 oz."}, "reviewerName": "Terese Sarckees", "reviewText": "luv it", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A2RSCY42Y2CTU1", "asin": "B00006L9LC", "style": {"Size:": " 41"}, "reviewerName": "Joni D", "reviewText": "always my come back favorite", "summary": "not too heavy not too light, great smooth feel", "unixReviewTime": 1445385600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A2EB0P9PSMD1M0", "asin": "B000URXP6E", "style": {"Size:": " 352"}, "reviewerName": "Amazon Customer", "reviewText": "Love the scent. Not overpowering.", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "AH5KMT72HXKVO", "asin": "B0012Y0ZG2", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "tracy canty", "reviewText": "I received my item before the expected date. I'm very pleased.", "summary": "I'm very pleased.", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1K85CL9XZYRV7", "asin": "B0009RF9DW", "style": {"Size:": " 27"}, "reviewerName": "Daisy's hearts and crafts", "reviewText": "Loved this spong so much!! I bought one for a gift and will be getting myself another one soon too!", "summary": "Loved this spong so much", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "AH5IPOPDVNJMW", "asin": "B00IJHY54S", "reviewerName": "Sunshine Girl", "reviewText": "Love these, wish they weren't so pricey.", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AD1RIYOFGGS37", "asin": "B0012Y0ZG2", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "Ralph VanHoose", "reviewText": "gave the shower gel for a Christmas gift, she said she loved it, thanks rvv.", "summary": "she said she loved it, thanks rvv", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A3IYF2TNOC0XYO", "asin": "B00006L9LC", "style": {"Size:": " 55"}, "reviewerName": "Lindsey Sutton", "reviewText": "No problems.", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "APRCXHKSYVYZX", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Mindy", "reviewText": "One of my Favorite scents!", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A2TCHF5VRXR7YF", "asin": "B0012Y0ZG2", "style": {"Size:": " 112"}, "reviewerName": "Liz", "reviewText": "I love this bubble bath! This bubble bath smell wonderful and I love soaking in it. After a bath you skin is so soft and you smell great all day!", "summary": "Love this Bubble Bath", "unixReviewTime": 1386028800} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A35LFTGC7TO48F", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "AnnaG", "reviewText": "I received my order on time, and the products were not broken which I was afraid of.....the smell is heavenly Caress body washes never fail", "summary": "I received my order on time, and the products ...", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2H85FZ61BSTLA", "asin": "B0009RF9DW", "style": {"Size:": " 106"}, "reviewerName": "Brit Brower", "reviewText": "This is my family's favorite body wash, and I was excited to find it on Amazon, as the store I used to purchase it from no longer carries it. Wonderful smell and relaxing smell without being perfume-y; works great for showers to feel clean and for baths to relax.", "summary": "This is my family's favorite body wash", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28G6HAG3I755Y", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "R. Taylor", "reviewText": "Great smell and products.", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 2.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "A1DFI14L1LBOPJ", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "PrimeTime", "reviewText": "The shampoo is very watery, and I did not see too much of a difference in my dandruff.", "summary": "Meh", "unixReviewTime": 1521504000} +{"overall": 1.0, "verified": true, "reviewTime": "04 2, 2018", "reviewerID": "A1ZM06J2A5XGHY", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Skin did not improve. Felt like using scented water.", "summary": "Dont buy", "unixReviewTime": 1522627200} +{"overall": 5.0, "verified": false, "reviewTime": "10 29, 2014", "reviewerID": "A1MF4IEANGZ0OB", "asin": "B000URXP6E", "style": {"Size:": " 370"}, "reviewerName": "P. Landis", "reviewText": "Fabulous moisturizer.", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": false, "reviewTime": "02 26, 2014", "reviewerID": "A3EA4UZ8DK7S7F", "asin": "B0012Y0ZG2", "style": {"Size:": " 114"}, "reviewerName": "red8089", "reviewText": "this body wash smells amazing! and as an added bonus,if you plug the bathtub and put a little under warm,running water,it makes a wonderful bubble bath with loads of suds! and the suds last a long time too.this body wash's scent relaxes you and softens your skin!", "summary": "so relaxing...", "unixReviewTime": 1393372800} +{"overall": 5.0, "vote": "28", "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A2F218M5AOPU6T", "asin": "B0009RF9DW", "style": {"Size:": " 198"}, "reviewerName": "Tony", "reviewText": "Great product..", "summary": "Five Stars", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "AG6BQPVI5DCR4", "asin": "B0009RF9DW", "style": {"Size:": " 136"}, "reviewerName": "Quanisha Perry", "reviewText": "It smells so good it's worth the price I'm definitely buying this again.", "summary": "smells great", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1QMMNAIOIP0YO", "asin": "B001OHV1H4", "style": {"Size:": " 31"}, "reviewerName": "Zak young", "reviewText": "It makes your scalp tingle and does a great job of cleaning your hair.", "summary": "Great for every day use.", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A1XGD1A869SSXC", "asin": "B0012Y0ZG2", "style": {"Size:": " 85"}, "reviewerName": "tracy morrison", "reviewText": "My favorite!!!!!", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2018", "reviewerID": "A1T7DRMZ9A9KEA", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Robert Roehlk", "reviewText": "First hair care product I've decided to purchase online. Worth it for sure. No more struggle with getting rid of my dandruff problem. I use it about once per 2-3 days and it is more than enough to keep my hair and head skin healthy.", "summary": "First hair care product I've decided to purchase online. ...", "unixReviewTime": 1525478400} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A2SDF1PW1FIKC6", "asin": "B00006L9LC", "style": {"Size:": " 5"}, "reviewerName": "grandma09", "reviewText": "This is the shampoo I loved at Disney world.", "summary": "Four Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AIG1G1AKH7JVB", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Best stuff ever! Makes my hair less frizzy when using with a flat iron. Makes it soft & silky. Highly recommend!", "summary": "Best stuff ever", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "AGREG8QB61C85", "asin": "B0012Y0ZG2", "style": {"Size:": " 181"}, "reviewerName": "Izzy Palans", "reviewText": "Love it! moisturizing, citrus fragrance is fresh and clean,will purchase again! Is not overpowering like many washes can often be.", "summary": "finally the ideal shower wash!", "unixReviewTime": 1387670400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A3IZX2IWVGM9QH", "asin": "B0012Y0ZG2", "style": {"Size:": " 58"}, "reviewerName": "Brenda", "reviewText": "By far I think this is one of the best mousse there is and love the light smell , it not loud like most mousse , I will buy agin.", "summary": "By far I think this is one of the best mousse there is and love the light smell", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A1MCIV8P5COBQZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 129"}, "reviewerName": "Justin Kitchens", "reviewText": "Smells AMAZING. Worth buying", "summary": "Worth", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "AXZPSRWKSDO27", "asin": "B00006L9LC", "style": {"Size:": " 463"}, "reviewerName": "KPM", "reviewText": "Christmas present.\nMy son loves the variety. Inviting look.\nEfficient packaging. Arrived in a few days. :)", "summary": "Variety", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A2A3IPL0AVGETE", "asin": "B001OHV1H4", "style": {"Size:": " 328"}, "reviewerName": "RAY MOTIL", "reviewText": "wife loved it", "summary": "Five Stars", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A1F1B2NU2TQAJV", "asin": "B0012Y0ZG2", "style": {"Size:": " 70"}, "reviewerName": "Jennifer Tschida", "reviewText": "Would love theorizing as well. Not available at this time.", "summary": "Excellent.", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A38CIT22Y0TZS", "asin": "B00006L9LC", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Love it. Have used it for years", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "ARZQ7AEFUXNPN", "asin": "B0012Y0ZG2", "style": {"Size:": " 401"}, "reviewerName": "Christy", "reviewText": "Love this perfume. Light and feminine and doesn't give me a headache like many other fragrances.", "summary": "Not overpowering, but lasts all day", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A280XZUEBJ0G3Z", "asin": "B000URXP6E", "style": {"Size:": " 235"}, "reviewerName": "mapster", "reviewText": "Absolutely...exactly as described", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A35LFTGC7TO48F", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "AnnaG", "reviewText": "I received my order on time, and the products were not broken which I was afraid of.....the smell is heavenly Caress body washes never fail", "summary": "I received my order on time, and the products ...", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A23ZC494ZWNEE0", "asin": "B00006L9LC", "style": {"Size:": " 84"}, "reviewerName": "Amazon Customer", "reviewText": "This is a great product. I have been using it since two years ago. It is very gentle on your hair!", "summary": "This is a great product. I have been using it since two ...", "unixReviewTime": 1481155200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 4, 2012", "reviewerID": "A2Z54QPJOS4TQA", "asin": "B0014SQQ3M", "reviewerName": "Clarkston", "reviewText": "I cannot believe the price! I have used this product for a few years. My brow and smile area feel lifted with it.", "summary": "Great product", "unixReviewTime": 1330819200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2NOM8O5XT0GXD", "asin": "B001OHV1H4", "style": {"Size:": " 41"}, "reviewerName": "Lynn N.", "reviewText": "This brand is really nice for brunette hair color. The shampoo gives nice body, shine and condition. I love the scent, it is not chemically based, so I choose these types. The bonus 2 pack was a very good deal too. It helps my natural hair dye keep its color longer too..", "summary": "This is a high quality shampoo for brunette hair..", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A181EKCGC3RGHL", "asin": "B000URXP6E", "style": {"Size:": " 59"}, "reviewerName": "Grams", "reviewText": "Love this shampoo and haven't been able to find it anywhere . . . .until I looked on Amazon. ;-) It is great for wash, pick, and let dry.", "summary": "Love this shampoo and haven't been able to find it ...", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AQG3FO72CYLU3", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "michael dzienis", "reviewText": "can't beat it... 3 for the price of 1 at a local store", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A1M5UWJ8H1SYHG", "asin": "B000URXP6E", "style": {"Size:": " 259"}, "reviewerName": "Deb Gosse", "reviewText": "What can I say? This is a great product. Too bad it's discontinued. I wish Dove would reconsider. O love all the Go Fresh Energize line.", "summary": "Dove Energize Body Wash", "unixReviewTime": 1364601600} +{"overall": 4.0, "verified": false, "reviewTime": "09 7, 2017", "reviewerID": "A2ZY49IDE6TY5I", "asin": "B0010ZBORW", "style": {"Color:": " Shower Cap"}, "reviewerName": "R PRIUS", "reviewText": "Very nice shower cap. This cap has ample room and will not squish down your hair or wreck a hairdo. Moisture is my hair's greatest enemy, but no moisture here. My hot roller 'do' stays full and bouncy.", "summary": "Great Hair Do Protection", "unixReviewTime": 1504742400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2NAS3M5B7Z8Q3", "asin": "B0012Y0ZG2", "style": {"Size:": " 127"}, "reviewerName": "Red", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2016", "reviewerID": "A1V0UCYURG2LP", "asin": "B0012Y0ZG2", "style": {"Size:": " 23"}, "reviewerName": "Mercedes", "reviewText": "Great shampoo for my 2 year old he has mixed hair", "summary": "Good for mixed hair", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A1CF9LS3PV9ZOR", "asin": "B000URXP6E", "style": {"Size:": " 97"}, "reviewerName": "Helen Curl", "reviewText": "I love Perlier Lavender Body Butter, so I had to have the Shower Gel to layer the two products together. What I love especially is that the Shower Gel fragrance stays on your skin even by itself.\n\nACTUALLY, I JUST LOVE ANYTHING THE COMPANY MAKES.", "summary": "Perlier Bath & shower Gel in Lavender is just delicious", "unixReviewTime": 1400025600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A2WA0B9CJ28E45", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Rainy", "reviewText": "Great hair care products always leave my hair feeling clean and soft, ive tried a lot of products but these are my favorite", "summary": "Biolage", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JXCMOICECC61", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.0 fl. oz."}, "reviewerName": "denise blandford denise blandford", "reviewText": "Love this stuff makes my skin feel great the only brand I buy just wish it did not cost so much", "summary": "Great product", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A3IYF2TNOC0XYO", "asin": "B0012Y0ZG2", "style": {"Size:": " 55"}, "reviewerName": "Lindsey Sutton", "reviewText": "No problems.", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2013", "reviewerID": "AI8FN9LAD3WT0", "asin": "B0009RF9DW", "style": {"Size:": " 48"}, "reviewerName": "American Infidel", "reviewText": "This was the best of all the Axe line, and they discontinued it. I wish they would bring it back. :(", "summary": "Please bring this one back on the market!", "unixReviewTime": 1388448000} +{"overall": 1.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A2UM2UI2KVHG64", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Lorie B.", "reviewText": "Worst shampoo Ive ever used. Was mostly water. I could not get a good lather. Hair never felt clean after use. I cannot understand why so many good reviews. Will not buy again!", "summary": "Worst shampoo Ive ever used", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A2H9JIWY7JDD3J", "asin": "B0009RF9DW", "style": {"Size:": " 100"}, "reviewerName": "Milostiva", "reviewText": "Tired, stressed out? A shower with this will rouse your spirit. And at the small price the best bargain in town.", "summary": "a simple delight", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AIG1G1AKH7JVB", "asin": "B00RZYW4RG", "reviewerName": "Amazon Customer", "reviewText": "Best stuff ever! Makes my hair less frizzy when using with a flat iron. Makes it soft & silky. Highly recommend!", "summary": "Best stuff ever", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2013", "reviewerID": "AYORX1AK30JMB", "asin": "B000URXP6E", "style": {"Size:": " 191"}, "reviewerName": "Westy", "reviewText": "Great product! I use it on my face, neck and arms after shaving. My skin feels great and my eyes don't sting when I perspire.", "summary": "Nice!", "unixReviewTime": 1374105600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2TUCPCLHHLR6O", "asin": "B00VARTPKS", "reviewerName": "Barb", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "AT2F2DJ7RELJI", "asin": "B0009RF9DW", "style": {"Size:": " 27"}, "reviewerName": "Mary Beadles", "reviewText": "These are great! They smell wonderful; they feel great on your skin; and they last a long time. They make great gifts!", "summary": "These are great! They smell wonderful", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "AHQFZFZVRD2WU", "asin": "B000URXP6E", "style": {"Size:": " 122"}, "reviewerName": "Dottie Huntley", "reviewText": "THIS IS MY FAVORITE SHOWER GEL.", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A2OQZFZLIMR4AR", "asin": "B000URXP6E", "style": {"Size:": " 1.7 oz"}, "reviewerName": "C McNulty", "reviewText": "I will never be without this product. I have used it for 5 years. Foundation just glides on over top. I use it with Estee Lauder foundation but you could probably use another brand. I am 62 and get compliments on my skin all of the time.", "summary": "Great product", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A2EGIJP9ULQ9XB", "asin": "B000URXP6E", "style": {"Size:": " 13"}, "reviewerName": "Brian D. Hirak", "reviewText": "Smells Great!! Take's just a small amount to make your hair full and hold without any residue or stickiness. Works great, I have been using it for over 3 years now, no complaints...", "summary": "Excelllent, works great, nice hold, great smell...", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A3R33QRJ8AC767", "asin": "B0009RF9DW", "style": {"Size:": " 67"}, "reviewerName": "Amazon Customer", "reviewText": "I love this hard to find lotion/fragrance, as well as the feel of the lotion. A little goes a long way. The Amazon price is a great value. The product arrived quickly and in perfect condition.", "summary": "Escada Moon Sparkle", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A30C827CX52Y3U", "asin": "B001OHV1H4", "style": {"Size:": " 18"}, "reviewerName": "Judy", "reviewText": "Thank You, I only wish it was more affordable.", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28RTSY1TRCXLK", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Patricia A. Wray", "reviewText": "I bought this shampoo because the description stated it was gentle, for itchy, red and irritated scalp. I used it one time and it burned my scalp almost immediately! I bought two bottles and I am returning them both! I honestly don't know how it get so many good reviews.", "summary": "Irritated my scalp on first use", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A1TYZNOET5SXZF", "asin": "B00006L9LC", "style": {"Size:": " 98"}, "reviewerName": "kimogata", "reviewText": "makes hair smell really good", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A3KHIT48AYHC0L", "asin": "B00006L9LC", "style": {"Size:": " 5"}, "reviewerName": "DLB", "reviewText": "Have used this product for the past 7 months. It has proven to be a great shampoo by improving the overall health of my hair.", "summary": "H2O+ aquatics natural shampoo", "unixReviewTime": 1403913600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "A2MTXSVB9MC8IO", "asin": "B001OHV1H4", "style": {"Size:": " 10.1 oz."}, "reviewerName": "CAROLINA TRUJILLO", "reviewText": "Matrix Biolage Fortifying conditioner is excellent. I use it all the time specially when I go to the beach, I live it on to protect my hair.", "summary": "Love it! Leaves my hair smooth and strong", "unixReviewTime": 1382054400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A36JEYR65W1LTO", "asin": "B0009RF9DW", "style": {"Size:": " 105"}, "reviewerName": "Sandra", "reviewText": "Love it! Can't find it in stores anywhere", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "A1J7I5095JBHH", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Nicolette", "reviewText": "This really dries out my hair and makes it feel even thinner than it already is. The smell is nice, but consistency is pretty much water. I honestly think most of the reviews are false ", "summary": "The smell is nice, but consistency is pretty much water", "unixReviewTime": 1522972800} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1AFK6DIZFYQ2V", "asin": "B000URXP6E", "style": {"Size:": " 97"}, "reviewerName": "jane", "reviewText": "The BEST lavender projects are from Perelier. Love all of their products", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A2L7E955AXRHRA", "asin": "B000URXP6E", "style": {"Size:": " 287"}, "reviewerName": "jennie r.", "reviewText": "I was so disappointed when BedBathandBeyond discontinued this product, but I was thrilled to find it on Amazon. It's my favorite fragrance for the summertime!", "summary": "Favorite", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A3BKC8ZEVA23CK", "asin": "B000URXP6E", "style": {"Size:": " 275"}, "reviewerName": "kayrunning", "reviewText": "I absolutely love Clarins Eau Ensoleillante Moisturizing Body Lotion. I wish they made this all year long. Once you try it you will like it. So light and moisturizing.", "summary": "Best Body Lotion", "unixReviewTime": 1388102400} +{"overall": 3.0, "verified": false, "reviewTime": "06 29, 2014", "reviewerID": "A2USMIT2CSA08", "asin": "B000YB70PS", "style": {"Size:": " LG X 32"}, "reviewerName": "Natalia Murataeva", "reviewText": "I purchased this comb as a gift, it is much smaller in the real life", "summary": "OK", "unixReviewTime": 1404000000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A1EGCED01USBA9", "asin": "B00W259T7G", "reviewerName": "khristina jackson", "reviewText": "What more can I say concerning this brand. This is my 3rd purchase of this scent...", "summary": "speechless ...", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AD75IYEZMZVJH", "asin": "B000URXP6E", "style": {"Size:": " 188"}, "reviewerName": "patm54", "reviewText": "Body Wash has a nice \"clean\" scent.", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A37QK0QF18JXDO", "asin": "B00006L9LC", "style": {"Size:": " 352"}, "reviewerName": "Lisa Solomon", "reviewText": "All time favorite fragrance! If you love the smell of lemons this is for you!", "summary": "Beautiful Lemony fragrance", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A12X146LZM6KM0", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "eieio", "reviewText": "Great scent, and no sulfates.", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"reviewerID": "A32MXI9376X72P", "asin": "B000FI4S1E", "reviewerName": "furga", "verified": true, "reviewText": "Not found often elsewhere, such as Sephora and other similar stores.\nIt's not cheap but it lasts for a long long time.", "overall": 5.0, "reviewTime": "05 27, 2013", "summary": "Huge! Really", "unixReviewTime": 1369612800} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A29C6ZBT7HP13Q", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Faith M. Pettersen", "reviewText": "Love this product. It is the only thing that has worked on my flaky scalp. Not too heavy and the fragrance is pleasant in comparison to other products.", "summary": "Love this product", "unixReviewTime": 1520208000} +{"reviewerID": "A2NXR4T75E4QM7", "asin": "B000FI4S1E", "reviewerName": "Janice", "verified": true, "reviewText": "This bath gel is amazing. Silky smooth and not drying to the skin after a bath. Lathers very well. A little goes a long way, and it's totally pure and natural. Too bad the price on Amazon went up. Forced to buy else where.", "overall": 5.0, "reviewTime": "03 30, 2016", "summary": "This bath gel is amazing. Silky smooth and not drying to the skin ...", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2W78060JSRKED", "asin": "B001OHV1H4", "style": {"Size:": " 4"}, "reviewerName": "Christine D", "reviewText": "I bought this for my daughter. She is vegan. She loves it, makes her hair soft and helped with her dry scalp.. Just wish it came in a larger size because she has to use quite a bit of the conditioner, she has very long hair.", "summary": "Great vegan shampoo/conditioner", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A2I02X97TQCOHX", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "Sam", "reviewText": "Man, I wish Axe never got rid of this scent. It's really awesome. It's perfect for those Friday and Saturday nights that you're going out. A perfect blend of warm woods and leather, awesome fragrance.", "summary": "Party Like a Rockstar!", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A2CY3ZL67BZKEU", "asin": "B001OHV1H4", "style": {"Size:": " 6"}, "reviewerName": "Stacey J.", "reviewText": "Best shampoo/conditioner hands down", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A31URN5S2Q0UJV", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Boris Jones", "reviewText": "Was skeptical at first. The liquid is kind of runny. However, it is absolutely awesome performance wise. Hands down the best shampoo out there. Smells great, cleans hair great and stopped me from scratching my head after using this product for a couple of times.", "summary": "Awesome quality!", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A2RRQ78UZSEDF1", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Beulah", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A244RDHGOX4Z2J", "asin": "B000URXP6E", "style": {"Size:": " 57"}, "reviewerName": "Dinorah Navarro", "reviewText": "It's the best shampoo I've ever tried! It didn't stop my hair loss 100% but I can see a big difference! I bought 3 and after I ordered again...", "summary": "It's the best shampoo I've ever tried", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A3CEFO8LPIMHHE", "asin": "B00B9V9ASM", "reviewerName": "amalia yumping-fleury", "reviewText": "luv it", "summary": "Five Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": false, "reviewTime": "05 25, 2015", "reviewerID": "A36FFM5OUBWGOL", "asin": "B000URXP6E", "style": {"Size:": " 44"}, "reviewerName": "Yaniv J. Dvora", "reviewText": "This shampoo lathers VERY well. I haven't had to use any other products when using this stuff. In addition to lathering very well, it adds shine, cleans thoroughly, it's gentle on the scalp, great scent, and it improves hair health. ", "summary": "Lathers very well!!", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AKZZ0DTJDXLZI", "asin": "B000URXP6E", "style": {"Size:": " 82"}, "reviewerName": "DMH2000", "reviewText": "Great product for fine hair, too bad it is discontinued by Bain De Terre", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AROYPRQ35VSAT", "asin": "B00JF2GVWK", "reviewerName": "Meghan", "reviewText": "If they discontinued this scent I would go postal. <3", "summary": "Five Stars", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A193RG4GIJ5OLM", "asin": "B000URXP6E", "style": {"Size:": " 6"}, "reviewerName": "Kindle Customer", "reviewText": "Love it. Makes my hair just lovely and curly.", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A71OPGFA90NJL", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Erin M.", "reviewText": "Love love love. I've got sensitive skin and I dislike a lot of scents but this smells amazing and takes care of me.", "summary": "Love.", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A34OON6ZYATX36", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "faye", "reviewText": "I have very curly hair and always used Mousse products. I began to have a reaction to the product and tried naturelle. The gel works well and I have no reaction to the product. Very glad I found it!", "summary": "Works as advertised.", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2018", "reviewerID": "A2G90R2ZU6KU5D", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Mike", "reviewText": "Got this shampoo as a solution for my wife's dandruff problem. It worked! She got rid of any dandruff signs after 3-4 uses. As long as she is happy, I am happy too!", "summary": "Outstanding, no complains", "unixReviewTime": 1525651200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "AD6WIZKKXYQVL", "asin": "B00006L9LC", "style": {"Size:": " 369"}, "reviewerName": "MLawton", "reviewText": "This treatment is awesome to reinforce your hair and make it look shinny and healthy. I def recommend it for everybody.", "summary": "Nice product", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A2LK2NPDGPG9BS", "asin": "B0012Y0ZG2", "style": {"Size:": " 70"}, "reviewerName": "Bodekaan", "reviewText": "My favorite fragrance. Subtle but wonderful scent. Unfortunately can rarely find here.", "summary": "My favorite fragrance. Subtle but wonderful scent", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A1GVTXX0S7ANZ8", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Amazon Customer", "reviewText": "I absolutely love this product and buy for myself and all of my friends. Can't say enough about these.", "summary": "Five Stars", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A193RG4GIJ5OLM", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Kindle Customer", "reviewText": "Love it. Makes my hair just lovely and curly.", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A2KBQZJJRS5FKY", "asin": "B00006L9LC", "style": {"Size:": " 439"}, "reviewerName": "hector", "reviewText": "It works amazing, fantastic, never used something like this before I highly recommend this product I will keep using it", "summary": "awesome products", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A11L1TI883AOSV", "asin": "B0012Y0ZG2", "style": {"Size:": " 50"}, "reviewerName": "Trudy Goodwin", "reviewText": "You Just need a little, and it lathers up great. Smells good, leaves my hair shiny and curly, and manageable. My only complaint is for some unknown reason, they stopped making the 32oz. size. Probably because they want you to buy more of the 11oz size.", "summary": "Great Shampoo for curly or wavy Hair", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A19GO5VNH8D1TF", "asin": "B0012Y0ZG2", "style": {"Size:": " B-013"}, "reviewerName": "A. Caldwell", "reviewText": "Always excellent, third time ordering, more to come, husband loves the soap.", "summary": "Great Soap", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2017", "reviewerID": "A1X15KWJ11IC1P", "asin": "B0009RF9DW", "style": {"Size:": " 144"}, "reviewerName": "Mert Ozer", "reviewText": "Lovely product and works great, except the artificial coloring :(", "summary": "Five Stars", "unixReviewTime": 1513296000} +{"reviewerID": "A1K85CL9XZYRV7", "asin": "B000FI4S1E", "reviewerName": "Daisy's hearts and crafts", "verified": true, "reviewText": "Loved this spong so much!! I bought one for a gift and will be getting myself another one soon too!", "overall": 5.0, "reviewTime": "05 24, 2016", "summary": "Loved this spong so much", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A1888H788ZLJUQ", "asin": "B001OHV1H4", "style": {"Size:": " 401"}, "reviewerName": "Tammie", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2ITV3AU9TL0O9", "asin": "B001OHV1H4", "style": {"Size:": " 494"}, "reviewerName": "J. Nguyen", "reviewText": "good item...no issues", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A2TY2IK21P4498", "asin": "B0012Y0ZG2", "style": {"Size:": " 196"}, "reviewerName": "kimmi", "reviewText": "I GOT TO GET SOME MORE BECAUSE MY BATHS ARE BECOMING KINDA LAME WITHOUT THIS LIQUID SOAP SO FOR NOW I AM OKAY", "summary": "THIS IS THE BEST", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A3NFZN1GS1RKR9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Lavender"}, "reviewerName": "Mintea", "reviewText": "Long lasting, high quality soap, wide spectrum of scents... Leaves skin incredibly soft and fragrant. Pricey, but worth every penny", "summary": "Excellent Product", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A3RUBIOZYJNY0D", "asin": "B0009RF9DW", "style": {"Size:": " 122"}, "reviewerName": "Merrie", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "AOMVFFY4OPSPQ", "asin": "B001OHV1H4", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "Worked great!", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"reviewerID": "A2I02X97TQCOHX", "asin": "B000FI4S1E", "reviewerName": "Sam", "verified": true, "reviewText": "Man, I wish Axe never got rid of this scent. It's really awesome. It's perfect for those Friday and Saturday nights that you're going out. A perfect blend of warm woods and leather, awesome fragrance.", "overall": 5.0, "reviewTime": "08 5, 2016", "summary": "Party Like a Rockstar!", "unixReviewTime": 1470355200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "AMUVF6UQZ6UCO", "asin": "B0009RF9DW", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "San Diegan", "reviewText": "This body wash is so concentrated and fragrant. It lathers beautifully and moisturizes.", "summary": "Lovely Product", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AD75IYEZMZVJH", "asin": "B0012Y0ZG2", "style": {"Size:": " 188"}, "reviewerName": "patm54", "reviewText": "Body Wash has a nice \"clean\" scent.", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A3INQL95YAY6OW", "asin": "B0012Y0ZG2", "style": {"Size:": " 367"}, "reviewerName": "villy", "reviewText": "My sister smiled from ear to ear.", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A2WNVJ6S7OVZP4", "asin": "B000URXP6E", "style": {"Size:": " 15"}, "reviewerName": "Amazon Customer", "reviewText": "It worked very well i disliked nothing", "summary": "Four Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A1JCF83VYDAIC7", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "akiko", "reviewText": "So glad I found these on Amazon. These aren't your ordinary bear claw clips. These have a very strong grip and can handle thick hair easily and comfortably. I'd love to buy more, just waiting for some new designs and colors.", "summary": "My Fave!", "unixReviewTime": 1432166400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "A2MTXSVB9MC8IO", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.1 oz."}, "reviewerName": "CAROLINA TRUJILLO", "reviewText": "Matrix Biolage Fortifying conditioner is excellent. I use it all the time specially when I go to the beach, I live it on to protect my hair.", "summary": "Love it! Leaves my hair smooth and strong", "unixReviewTime": 1382054400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A3DHNBADVA7S4D", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "enaid7575", "reviewText": "Love how it makes my hair feel thicker yet very manageable", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2018", "reviewerID": "A2KJR83EUJJNAX", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Anyag.", "reviewText": "It gets messy after the first few times, but clears out the head nicely. My son has no traces of eczema and very small amount of dandruff after less than two weeks of use.", "summary": "but clears out the head nicely. My son has no traces of eczema and ...", "unixReviewTime": 1522800000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A1QVOO32ZSI252", "asin": "B0012Y0ZG2", "style": {"Size:": " 72"}, "reviewerName": "blondie", "reviewText": "I love this scent unconditional Love, soft and clean. Amazons value was great also for this set. Thanks again for another great product!", "summary": "Lovely scent", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "ALWK9NN6TP252", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "Tim Scarbrough", "reviewText": "Great product. Thick, concentrated, worth the investment.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "AKQ9DH3HRPHW3", "asin": "B001OHV1H4", "style": {"Size:": " one size"}, "reviewerName": "Anuschka Light", "reviewText": "This is just adorable compact fragrance. It comes in a gorgeous silver compact. A cute carry pouch. And to my surprise- a refill. I am Uber pleased with this purchase. Oh and the D&G Lifht Blue is one of my forever favorite fragrances.\n\nLove", "summary": "Love Love Love!!!!", "unixReviewTime": 1493856000} +{"reviewerID": "A3UHBFT2EGPDG5", "asin": "B000FI4S1E", "reviewerName": "MELODY SOUTHER", "verified": true, "reviewText": "wonderful stuff ,,great shower cream , better than any other i have tried for mild oily skin .the large is the best value and last a lot longer than i thought", "overall": 5.0, "reviewTime": "09 24, 2013", "summary": "awesome product worth the money", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A3CZ890UHC8HHZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.6 oz"}, "reviewerName": "Amazon Customer", "reviewText": "It diffuses a very mild light perfume, just what I wanted. I wear Shalimar lotion and perfume so I wanted a nice hint on days I do not want to wear the stronger lotions and perfumes. I will be purchasing it again.", "summary": "What I expected", "unixReviewTime": 1379980800} +{"overall": 3.0, "vote": "8", "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A1CEDYAX0NG4BU", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "DD", "reviewText": "Does not lather well and have not noticed a difference in my hair", "summary": "Three Stars", "unixReviewTime": 1519862400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "AF0QBHJJUO5R2", "asin": "B000URXP6E", "style": {"Size:": " 125"}, "reviewerName": "PJ Buyer", "reviewText": "This is pricey, but the results are worth it. Skin feel silky and the aroma is wonderful. Not much is needed for results, so it does last a long time. I will keep coming back to buy it on Amazon because I have not found it locally.", "summary": "Awesome body wash", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "AUYOTOM5XVNL", "asin": "B001OHV1H4", "style": {"Size:": " w-087"}, "reviewerName": "Lou", "reviewText": "Makes my facial pores smaller and I swear that my wrinkles seem less obvious around my eyes. Much appreciated\nsince large pores run in the family.", "summary": "Does a really great job", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "AXQAIG2XT292S", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Grandma Mary", "reviewText": "Fast shipping, great price & product. 100% satisfaction.", "summary": "great price & product", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A2F7429CLFVV3T", "asin": "B004CALFE4", "reviewerName": "Charlene D. Barker", "reviewText": "Leaves your hair full of volume and smells great", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2012", "reviewerID": "A1WIWSI84T3543", "asin": "B0012Y0ZG2", "style": {"Size:": " 256"}, "reviewerName": "Bustermamaw", "reviewText": "I LOVE this product.!! It feels so good on your skin.\nI tried to order again and was told they didn't know when or if they would get it back.\nI would give this this a #5!!", "summary": "Love this Body Souffle", "unixReviewTime": 1344384000} +{"overall": 5.0, "verified": false, "reviewTime": "02 23, 2015", "reviewerID": "AKKHOHMSSHYUE", "asin": "B0012Y0ZG2", "style": {"Size:": " 33.8 oz"}, "reviewerName": "FrankNbeans", "reviewText": "One liter almost lasted a year.... I forgot how much I spent but it's worth it", "summary": "best ever", "unixReviewTime": 1424649600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "A2M0OIN5678XKQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 170"}, "reviewerName": "Reese", "reviewText": "this product is very hard to find - and rare in department stores anymore. I love the scent and always get compliments on it. Can't stand Paris Hilton as a person, but dang, she makes a wonder perfume!", "summary": "love this stuff", "unixReviewTime": 1399334400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "AZFYUPGEE6KLW", "asin": "B00006L9LC", "style": {"Size:": " 483"}, "reviewerName": "Jo Kamcy", "reviewText": "Love this. I can't find it in the makeup stores. It feels really good on my lips. Other glosses cause my lips to become dry, especially on the edges of my lips. This one doesn't and I get compliments on how good it looks on me by everyone.", "summary": "Love this. I can't find it in the makeup ...", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A1CJRTU646COUL", "asin": "B0012Y0ZG2", "style": {"Size:": " 156"}, "reviewerName": "Lucina Ramirez", "reviewText": "I used its works, I is good", "summary": "Five Stars", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A1RM3LETB09B5E", "asin": "B0009RF9DW", "style": {"Size:": " 186"}, "reviewerName": "Bun", "reviewText": "Smells great good packaging easy to squeeze out", "summary": "Awesome!", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A1V4LZJKGV2YSU", "asin": "B000URXP6E", "style": {"Size:": " 214"}, "reviewerName": "L. Jane Wells", "reviewText": "This is the BEST smelling body wash ever! Love it.", "summary": "Body wash", "unixReviewTime": 1481328000} +{"reviewerID": "AFRPK7R9KRVUC", "asin": "B000FI4S1E", "reviewerName": "LibbyG", "verified": true, "reviewText": "My favorite of the Thymes scents. It really uplifts me in the shower when I use this body wash. The scent lingers for a bit, but I like to follow up with the body lotion to really set the scent.", "overall": 5.0, "reviewTime": "07 18, 2015", "summary": "Great fresh scent", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A3LR34UDLT38PG", "asin": "B000URXP6E", "style": {"Size:": " 511"}, "reviewerName": "Charity Arnett", "reviewText": "Love Love Love, Very hard to find", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A313XPHJ3L9OPW", "asin": "B00UWB35UY", "reviewerName": "KS Senior", "reviewText": "I was a little hesitant to order this clip but glad I did. Nice for summer. Mine looks a little different but same type of pattern. Just waiting for more! These clips are an everyday accessory for me.", "summary": "Love it!", "unixReviewTime": 1428969600} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1M54T56FE4B86", "asin": "B00MTR49IG", "reviewerName": "AmazonFan", "reviewText": "I really like these products - I saw some folks talked about \"slowed\" grey growth. I haven't really noticed that. But my hair seems less frizzy when I use this product.", "summary": "I really like these products - I saw some folks talked about ...", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3H3TEMEMXODT", "asin": "B000URXP6E", "style": {"Size:": " 292"}, "reviewerName": "aspielicious", "reviewText": "The in shower lotion is amazing. And it smells so wonderful. I never want to run out of this. Buying the set with the body wash is so convenient.", "summary": "The best for moist skin", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "AJIQ6LH2YTZH8", "asin": "B0012Y0ZG2", "style": {"Size:": " 354"}, "reviewerName": "Dolores A. Ruscavage", "reviewText": "I use Oglivie hair perm all of the time. It's a great product for fine hair.", "summary": "It's a great product for fine hair", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A1XDV760ZLXN57", "asin": "B000URXP6E", "style": {"Size:": " 59"}, "reviewerName": "Patti", "reviewText": "I have used this off and on for several years and is great for natural curly hair. Can't find it in any stores so was glad to find it on line. I was told they quit making it.", "summary": "Curly Hair", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2018", "reviewerID": "A2KJR83EUJJNAX", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Anyag.", "reviewText": "It gets messy after the first few times, but clears out the head nicely. My son has no traces of eczema and very small amount of dandruff after less than two weeks of use.", "summary": "but clears out the head nicely. My son has no traces of eczema and ...", "unixReviewTime": 1522800000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A3IJDWW3VVLF3G", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Awful. Zero anti dandruff properties. Comes out of bottle like water, so very easy to waste. Very poor lathering, requires large quantity to lather up hair. Vague smell, not bad but also not pleasant.", "summary": "Skip it", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "AIHUVM8SI43E5", "asin": "B0009RF9DW", "style": {"Size:": " 198"}, "reviewerName": "fuzzymitton", "reviewText": "This Bath and Body product is seasonal but I just love it and use it all year. I was so glad I found this seller and didn't have to wait till Autumn to get more. Item was received in a timely fashion and in perfect condition!", "summary": "Wonderful Fall Fragrance", "unixReviewTime": 1371427200} +{"reviewerID": "AXCURT4DMJ5X", "asin": "B000FI4S1E", "reviewerName": "Anna Maria MCIVOR", "verified": true, "reviewText": "This was one of my favorites and still is. I was excited to find it. I relax every time I use it. It arrived early, even better!", "overall": 5.0, "reviewTime": "03 11, 2013", "summary": "Favorite Fragrance", "unixReviewTime": 1362960000} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A1QZ7QH2NEMECC", "asin": "B0012Y0ZG2", "style": {"Size:": " 174"}, "reviewerName": "Jamelia", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A165FHUTQU6L2Z", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "Sarah", "reviewText": "Smells great and is as described", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A3IYF2TNOC0XYO", "asin": "B001OHV1H4", "style": {"Size:": " 55"}, "reviewerName": "Lindsey Sutton", "reviewText": "No problems.", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A13B2J5IBGS8Y2", "asin": "B000URXP6E", "style": {"Size:": " 22"}, "reviewerName": "Pam", "reviewText": "Love this-but believe it is no longer available!! Thymes-BRING IT BACK PLEASE!!!", "summary": "Five Stars", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A1DAE86MWE6OMW", "asin": "B0012Y0ZG2", "style": {"Size:": " 61"}, "reviewerName": "pamela smith", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2009", "reviewerID": "A23JI9AN3N4GFK", "asin": "B0012Y0ZG2", "style": {"Size:": " 106"}, "reviewerName": "J. P. Lewis", "reviewText": "I've used Bellmira Herbaflor Herbal Baths for years and for a relaxing bubble bath, these are the Best Ever! The water here is Very Hard & this stuff still makes bubbles like no other I've ever found. Scents are Mild. A Must try.", "summary": "Fabulous Bubbles...", "unixReviewTime": 1250726400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A2H9JIWY7JDD3J", "asin": "B0012Y0ZG2", "style": {"Size:": " 100"}, "reviewerName": "Milostiva", "reviewText": "Tired, stressed out? A shower with this will rouse your spirit. And at the small price the best bargain in town.", "summary": "a simple delight", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2018", "reviewerID": "A2R8NM5M7Z37SA", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Jo Whiting", "reviewText": "Amazing for solving dandruff issues. 2-3 times of use and already got very good results. Pleasant smell, as well. Recommended.", "summary": "Very good for me", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "AZJMUP77WBQZQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 329"}, "reviewerName": "S. Foote", "reviewText": "THIS WAS A GIFT PURCHASED LAST YEAR FOR MY DAUGHTER WHO ABSOLUTELY LOVES CURVE FOR WOMEN AND WHO COULD PASS UP THE PRICE I PAID!!", "summary": "GIFT", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2013", "reviewerID": "AZD3ON9ZMEGL6", "asin": "B000URXP6E", "style": {"Size:": " 124"}, "reviewerName": "huangweixiong", "reviewText": "It smells good, suitable for my needs, the price is cheap, I am very satisfied. I would recommend this product to my family and close friends.", "summary": "i love it", "unixReviewTime": 1369526400} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A59KNJGQD1ZJL", "asin": "B0012Y0ZG2", "style": {"Size:": " 196"}, "reviewerName": "Martha-jean R. Johnson", "reviewText": "Since the Thymes comany stopped production of the Filigree, I'm glad to have found a new source. Their stock will probably run out too, But for the time being I'm thrilled to have my favorite fragrance available.", "summary": "filigree", "unixReviewTime": 1360454400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A115LE3GBAO8I6", "asin": "B0009RF9DW", "style": {"Size:": " 8"}, "reviewerName": "Leslie A. Pritchard", "reviewText": "This cream smells incredible and has made my skin so soft. Try the coordinating hand cream and massage cream. Love it!", "summary": "Awesome", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A1ANGX1BIKKJL1", "asin": "B000URXP6E", "style": {"Size:": " 7"}, "reviewerName": "Tresha Gillingham", "reviewText": "Best shampoo and conditioner for fine, bleach blonde hair! The only set that makes my hair smooth and HEALTHY! LOVE IT!", "summary": "Best product for fine bleach blonde hair!", "unixReviewTime": 1378425600} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "10 19, 2016", "reviewerID": "A3JQ30S858QNER", "asin": "B0012Y0ZG2", "style": {"Size:": " 561"}, "reviewerName": "Joseph D. Drypolcher", "reviewText": "So excited to see this on amazon! I found this hem while traveling and couldn't find it anywhere when I got him, this scrub is seriously the best. Gentle and effective.", "summary": "The best scrub", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2014", "reviewerID": "A3AE2ZLYWES45E", "asin": "B0009RF9DW", "style": {"Size:": " 275"}, "reviewerName": "Liz Edwards", "reviewText": "I have used this for years and absolutely love it. Can't wait for it to be made available again as I am getting very low.", "summary": "The best!", "unixReviewTime": 1416960000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3JOF3FISSE7E0", "asin": "B000URXP6E", "style": {"Size:": " 15"}, "reviewerName": "Catherine Daniel", "reviewText": "makes hair fuller and is gentle on scalp. hair feels soft.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A3CIUOJXQ5VDQ2", "asin": "B019809F9Y", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Shelly F", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1MDYWL5DLS9SS", "asin": "B0012Y0ZG2", "style": {"Size:": " 586"}, "reviewerName": "Deb Houghtaling", "reviewText": "I love this lotion. It has a light clean smell to it. Putting it on then adding a little of spray of perfume gives you a smell that brings lots of compliments.", "summary": "Best Ever", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A2D9MTWHD2BFUG", "asin": "B0012Y0ZG2", "style": {"Size:": " 120"}, "reviewerName": "Ladychaos1", "reviewText": "Husband loves it.... Uses it to wash his locs", "summary": "Good product", "unixReviewTime": 1506556800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A3GM8H7MO9I4H7", "asin": "B000URXP6E", "style": {"Size:": " 120"}, "reviewerName": "edazzle", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "ASFHTW5SP4QQR", "asin": "B0012Y0ZG2", "style": {"Size:": " 233"}, "reviewerName": "MACC", "reviewText": "Love it! Scent is refreshing not over powering. Also, the 3 in 1 is great for traveling.", "summary": "Wonderful Fresh Scent", "unixReviewTime": 1502755200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A7QMV1ENEUAC9", "asin": "B0012Y0ZG2", "style": {"Size:": " 1000ml/33.8oz"}, "reviewerName": "mary", "reviewText": "love this shampoo, came very quickly, thank you.", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A1OMMCNMFY7TYH", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Amazon Customer", "reviewText": "Smells awesome, great price!", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A300SV028Q2Z4C", "asin": "B0009RF9DW", "style": {"Size:": " 127"}, "reviewerName": "willtastic", "reviewText": "My favorite", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"reviewerID": "A24OO89UB5PY7J", "asin": "B000FI4S1E", "reviewerName": "JD", "verified": true, "reviewText": "I have been buying this body wash for abut a year now. It is simple. No heavy perfumes or dyes. My husband has sensitive skin and this stuff doesn't bother him at all.\n\nI have always loved Ivory! I love it more now.", "overall": 5.0, "reviewTime": "05 24, 2014", "summary": "Simple Clean", "unixReviewTime": 1400889600} +{"overall": 5.0, "verified": false, "reviewTime": "01 27, 2016", "reviewerID": "A25DGSQA3AN7H5", "asin": "B0012Y0ZG2", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "PurrfXion", "reviewText": "Best product Pantene made and can't find it in stores anymore.", "summary": "Best Pantene Product Out There", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A274J0XAP9U68Y", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "Francine Johnson", "reviewText": "Nest products are the best. A bit pricey but worth the price.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A2X5PW8CYW4U1D", "asin": "B0009RF9DW", "style": {"Size:": " 156"}, "reviewerName": "Amazon Customer", "reviewText": "use it everyday works great", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 1.0, "verified": true, "reviewTime": "05 6, 2018", "reviewerID": "AYKOSAJTP5AVS", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Senthil Kumar M", "reviewText": "It dries my hair, doesnt help to reduce dandruff. I have to use very less shampoo nevertheless it dries.. don't know how this got higher ratings", "summary": "Dries my hair, doesnt help to reduce dandruff. ...", "unixReviewTime": 1525564800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A337VOJXCV97F6", "asin": "B000URXP6E", "style": {"Size:": " 267"}, "reviewerName": "Dean Madison", "reviewText": "$65 for one bottles of soap!! Do NOT use this sight unless you are very wealthy!", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"reviewerID": "A2AHJ14T0JXO1M", "asin": "B000FI4S1E", "reviewerName": "Rachael Heade", "verified": true, "reviewText": "My husband loves the bergamot fragrance and most of the local brands are mixed with other more feminine scents. This is just the bergamot and is great refreshing body wash.", "overall": 5.0, "reviewTime": "12 8, 2013", "summary": "Great for my Guy :-)", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2012", "reviewerID": "A3Q33D02J9UTT0", "asin": "B0012Y0ZG2", "style": {"Size:": " 264"}, "reviewerName": "KG", "reviewText": "This is a great product for pampering yourself. I would recommend purchasing extra bottles as they make great gifts. This product is hard to find locally.", "summary": "Herbaflor", "unixReviewTime": 1344211200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2KUYYA021Y4KO", "asin": "B00AKP21KM", "reviewerName": "Wanda Daniels", "reviewText": "Need a bigger bottle!", "summary": "Smell sooo good", "unixReviewTime": 1432166400} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "AOG134B92MGKO", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "MRS K L WARRINGTON", "reviewText": "good, happy with the product and price", "summary": "Four Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": false, "reviewTime": "02 23, 2015", "reviewerID": "AKKHOHMSSHYUE", "asin": "B0012Y0ZG2", "style": {"Size:": " 33.8 oz"}, "reviewerName": "FrankNbeans", "reviewText": "One liter almost lasted a year.... I forgot how much I spent but it's worth it", "summary": "best ever", "unixReviewTime": 1424649600} +{"reviewerID": "A2QLQVPUZG2JXU", "asin": "B000FI4S1E", "reviewerName": "Kyuyeon J.", "verified": true, "reviewText": "Actually, at first I intended to order white musk 'lotion', not the body wash.\nSo I ordered the wrong item without reading the description carefully.\nThe funny thing is I USE THIS EVERYDAY.\nI smelled both scents of the lotion and body wash, and I prefer this one.", "overall": 5.0, "reviewTime": "01 28, 2014", "summary": "I love it!", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AROYPRQ35VSAT", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Meghan", "reviewText": "If they discontinued this scent I would go postal. <3", "summary": "Five Stars", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "AOZV8VU33NLG8", "asin": "B000URXP6E", "style": {"Size:": " 203"}, "reviewerName": "Darlene M.", "reviewText": "What I expected Nice", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A244RDHGOX4Z2J", "asin": "B001OHV1H4", "style": {"Size:": " 57"}, "reviewerName": "Dinorah Navarro", "reviewText": "It's the best shampoo I've ever tried! It didn't stop my hair loss 100% but I can see a big difference! I bought 3 and after I ordered again...", "summary": "It's the best shampoo I've ever tried", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A29F4PQDQ8MU0M", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Amazon Customer", "reviewText": "Smells Great, Boyfriend loves the scent.", "summary": "Sad that it's hard to come by", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A1Z14Z7HOM429U", "asin": "B00QXW95Q4", "reviewerName": "Laura J. Johnson", "reviewText": "Yeah, the huge size!!! This stuff has changed my naturally curly hair!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3DA04UMF6N2F9", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Amber Cameron", "reviewText": "Love it !!!! It actually came early!", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "A2D0ENZGHZ8W6C", "asin": "B000URXP6E", "style": {"Size:": " 363"}, "reviewerName": "Angela H. Taylor", "reviewText": "Even it doesn't look as pretty, but it make shower so pleasant. It totally feels like clean without slipping feeling.", "summary": "You must try it!", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A15IKO3Q6RSA1V", "asin": "B0012Y0ZG2", "style": {"Size:": " 38"}, "reviewerName": "Amazon Customer", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 4.0, "verified": false, "reviewTime": "09 5, 2017", "reviewerID": "A3BNMHRW2R35LK", "asin": "B0010ZBORW", "style": {"Color:": " Sea Sponge"}, "reviewerName": "S. Peterson", "reviewText": "Nice sponge that's a bit bigger than the size of the palm of your hand. There's a couple of tough spots in it but that's nature. The smaller size is nice as the large ones can be a bit obnoxious. These lather up nicely.", "summary": "Nice size, not too big", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A3L3SRE6L8IFHH", "asin": "B0012Y0ZG2", "style": {"Size:": " 258"}, "reviewerName": "truestory", "reviewText": "Effective soap and shampoo - convenient to have one bottle to do both. Clean scent and does the job.", "summary": "Clean scent and effective cleaner", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A2HT5WENL8E5S6", "asin": "B0012Y0ZG2", "style": {"Size:": " 241"}, "reviewerName": "Shasta Masser", "reviewText": "If you have body acne this product is a must. I noticed a difference on my back and chest within the first week of using this body wash. It helps heal what is already there and helps prevent 95% of it from reoccurring!", "summary": "Acne Body Wash A MUST", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "AKND6I1G35L7E", "asin": "B0009RF9DW", "style": {"Size:": " 285"}, "reviewerName": "Amazon Customer", "reviewText": "my wife loves this bath soap, too bad its too hard to come by anymore. Would buy a case of it.", "summary": "Would buy more if it wasn't so hard to come by", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A1Y5HC26OO5D4H", "asin": "B0009RF9DW", "style": {"Size:": " 192"}, "reviewerName": "ANTOINETTE COHEN", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A2I3TOK508FLX0", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Great product , price and fast shipping", "summary": "Great product, price and fast shipping", "unixReviewTime": 1465516800} +{"reviewerID": "A1FEQTQIVZKAY", "asin": "B000FI4S1E", "reviewerName": "David Baggett", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/61IfuqqPxlL._SY88.jpg"], "reviewText": "Unexpectedly good. The best smelling shower gel I have ever used. A little bit on the sweet side. But not chemical", "overall": 5.0, "reviewTime": "04 12, 2018", "summary": "Wow", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2F9G1A29XS38E", "asin": "B0012Y0ZG2", "style": {"Size:": " 248"}, "reviewerName": "WCastro", "reviewText": "excellent product, as described", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "vote": "30", "verified": true, "reviewTime": "07 11, 2017", "reviewerID": "A35GLRQ89X0WRD", "asin": "B001OHV1H4", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Kelly", "reviewText": "My scalp randomly starts hating any kind of product being on it and retaliates by going crazy with eczema like symptoms that seems to last forever. This is the only shampoo and conditioner that I have found that doesn't make my scalp cranky...It's a good product!", "summary": "Good products", "unixReviewTime": 1499731200} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1577W1CXJ2WI9", "asin": "B0009RF9DW", "style": {"Size:": " 500ml"}, "reviewerName": "Lori E. Hoover", "reviewText": "Luv it!", "summary": "Five Stars", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A205Q5S9B99B0L", "asin": "B0009RF9DW", "style": {"Size:": " 291"}, "reviewerName": "Trudy A. Vimini", "reviewText": "LOVE THIS", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"reviewerID": "A1GVT488CKU6ZB", "asin": "B000FI4S1E", "reviewerName": "Ellen M Smith", "verified": true, "reviewText": "Excellent non-greasy cream for rough spots - heels, elbows especially.", "overall": 5.0, "reviewTime": "12 21, 2016", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A2A83NR45HQ2OV", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "melody a burke", "reviewText": "Love this body wash!! My absolute favorite! And very hard to find.", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"reviewerID": "A1NO7CJ510NQWC", "asin": "B000FI4S1E", "reviewerName": "Patrice Wolfe", "verified": true, "reviewText": "It makes taking a shower like a walk in a meadow of wild flowers. Great consistency and viscosity. Easy to get out of the bottle and spread on body. Love the bubbles.", "overall": 5.0, "reviewTime": "08 11, 2013", "summary": "What a way to take a shower.", "unixReviewTime": 1376179200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A29GCQQLNLUJGG", "asin": "B0012Y0ZG2", "style": {"Size:": " 104"}, "reviewerName": "Martina", "reviewText": "Frequently get compliments on my beautiful shiny hair, great shampoo", "summary": "Shiny hair", "unixReviewTime": 1490486400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A2PCUZU2NUV72W", "asin": "B0012Y0ZG2", "style": {"Size:": " 59"}, "reviewerName": "Amazon Customer", "reviewText": "I have used this product for years and love it.", "summary": "Great product", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A35TPYOPNIDM7", "asin": "B0012Y0ZG2", "style": {"Size:": " 55"}, "reviewerName": "Amazon Customer", "reviewText": "Great smell and good product. I don't know that it moisturizes our daughters hair as much as we'd like, but the Tangle Taming Conditioner is a good follow-up for this shampoo.", "summary": "Good Product!", "unixReviewTime": 1479081600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A1M5UWJ8H1SYHG", "asin": "B0012Y0ZG2", "style": {"Size:": " 259"}, "reviewerName": "Deb Gosse", "reviewText": "What can I say? This is a great product. Too bad it's discontinued. I wish Dove would reconsider. O love all the Go Fresh Energize line.", "summary": "Dove Energize Body Wash", "unixReviewTime": 1364601600} +{"reviewerID": "A1UBIQNOWJJO9N", "asin": "B000FI4S1E", "reviewerName": "Diana", "verified": true, "reviewText": "I am using this product years ago\nI never think that i can find it online\nThat's make me happy", "overall": 5.0, "reviewTime": "04 18, 2013", "summary": "LOVE IT", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "AE9VRSOM1TYLE", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "alan merritt", "reviewText": "loved this scent unfortunately can't get it anymore.", "summary": "Five Stars", "unixReviewTime": 1525046400} +{"overall": 5.0, "vote": "17", "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A1O7LQP26XE36M", "asin": "B000URXP6E", "style": {"Size:": " 292"}, "reviewerName": "Maria Mercedes Calzado", "reviewText": "Nice!!", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A3GM8H7MO9I4H7", "asin": "B001OHV1H4", "style": {"Size:": " 120"}, "reviewerName": "edazzle", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A1MHFSMKSOED47", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Green Tea"}, "reviewerName": "Yasmin", "reviewText": "Expensive but lovely!", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A2GOEDQ35EBF1R", "asin": "B0012Y0ZG2", "style": {"Size:": " 266"}, "reviewerName": "ruth gallagher", "reviewText": "I don't know if it really works yet but smells great n my hair looks good too.", "summary": "Good", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A1DFZPQPCHBYTY", "asin": "B000URXP6E", "style": {"Size:": " 286"}, "reviewerName": "Sean Love Racing LLC", "reviewText": "Found this stuff in Japan and wondered if I could find it again. 3drops of it goes as far as a handful of normal soap, it stays foamy and soapy and has a nice scent!", "summary": "Super lathery nice soap!", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A1MHFSMKSOED47", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Agrumes"}, "reviewerName": "Yasmin", "reviewText": "great. Thank you", "summary": "Five Stars", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "AEY5YWIVK33SE", "asin": "B0012Y0ZG2", "style": {"Size:": " 303"}, "reviewerName": "Rochelle in Montana", "reviewText": "This lotion was purchased as a gift for my daughter, who loves the scent of bergamont. The fragrance is clean & fresh and lightly lingers on the skin for hours. I will be purchasing it again.", "summary": "great product", "unixReviewTime": 1360540800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "AJ61AXPLR0WYY", "asin": "B0012Y0ZG2", "style": {"Size:": " 351"}, "reviewerName": "Sandra Thomas", "reviewText": "It's Bare Escentuals, 'nuff said!", "summary": "Five Stars", "unixReviewTime": 1496966400} +{"overall": 5.0, "verified": false, "reviewTime": "09 29, 2017", "reviewerID": "A3SLC8F6VIWXIR", "asin": "B0010ZBORW", "style": {"Color:": " Volcanic Pumice Stone"}, "reviewerName": "John T. Horner", "reviewText": "Great pumice stone on a short rope. Somewhat rough, but that is how these things are. Good for working on overly thick skin areas.", "summary": "Great pumice stone", "unixReviewTime": 1506643200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51w+8aJEV+L._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "AGRLW94043OXP", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Coantha Childers", "reviewText": "Smells great and performs great. Will buy it again, definitely", "summary": "Love this shower gel", "unixReviewTime": 1523404800} +{"overall": 1.0, "verified": true, "reviewTime": "04 1, 2018", "reviewerID": "A18HENNBJ25817", "asin": "B000URXP6E", "style": {"Size:": " 8.5oz"}, "reviewerName": "Zhenyu Hong", "reviewText": "the smell is bad and totally not natural for me", "summary": "One Star", "unixReviewTime": 1522540800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "ACDH4NYWRB1PR", "asin": "B001OHV1H4", "style": {"Size:": " 494"}, "reviewerName": "CG", "reviewText": "Great set!", "summary": "Great set!", "unixReviewTime": 1438041600} +{"overall": 2.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "A1DFI14L1LBOPJ", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "PrimeTime", "reviewText": "The shampoo is very watery, and I did not see too much of a difference in my dandruff.", "summary": "Meh", "unixReviewTime": 1521504000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A3LR34UDLT38PG", "asin": "B00VG1AV5Q", "reviewerName": "Charity Arnett", "reviewText": "Love Love Love, Very hard to find", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A1RO0GOES15LER", "asin": "B0012Y0ZG2", "style": {"Size:": " 82"}, "reviewerName": "Michelle", "reviewText": "Loved this. ... but I can't fInd more. ... anywhere!", "summary": "Five Stars", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2013", "reviewerID": "A1LNES65GKVL0C", "asin": "B0012Y0ZG2", "style": {"Size:": " 46"}, "reviewerName": "Amy C.", "reviewText": "I bought this for my daughter. Burt's Bees stuff is always good quality. She is happy with it. Smells nice.", "summary": "Burt's Bees Shower Kit", "unixReviewTime": 1361059200} +{"overall": 1.0, "verified": true, "reviewTime": "05 16, 2018", "reviewerID": "A3W3YT08F94PO7", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "CRM", "reviewText": "The shampoo has the consistency of water, so you won't be able to hold enough in your hand to get it on your head. Very disappointed!", "summary": "DON'T BUY! TOO WATERY!", "unixReviewTime": 1526428800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A27I10FZD5Y0OA", "asin": "B00QXW95Q4", "reviewerName": "Jacqueline Anderson", "reviewText": "By far the BEST shampoo and conditioner I have used. As someone with very thick and dry hair it has given me back the shine and texture I craved.", "summary": "Excellent product!", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A38EDCGATXMRI3", "asin": "B001OHV1H4", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Amazon Customer", "reviewText": "Good Stuff!", "summary": "Good Stuff!", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A1CF9LS3PV9ZOR", "asin": "B0009RF9DW", "style": {"Size:": " 97"}, "reviewerName": "Helen Curl", "reviewText": "I love Perlier Lavender Body Butter, so I had to have the Shower Gel to layer the two products together. What I love especially is that the Shower Gel fragrance stays on your skin even by itself.\n\nACTUALLY, I JUST LOVE ANYTHING THE COMPANY MAKES.", "summary": "Perlier Bath & shower Gel in Lavender is just delicious", "unixReviewTime": 1400025600} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A2XF4LU8DZCGKV", "asin": "B0012Y0ZG2", "style": {"Size:": " 169"}, "reviewerName": "Sparkle528", "reviewText": "Although it's pretty long, it fits perfectly. It looks very similar to the style of the lab coat given to me by my school.", "summary": "Love the labcoat", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A1FPB20OAZLA3T", "asin": "B001OHV1H4", "style": {"Size:": " 401"}, "reviewerName": "APPRAISER REVIEWER", "reviewText": "HALE BERRY Pure Orchid is a wonderful fragrance, it is becoming harder to find in dept. stores.", "summary": "Five Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A1BS75OBCJN3EA", "asin": "B00RZYW4RG", "reviewerName": "TG", "reviewText": "love this product - wish I could find it in the store, but it's great to be able to get here", "summary": "love this product - wish I could find it in ...", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3VJQ5WRH77UKU", "asin": "B001OHV1H4", "style": {"Size:": " 92"}, "reviewerName": "Kathy L", "reviewText": "Does a great job of volumizing and is gentle on my hair.", "summary": "White Rain is an old and trusted shampoo for me", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A1XDV760ZLXN57", "asin": "B001OHV1H4", "style": {"Size:": " 59"}, "reviewerName": "Patti", "reviewText": "I have used this off and on for several years and is great for natural curly hair. Can't find it in any stores so was glad to find it on line. I was told they quit making it.", "summary": "Curly Hair", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A1CJRTU646COUL", "asin": "B0009RF9DW", "style": {"Size:": " 156"}, "reviewerName": "Lucina Ramirez", "reviewText": "I used its works, I is good", "summary": "Five Stars", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "AD6WIZKKXYQVL", "asin": "B000URXP6E", "style": {"Size:": " 369"}, "reviewerName": "MLawton", "reviewText": "This treatment is awesome to reinforce your hair and make it look shinny and healthy. I def recommend it for everybody.", "summary": "Nice product", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": false, "reviewTime": "03 7, 2015", "reviewerID": "AHR6RFGXARWNX", "asin": "B001OHV1H4", "style": {"Size:": " 56"}, "reviewerName": "carmen aponte", "reviewText": "I have a new number", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "AZ520NWW40I9B", "asin": "B000URXP6E", "style": {"Size:": " 6"}, "reviewerName": "Abigail Harden", "reviewText": "My male roommate and I both love this shampoo! My hair looks healthy and never dry or frizzy when I use it consistently. All the Theorie products I have used have been excellent and do exactly what they promise. I would recommend it to anyone!", "summary": "Best shampoo I've ever used!", "unixReviewTime": 1484438400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "AYY463Q7V3LTU", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "DAVID", "reviewText": "Really good one my head feels really relaxed after chemical shampoos it's pretty big bottle.thanks for inventor.", "summary": "Five Stars", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3NY63XTSMNUVZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "Natasha rivera", "reviewText": "Amazing product!!!", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2012", "reviewerID": "A20Q8XM208DXT1", "asin": "B00006L9LC", "style": {"Size:": " 19"}, "reviewerName": "Lloyd", "reviewText": "My hair was falling out, probably because of Psoriasis. Polytar stopped my hair from falling out and most of it grew back. Can't be without this shampoo, no longer available in my province. Thank You Amazon.", "summary": "Polytar Shampoo", "unixReviewTime": 1345766400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A1FPB20OAZLA3T", "asin": "B0012Y0ZG2", "style": {"Size:": " 401"}, "reviewerName": "APPRAISER REVIEWER", "reviewText": "HALE BERRY Pure Orchid is a wonderful fragrance, it is becoming harder to find in dept. stores.", "summary": "Five Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A3NFELIADJMJKJ", "asin": "B001OHV1H4", "style": {"Size:": " 4"}, "reviewerName": "Susie Chavez", "reviewText": "This is one of the BEST shampoos for swimmers. I always got complements on my hair since I started using this product. Unavailable now.", "summary": "Not Available anymore!!!", "unixReviewTime": 1497657600} +{"overall": 1.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "ADUKTDKBY4CNP", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Andelika", "reviewText": "Made my hair brittle and dull looking, didn't do anything for the itch or dandruff.", "summary": "Disappointment...", "unixReviewTime": 1524873600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A1IMRCSU4F0409", "asin": "B00006L9LC", "style": {"Size:": " 367"}, "reviewerName": "Bdot", "reviewText": "Packaging was nicely done with bubble wrap and paper. Box is amazing besides perfume and I love the new red door design. Order this one because im used to the old bottle design which they sent the new one and im glad they did.", "summary": "Happy", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A4IV41UZ0Y789", "asin": "B001OHV1H4", "style": {"Size:": " 29.2"}, "reviewerName": "Robert Young", "reviewText": "Great product and fast service.", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2NOM8O5XT0GXD", "asin": "B000URXP6E", "style": {"Size:": " 41"}, "reviewerName": "Lynn N.", "reviewText": "This brand is really nice for brunette hair color. The shampoo gives nice body, shine and condition. I love the scent, it is not chemically based, so I choose these types. The bonus 2 pack was a very good deal too. It helps my natural hair dye keep its color longer too..", "summary": "This is a high quality shampoo for brunette hair..", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AB4T4E0AGMKRA", "asin": "B001OHV1H4", "style": {"Size:": " 77"}, "reviewerName": "Amazon Customer", "reviewText": "For months i was waiting the product to come back for sale.\nWhen i saw it is available again i bought 2!!\nIt was a good choice.\nI searched a lot for an organic kid hair gel, and i did not find a better one.\nHolds my son hair for hours. I know it is a lit expensive, but worth it.", "summary": "It was a good choice. I searched a lot for an organic ...", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A20K51AP7RX6V8", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "David", "reviewText": "Hard to find and expensive but I love this shower cream. I first discovered it more than 10 years ago and I'm very happy to be reacquainted with it. The best part about it is that it says with you all day.", "summary": "Hard to find and expensive but I love this shower cream", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A3OPJT8CDLLZON", "asin": "B0009RF9DW", "style": {"Size:": " 268"}, "reviewerName": "M. Bernard", "reviewText": "Best cream ever", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1ZIN388IVCX6Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "ASFHTW5SP4QQR", "asin": "B000URXP6E", "style": {"Size:": " 233"}, "reviewerName": "MACC", "reviewText": "Love it! Scent is refreshing not over powering. Also, the 3 in 1 is great for traveling.", "summary": "Wonderful Fresh Scent", "unixReviewTime": 1502755200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A3OYM142VD8I7K", "asin": "B0009RF9DW", "style": {"Size:": " 170"}, "reviewerName": "Tamikajam", "reviewText": "Awesome!!", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A2CA0MJP6O4ZZL", "asin": "B001OHV1H4", "style": {"Size:": " 3"}, "reviewerName": "jack", "reviewText": "The best hair product ever", "summary": "I love it", "unixReviewTime": 1410220800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A3UXKTNN3U6E0D", "asin": "B0012Y0ZG2", "style": {"Size:": " B-002"}, "reviewerName": "Turgeman Anat", "reviewText": "very good prodauct", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A2TY2IK21P4498", "asin": "B0009RF9DW", "style": {"Size:": " 196"}, "reviewerName": "kimmi", "reviewText": "I GOT TO GET SOME MORE BECAUSE MY BATHS ARE BECOMING KINDA LAME WITHOUT THIS LIQUID SOAP SO FOR NOW I AM OKAY", "summary": "THIS IS THE BEST", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A1IP4AIXPHF55Y", "asin": "B001OHV1H4", "style": {"Size:": " 3"}, "reviewerName": "T. Dearborn", "reviewText": "I have used HBL Hair Masque before and love the way my hair feels when I rinse out the masque. My hair is definitely more manageable. I would recomment this product to anyone experiencing dry or damaged hair.", "summary": "I have used HBL Hair Masque before and love the way my hair feels when I rinse out ...", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A3HHQ7UIJJAOAV", "asin": "B0009RF9DW", "style": {"Size:": " 285"}, "reviewerName": "redlin51", "reviewText": "We both love the shower gel. It smells so good, and matches the lotion that is sold, too. We love using it.", "summary": "shower gel used by grandmom and grand-daughter, too.", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": false, "reviewTime": "07 13, 2014", "reviewerID": "A3S2X46C2GHTDT", "asin": "B0009RF9DW", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Teresa F. Oliver", "reviewText": "Every woman should use this. It leaves your skin so soft. You will just love it.", "summary": "You will just love it.", "unixReviewTime": 1405209600} +{"reviewerID": "A274J0XAP9U68Y", "asin": "B000FI4S1E", "reviewerName": "Francine Johnson", "verified": true, "reviewText": "Nest products are the best. A bit pricey but worth the price.", "overall": 5.0, "reviewTime": "08 7, 2015", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "AG53V5LXH1KP6", "asin": "B0012Y0ZG2", "style": {"Size:": " 444"}, "reviewerName": "Eri", "reviewText": "The swatch in the photo is wrong, but I received exactly what I ordered, and SO fast! Aubergine Queen #530 is a beautiful plum with a tiny bit of silver flake. It's gorgeous, too bad it was d/c'd...thank goodness for Amazon!", "summary": "Great Service! Awesome product!", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A13B2J5IBGS8Y2", "asin": "B0009RF9DW", "style": {"Size:": " 22"}, "reviewerName": "Pam", "reviewText": "Love this-but believe it is no longer available!! Thymes-BRING IT BACK PLEASE!!!", "summary": "Five Stars", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A14YENXHLKG9WL", "asin": "B000URXP6E", "style": {"Size:": " 280"}, "reviewerName": "Samyel F", "reviewText": "this is getting hard to find. don't know why -- it's one of the best scents for summer that we have ever discovered. we have the lotion, the wash, and the cologne.", "summary": "the BEST summer scent", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "AT2F2DJ7RELJI", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Mary Beadles", "reviewText": "These are great! They smell wonderful; they feel great on your skin; and they last a long time. They make great gifts!", "summary": "These are great! They smell wonderful", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "AXZPSRWKSDO27", "asin": "B000URXP6E", "style": {"Size:": " 463"}, "reviewerName": "KPM", "reviewText": "Christmas present.\nMy son loves the variety. Inviting look.\nEfficient packaging. Arrived in a few days. :)", "summary": "Variety", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A3UXFQUZ6P1JRB", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "BabyBoomer55", "reviewText": "Smells incredible...almost a musk, deep scent. Lathers very well. You feel clean all day!", "summary": "Smells incredible... almost a musk, deep ...", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A1UXOVYJ6OEQ24", "asin": "B0012Y0ZG2", "style": {"Size:": " 109"}, "reviewerName": "Sharon Bowen", "reviewText": "Great shampoo ~ the only one we buy!", "summary": "Five Stars", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2014", "reviewerID": "A1Z9JYXS7Y6Z6X", "asin": "B000URXP6E", "style": {"Size:": " 95"}, "reviewerName": "Margaret", "reviewText": "I love it so much, others receive it on their birthday. Now they love it too.", "summary": "Perfect scent", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A12X146LZM6KM0", "asin": "B0009RF9DW", "style": {"Size:": " 17"}, "reviewerName": "eieio", "reviewText": "Great scent, and no sulfates.", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A3HHQ7UIJJAOAV", "asin": "B0012Y0ZG2", "style": {"Size:": " 179"}, "reviewerName": "redlin51", "reviewText": "I love this for when I take a shower.", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "AAB7D8L1RXAK8", "asin": "B0012Y0ZG2", "style": {"Size:": " 370"}, "reviewerName": "Teresa Lamb", "reviewText": "Love this cream. I have been using it for over 6 years and will continue to use it as long as it is available. I LOVE it!!!", "summary": "Love this cream", "unixReviewTime": 1486080000} +{"reviewerID": "A2J5HTXL1X2FN3", "asin": "B000FI4S1E", "reviewerName": "Bob S", "verified": true, "reviewText": "Outstanding product! My girls have always liked it and always ask for it for Christmas. It was well packed and delivered on time for Christmas.", "overall": 5.0, "reviewTime": "12 12, 2013", "summary": "GREAT PRODUCT", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2014", "reviewerID": "AA91G2AGEGOEJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 12-Ounce (Pack of 3)"}, "reviewerName": "therman silks", "reviewText": "This soap smells so good - clean and intriguing - that anyone who uses it in my home comments on it. It's not in any stores in my town so I found it online and ordered it - not some thing I usually do.", "summary": "Great smelling soap.", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A14R11HV2H7AVW", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pound"}, "reviewerName": "Diane Gordon", "reviewText": "Also a very good product", "summary": "Five Stars", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2013", "reviewerID": "AZ4T3DDT8L9EQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 30mla144"}, "reviewerName": "Michelle Adams", "reviewText": "THIS IS WHAT BODY GLOSS IS SUPPOSED TO BE LIKE... IT JUST SHOULDNT HAVE TO COST SO MUCH TO BUY", "summary": "PERFECTION", "unixReviewTime": 1375747200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2NOM8O5XT0GXD", "asin": "B0012Y0ZG2", "style": {"Size:": " 41"}, "reviewerName": "Lynn N.", "reviewText": "This brand is really nice for brunette hair color. The shampoo gives nice body, shine and condition. I love the scent, it is not chemically based, so I choose these types. The bonus 2 pack was a very good deal too. It helps my natural hair dye keep its color longer too..", "summary": "This is a high quality shampoo for brunette hair..", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A1R7TTGL0FLO3R", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Algut", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2016", "reviewerID": "A4EKBPGD0LK2K", "asin": "B0012Y0ZG2", "style": {"Size:": " 157"}, "reviewerName": "Sarah Jones", "reviewText": "Love this product! It's very nearly good as lanolin products. It you want to avoid lanolin, it's the way to go! (P.s.- Their stretch mark cream is awesome)", "summary": "Love this product", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A1TRRL3F84BJNJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Di", "reviewText": "Excellent!! Love the product not sticky and great price!!", "summary": "Excellent!! Love the product not sticky and great ...", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A1MHFSMKSOED47", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Rose Petal"}, "reviewerName": "Yasmin", "reviewText": "Expensive but lovely!", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": false, "reviewTime": "05 6, 2018", "reviewerID": "A3HIEBXDI9EQA6", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "john robbins", "reviewText": "Outstanding! Top organic shampoo!", "summary": "Five Stars", "unixReviewTime": 1525564800} +{"overall": 4.0, "verified": false, "reviewTime": "10 7, 2017", "reviewerID": "A1AEPMPA12GUJ7", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Coconut"}, "reviewerName": "Glenda Boozer", "reviewText": "The fragrance is mild, the bar is hard and lasts a long time, and the soap is mild and softens the skin. Altogether a pleasant soap to use.", "summary": "The fragrance is mild, the bar is hard and ...", "unixReviewTime": 1507334400} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2018", "reviewerID": "A2G90R2ZU6KU5D", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Mike", "reviewText": "Got this shampoo as a solution for my wife's dandruff problem. It worked! She got rid of any dandruff signs after 3-4 uses. As long as she is happy, I am happy too!", "summary": "Outstanding, no complains", "unixReviewTime": 1525651200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71BMgGEkDjL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "AX0ZEGHH0H525", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Aida A", "reviewText": "Suffered from itchiness under my hair for couple of years. This product cured the itchiness completely. I took some 4-5 drops of it and then massaged my wet head for a minute approximately. After 2 uses noticed a considerable difference. It definitely gets the job done!", "summary": "Scalp-healing", "unixReviewTime": 1524441600} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A29C6ZBT7HP13Q", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Faith M. Pettersen", "reviewText": "Love this product. It is the only thing that has worked on my flaky scalp. Not too heavy and the fragrance is pleasant in comparison to other products.", "summary": "Love this product", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "ASWLL1VJA7WOG", "asin": "B000URXP6E", "style": {"Size:": " 49"}, "reviewerName": "Samuel Sneed", "reviewText": "Great product... just what I wanted. Works great and very stylish.", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A1NXF07STAXNN3", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "W. T. Godbolt", "reviewText": "soapy", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A1JQIYKCPYFKG2", "asin": "B0012Y0ZG2", "style": {"Size:": " 247"}, "reviewerName": "S. Curry", "reviewText": "My favorite and hard to find.", "summary": "My favorite and hard to find", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A2RRQ78UZSEDF1", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "Beulah", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A26GEEGKDA0D58", "asin": "B000URXP6E", "style": {"Size:": " 8"}, "reviewerName": "Miss Red", "reviewText": "I wish I could find more products with this particular fragrance. I drives me nuts. Oh and it makes my skin silky soft. WIsh the scent lasted longer on my skin. I really love it.", "summary": "I love this shower cream beyond reason", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A2JPQVFMKT94M2", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "ad", "reviewText": "This is so handy and unique! Comes in a protective pouch, and with an extra refil. Seems like it will last a long time for those who just like a little dab of a beautiful scent.", "summary": "Seems like it will last a long time for those who ...", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": false, "reviewTime": "10 3, 2016", "reviewerID": "A6CEOJ5ISIGRB", "asin": "B00JF2GVWK", "reviewerName": "samantha", "reviewText": "I love the smell of this body wash! It doesn't dry out my skin either!", "summary": "Smells great!", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A2TZW7B0YG2ZJQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 258"}, "reviewerName": "flavio sanchez", "reviewText": "i am ok with this adidas hair and body 3 active start shower gel and shampoo 250 ml 8.4 oz\n\nthank you", "summary": "i love it", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A39VQK6I0V3AFV", "asin": "B0012Y0ZG2", "style": {"Size:": " 191"}, "reviewerName": "&quot;J&quot; golfer", "reviewText": "Have used for a long time and nothing has worked better. This is a winner and I will continue to purchase it.", "summary": "great product", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A84MTP7LSOTXG", "asin": "B0012Y0ZG2", "style": {"Size:": " 30mla144"}, "reviewerName": "LeAnn Johnson", "reviewText": "Love this stuff! Adds glowing moisture to my dry skin without oily feeling!", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": false, "reviewTime": "10 24, 2017", "reviewerID": "A173YMJ9XFVRSY", "asin": "B0010ZBORW", "style": {"Color:": " Moisturizing Booties"}, "reviewerName": "Amazon Customer", "reviewText": "Great for an at home spa experience. I have dry heels and these moisturizing booties really helped. Five stars.", "summary": "Moisturizing", "unixReviewTime": 1508803200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A33EQHCO5TZIP5", "asin": "B019V2KYZS", "reviewerName": "ISHY", "reviewText": "always good to freshen up when traveling", "summary": "Five Stars", "unixReviewTime": 1479081600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61drG9J7BmL._SY88.jpg"], "overall": 5.0, "vote": "14", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A3F53CPYRL46XZ", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Brennan Kelly", "reviewText": "So, 5 stars it is.", "summary": "My wife absolutely loves it", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A41D5III07SB6", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "MARYSTAR", "reviewText": "Love this!", "summary": "hair", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "A149WHPACMTSLO", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "Diane Collins", "reviewText": "It was what my 16 year old grandson wanted,because he can not fine it in the stores. Please bring it\nback to walmart.", "summary": "The shower Gel smells great", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2016", "reviewerID": "A2UH411RVKUH96", "asin": "B0012Y0ZG2", "style": {"Size:": " 143"}, "reviewerName": "Barb", "reviewText": "Have used this for over a month and I love it! No more itching or burning of my skin. Along with the Olay Age Defying moisturizer, my skin feels smooth and non-greasy. Lovely light scent too.", "summary": "Love it", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": false, "reviewTime": "07 20, 2014", "reviewerID": "A3CPIVUW77AK6K", "asin": "B0009RF9DW", "style": {"Size:": " 147"}, "reviewerName": "Christine Evans", "reviewText": "Good service, product as described", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3DA04UMF6N2F9", "asin": "B00RZYW4RG", "reviewerName": "Amber Cameron", "reviewText": "Love it !!!! It actually came early!", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "AN4M590RDRGH7", "asin": "B0012Y0ZG2", "style": {"Size:": " 149"}, "reviewerName": "margaret johnson", "reviewText": "I became acquainted with Savannah Bee Mint Julep when I originally bought one from Bath and Body. I always like the fragrance and its invigorating effect. I would recommend this body wash. It lasts a long time and lathers well.", "summary": "Refreshing", "unixReviewTime": 1380758400} +{"reviewerID": "A17ZAS11CK1HG8", "asin": "B000FI4S1E", "reviewerName": "Joni28", "verified": true, "reviewText": "I love the smell of this product. I also bought the body butter and that smells great as well. I will be buying these again", "overall": 5.0, "reviewTime": "03 20, 2016", "summary": "Great product!", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A2XF4LU8DZCGKV", "asin": "B0012Y0ZG2", "style": {"Size:": " 169"}, "reviewerName": "Sparkle528", "reviewText": "Although it's pretty long, it fits perfectly. It looks very similar to the style of the lab coat given to me by my school.", "summary": "Love the labcoat", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2018", "reviewerID": "A2TRMX7KR6IIVA", "asin": "B0012Y0ZG2", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Teri1", "reviewText": "Came on time. She will love it!", "summary": "Great gift!", "unixReviewTime": 1518393600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A3UXFQUZ6P1JRB", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "BabyBoomer55", "reviewText": "Smells incredible...almost a musk, deep scent. Lathers very well. You feel clean all day!", "summary": "Smells incredible... almost a musk, deep ...", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A17B1H60A6A96P", "asin": "B00006L9LC", "style": {"Size:": " 463"}, "reviewerName": "Demetris DeLucas", "reviewText": "All of the different colognes and the price.", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A205Q5S9B99B0L", "asin": "B0012Y0ZG2", "style": {"Size:": " 291"}, "reviewerName": "Trudy A. Vimini", "reviewText": "LOVE THIS", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JIP8N3GZZKBA", "asin": "B0012Y0ZG2", "style": {"Size:": " 122"}, "reviewerName": "Lisa Strobehn", "reviewText": "I was so happy that I was able to purchase my favorite Bath & Body Works scent that had been discontinued in the store. This was a great price for the three bottles, and if this person/company has more of this scent I am going to buy more!", "summary": "Great price for discontinued item", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": false, "reviewTime": "03 8, 2016", "reviewerID": "A345PQ5PIJVC67", "asin": "B0012Y0ZG2", "style": {"Size:": " 53"}, "reviewerName": "Bridget Schoff", "reviewText": "AS awesome as this product is, it HAS been discontinued by the makers. The people selling this on here, including the shampoos and conditioners ARE price gouging you and who knows how OLD it is.. Very Sad", "summary": "AS awesome as this product is", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A205Q5S9B99B0L", "asin": "B000URXP6E", "style": {"Size:": " 291"}, "reviewerName": "Trudy A. Vimini", "reviewText": "LOVE THIS", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A1EGCED01USBA9", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Rose Petal"}, "reviewerName": "khristina jackson", "reviewText": "This bar was bought for my friend who likes Rose scented bar soaps.. She like myself enjoys purchasing online than the retail hassle.. The bar is small and Pre De Provence is in my Top 5 of soaps that I have been buying from Amazon since 2013..", "summary": "She like myself enjoys purchasing online than the retail hassle", "unixReviewTime": 1461196800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61IfuqqPxlL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A1FEQTQIVZKAY", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "David Baggett", "reviewText": "Unexpectedly good. The best smelling shower gel I have ever used. A little bit on the sweet side. But not chemical", "summary": "Wow", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A32RAW9ILQYP9S", "asin": "B0012Y0ZG2", "style": {"Size:": " 200"}, "reviewerName": "sonnja williams", "reviewText": "Will buy again", "summary": "Worth the price", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2013", "reviewerID": "AI8FN9LAD3WT0", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "American Infidel", "reviewText": "This was the best of all the Axe line, and they discontinued it. I wish they would bring it back. :(", "summary": "Please bring this one back on the market!", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2MWTIZYINA2MH", "asin": "B000URXP6E", "style": {"Size:": " 26"}, "reviewerName": "IRENE ANAYA", "reviewText": "I love the clean smell conditions so well please my hair beautiful and shiny ", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A1N1FL81IAC7IR", "asin": "B0012Y0ZG2", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Brian", "reviewText": "Mom loves it!!", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A2AXHDSJEBEOIB", "asin": "B000URXP6E", "style": {"Size:": " 500ml"}, "reviewerName": "D.Marie", "reviewText": "smells delicious, cleans well, rinses off easily too. Moisturizing...I can even use this to shave. Great as a bubble bath, too!", "summary": "Smells yummy, cleans well, Will repurchase.", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A2PCUZU2NUV72W", "asin": "B0012Y0ZG2", "style": {"Size:": " 59"}, "reviewerName": "Amazon Customer", "reviewText": "I have used this product for years and love it.", "summary": "Great product", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A2HMKJTX67U6SO", "asin": "B000URXP6E", "style": {"Size:": " 7"}, "reviewerName": "S. L. CHANCE", "reviewText": "Good shampoo and conditioner. I have always colored my hair and this set protects my color as it really cleans my hair. The fragrance is nice and light. Will buy again.", "summary": "Does what it claims..", "unixReviewTime": 1377993600} +{"reviewerID": "A36JEYR65W1LTO", "asin": "B000FI4S1E", "reviewerName": "Sandra", "verified": true, "reviewText": "Love it! Can't find it in stores anywhere", "overall": 5.0, "reviewTime": "08 18, 2015", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "ARFFWJFJWCAGE", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "Bob Eichhorn", "reviewText": "Seems to work as usual.", "summary": "Five Stars", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3V6HGWB3AKM8O", "asin": "B0012Y0ZG2", "style": {"Size:": " 403"}, "reviewerName": "J W. in SF", "reviewText": "Excellent product. The package arrived quickly in perfect condition. I definitely recommend this product and this particular seller.", "summary": "Love the shine!", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "AAP5XCA30G532", "asin": "B001OHV1H4", "style": {"Size:": " 61"}, "reviewerName": "Judith A.", "reviewText": "These are products I use regularly and am always looking for a \"good deal\" -- I feel this was a very good deal! Quick delivery and completely satisfied!", "summary": "... \"good deal\" -- I feel this was a very good deal! Quick delivery and completely satisfied", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2015", "reviewerID": "A5BJMAHZWGJ7N", "asin": "B000VV1YOY", "style": {"Size:": " 1 count", "Color:": " Apricot Cuticle Oil"}, "reviewerName": "Melaina Lara", "reviewText": "This Essie Apricot cuticle oil is one of the greats. It's light, absorbs quickly and smells amazing!\nThe moisture lasts, and doesn't leave my fingers feeling greasy or oily.", "summary": "Mmm, apricot!", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2016", "reviewerID": "A4EKBPGD0LK2K", "asin": "B000URXP6E", "style": {"Size:": " 157"}, "reviewerName": "Sarah Jones", "reviewText": "Love this product! It's very nearly good as lanolin products. It you want to avoid lanolin, it's the way to go! (P.s.- Their stretch mark cream is awesome)", "summary": "Love this product", "unixReviewTime": 1451779200} +{"reviewerID": "A3ADPDEVGNMBWN", "asin": "B000FI4S1E", "reviewerName": "JParizona", "verified": true, "reviewText": "We use this in our corporate fitness shower stall. Refill the wall mounted dispenser. No surprises if you are use to using tea tree as it doen't suds up like normal soaps nor leave a soapy residue on the skin. Perfect for our use in shower.", "overall": 5.0, "reviewTime": "04 8, 2013", "summary": "Tea Tree gallon is great for our corporate use", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "AKIQW8M8Q74HG", "asin": "B0009RF9DW", "style": {"Size:": " 112"}, "reviewerName": "Linda", "reviewText": "My favorite way to relax.", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A3FZSM6JYA65PR", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "samburn", "reviewText": "I love the fragrance and it leaves my hair very silky. Combined with the Bvlgari Conditioner, this is my favorite brand.", "summary": "Wonderful shampoo!", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2016", "reviewerID": "A153D6FAV4L389", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pack"}, "reviewerName": "Serendipity", "reviewText": "Good price. Good product", "summary": "Five Stars", "unixReviewTime": 1460160000} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2014", "reviewerID": "A3AE2ZLYWES45E", "asin": "B0012Y0ZG2", "style": {"Size:": " 275"}, "reviewerName": "Liz Edwards", "reviewText": "I have used this for years and absolutely love it. Can't wait for it to be made available again as I am getting very low.", "summary": "The best!", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "AVZFCI6JTP4PU", "asin": "B0012Y0ZG2", "style": {"Size:": " 203"}, "reviewerName": "ItalianTraci", "reviewText": "Great price and as described! Fast shipping too! Would definitely purchase from this seller again!", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"reviewerID": "A1OMMCNMFY7TYH", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Smells awesome, great price!", "overall": 5.0, "reviewTime": "11 30, 2015", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 4.0, "verified": false, "reviewTime": "07 9, 2014", "reviewerID": "AM8B1RWTFOE38", "asin": "B001OHV1H4", "style": {"Size:": " 39"}, "reviewerName": "Victor hugo palomera", "reviewText": "Ok", "summary": "Four Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A3RGQCA2GSFLX2", "asin": "B001OHV1H4", "style": {"Size:": " 169"}, "reviewerName": "self", "reviewText": "hard to find a lab coat the fits nice. this one does. This is my second coat and i am not disappointed. If I need a new one, wold by again. shipping was on time.", "summary": "Love the fit of the lab coat......", "unixReviewTime": 1391731200} +{"reviewerID": "A1OIRJ1W4N8CW", "asin": "B000FI4S1E", "reviewerName": "Laura Ferradino", "verified": true, "reviewText": "I really love this product! My skin was so dry and flaky, but now it is as smooth as silk. I will be buying again.", "overall": 5.0, "reviewTime": "06 3, 2015", "summary": "I really love this product", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A2PW5N4QDA3AG9", "asin": "B000URXP6E", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A265E2JC4S3YWC", "asin": "B0009RF9DW", "style": {"Size:": " 17"}, "reviewerName": "Yngathrt", "reviewText": "This product is wonderful and the seller met my every expectation!", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A2IGYO5UYS44RW", "asin": "B00JF2GVWK", "reviewerName": "Dawna Kern", "reviewText": "I love how soft this makes my skin and the scent is amazing. When my local stored are out I can always get it at Amazon", "summary": "BETTER THAN RAINBATH", "unixReviewTime": 1517356800} +{"overall": 5.0, "verified": false, "reviewTime": "08 11, 2016", "reviewerID": "A3E3GD3TABXKU1", "asin": "B01BNEYGQU", "style": {"Style Name:": " Bubble Fruit"}, "reviewerName": "Loren W. Christensen", "reviewText": "Good stuff. I've always been a fan, and while I'm waaaay past the intended age group I use it anyway. Good taste, cleans he teeth wonderfully, and simply does what it's supposed to.", "summary": "Excellent", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A2WA4LQGM8X68D", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "Molly", "reviewText": "Best stuff, smells great, tames frizz and leaves shiny!", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "ADNBIWDCIZJ0S", "asin": "B000URXP6E", "style": {"Size:": " 370"}, "reviewerName": "J. MILLER", "reviewText": "In my opinion any product by Decleor is going to improve your skin!!\nHigh end luxury skin care at a good price.", "summary": "heaven", "unixReviewTime": 1380153600} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A1TRRL3F84BJNJ", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "Di", "reviewText": "Excellent!! Love the product not sticky and great price!!", "summary": "Excellent!! Love the product not sticky and great ...", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A2T6UI6V98KT94", "asin": "B001OHV1H4", "style": {"Size:": " C-017"}, "reviewerName": "Joi Sanders", "reviewText": "This is one of the most beautiful lotions I have ever used. Compliments on a daily basis! It is so soft and smooth. Love it!", "summary": "Ultimate Kors", "unixReviewTime": 1483574400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "AUPNID1GKJB34", "asin": "B0009RF9DW", "style": {"Size:": " 10"}, "reviewerName": "dry2", "reviewText": "Really like the nice mild fragrance. Cannot find this Old Spice Body Wash Foxcrest on the local retail shelves for some unknown reason???", "summary": "Really like the nice mild fragrance.", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AMXYXIWW74J4", "asin": "B00RZYW4RG", "reviewerName": "Lesli", "reviewText": "Love this stuff! Works great when flat ironing my hair and it smells great!", "summary": "Love this product!", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "AVZFCI6JTP4PU", "asin": "B000URXP6E", "style": {"Size:": " 203"}, "reviewerName": "ItalianTraci", "reviewText": "Great price and as described! Fast shipping too! Would definitely purchase from this seller again!", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"reviewerID": "A18KOO6VMJJ70S", "asin": "B000FI4S1E", "reviewerName": "Mer's stuff", "verified": true, "reviewText": "I have a sensitive nose when it comes to strong scents and sensitive skin to harsh products so Philosophy seemed like my best bet. I love it. This scent is mild but sweet. Leaves skin so soft. The lotion helps to keep the mild scent all day.", "overall": 5.0, "reviewTime": "02 18, 2013", "summary": "not over powering scent", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A1T81NJLOGPL3P", "asin": "B0012Y0ZG2", "style": {"Size:": " 5 oz."}, "reviewerName": "Meryl Marguerite Rojas", "reviewText": "super conditioner", "summary": "one of the best conditioner I have ever used", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": false, "reviewTime": "10 11, 2014", "reviewerID": "A3KALVNW1WOI19", "asin": "B0012Y0ZG2", "style": {"Size:": " 129"}, "reviewerName": "kelly", "reviewText": "Great stuff!", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A1SMX2GYS61UT", "asin": "B001OHV1H4", "style": {"Size:": " 38"}, "reviewerName": "Country girl", "reviewText": "Item came on time, brand new satisfied with product", "summary": "Satisfied with product", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A309W2EPFGXK7P", "asin": "B000URXP6E", "style": {"Size:": " 57"}, "reviewerName": "raisa poltun", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A3O3TL3ILJPNDJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 206"}, "reviewerName": "ycyoder", "reviewText": "Very good product----I use it every day", "summary": "Five Stars", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A21VGLAQKA6UXO", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "Little Britches", "reviewText": "This is a great help for fine hair, I've used it for three years and it really makes a difference !", "summary": "Really does the job !", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1LJIF7G9T0PTW", "asin": "B0012Y0ZG2", "style": {"Size:": " 379"}, "reviewerName": "Keri Lee", "reviewText": "Great value! This is one of the few moisturizer/serum that notably makes my skin more even tonned and smooth.\nDelivery time was reasonable given it was shipped from Turkey. Would buy again from this seller.", "summary": "Great value! This is one of the few moisturizer/serum ...", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A1WME650PRYNO9", "asin": "B000URXP6E", "style": {"Size:": " 6.7 oz."}, "reviewerName": "Shianne Vogel", "reviewText": "This has been my very favorite for years and has never disappointed. It's hard to find the shower gel though so I am especially pleased.", "summary": "My very favorite", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A3CZ890UHC8HHZ", "asin": "B000URXP6E", "style": {"Size:": " 6.6 oz"}, "reviewerName": "Amazon Customer", "reviewText": "It diffuses a very mild light perfume, just what I wanted. I wear Shalimar lotion and perfume so I wanted a nice hint on days I do not want to wear the stronger lotions and perfumes. I will be purchasing it again.", "summary": "What I expected", "unixReviewTime": 1379980800} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A344ILJPHYQ0V", "asin": "B00006L9LC", "style": {"Size:": " 33"}, "reviewerName": "Yluminada", "reviewText": "muy bueno", "summary": "Four Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A2U7BI3N4YP26B", "asin": "B0012Y0ZG2", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Amazon Customer", "reviewText": "Biolage is a great product.\nThank you for providing the product for me.\nAll Biolage products are wonderful.\nThank you!", "summary": "Biolage Review", "unixReviewTime": 1494374400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A3OPJT8CDLLZON", "asin": "B000URXP6E", "style": {"Size:": " 268"}, "reviewerName": "M. Bernard", "reviewText": "Best cream ever", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3E9APU6SYF2SD", "asin": "B000URXP6E", "style": {"Size:": " one size"}, "reviewerName": "KatieMul", "reviewText": "Perfect size.", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A2PUZMHH482FU7", "asin": "B0012Y0ZG2", "style": {"Size:": " 266"}, "reviewerName": "inparadise", "reviewText": "Love this stuff - i'm on my second order. Started to get thinning hair. now there's whisps where there wasn't any and hair feels thicker all over.", "summary": "love this stuff", "unixReviewTime": 1476144000} +{"reviewerID": "A2H99IQJ0JT4MU", "asin": "B000FI4S1E", "reviewerName": "karen stanley", "verified": true, "reviewText": "Love it", "overall": 5.0, "reviewTime": "12 15, 2014", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2I0X28L5E42VU", "asin": "B00006L9LC", "style": {"Size:": " 337"}, "reviewerName": "Debbie", "reviewText": "love this bubble bath,love all avon bubble bath,lathers great and smells great", "summary": "Five Stars", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A10ZJZNO4DAVB", "asin": "B0012Y0ZG2", "style": {"Size:": " 43"}, "reviewerName": "Loeyd", "reviewText": "What the hubby wanted", "summary": "Love it", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A2INILPDI33JG3", "asin": "B0009RF9DW", "style": {"Size:": " 279"}, "reviewerName": "Susan Lamparter", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "AIRQ4VAXVPAP4", "asin": "B0009RF9DW", "style": {"Size:": " 10"}, "reviewerName": "Amazon Customer", "reviewText": "Very good fragrance. A good nature smell rather than just a cologne type smell. My favorite of the series.", "summary": "Great choice.", "unixReviewTime": 1497484800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-A76D0C9755"}, "reviewerName": "Amzon Customer", "reviewText": "Great product. I tried several products for my darkness/puffiness under my eyes, and this nel did a pretty good job so far. Do not expect miracles, but this is pretty damn close to it!", "summary": "Liked it", "unixReviewTime": 1534982400} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2018", "reviewerID": "A3OTFWV6920FT", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Vee", "reviewText": "Great product! No complains.", "summary": "Great product", "unixReviewTime": 1526256000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1AKH1GJBE5CX5", "asin": "B0009RF9DW", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "Terra", "reviewText": "My aunt bought me this lotion from a Ross store last year for Christmas and I loved it. This is kind of expensive on Amazon but I still love it and Amazon is the only place I could find it. I will use it up slowly and carefully. Love the way it smells!", "summary": "Kinda expensive", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A1PC83477QHU77", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "shirley koberstein", "reviewText": "just what I wanted and at a great price", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A59KNJGQD1ZJL", "asin": "B000URXP6E", "style": {"Size:": " 196"}, "reviewerName": "Martha-jean R. Johnson", "reviewText": "Since the Thymes comany stopped production of the Filigree, I'm glad to have found a new source. Their stock will probably run out too, But for the time being I'm thrilled to have my favorite fragrance available.", "summary": "filigree", "unixReviewTime": 1360454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A9MRAYG97FQML", "asin": "B000URXP6E", "style": {"Size:": " 1 Pound"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent Amla powder! Very fresh and edible quality. You need be little competitive on the price though.", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2TU781PWGS09X", "asin": "B000URXP6E", "style": {"Size:": " one size"}, "reviewerName": "Amazon Customer", "reviewText": "Doesnt smell", "summary": "Two Stars", "unixReviewTime": 1522108800} +{"reviewerID": "A250XH0NBH6AHN", "asin": "B000FI4S1E", "reviewerName": "deborah c. mcclellan", "verified": true, "reviewText": "This product is very gentle on my skin", "overall": 5.0, "reviewTime": "01 1, 2017", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A3OPJT8CDLLZON", "asin": "B0012Y0ZG2", "style": {"Size:": " 268"}, "reviewerName": "M. Bernard", "reviewText": "Best cream ever", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A21C5SBM0KCCH9", "asin": "B00006L9LC", "style": {"Size:": " 439"}, "reviewerName": "angela", "reviewText": "excellent products and excellent seller", "summary": "I love it", "unixReviewTime": 1409011200} +{"overall": 1.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A3JQUR31CLU4VK", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "leeraz", "reviewText": "Wow I was totally hyped to try this shower gel. According to the rate and review I thought this would be awesome. However I received the package all torn up and the bottle itself had no seal. Very disappointed", "summary": "According to the rate and review I thought this would be awesome. However I received the package all torn up ...", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A1IT72Y6VZX1JV", "asin": "B0012Y0ZG2", "style": {"Size:": " 494"}, "reviewerName": "Tg", "reviewText": "They look just like the picture. .I just hope they hold up with all the nails I do daily for the cheap price! !! either way it's a good buy!!", "summary": "They look just like the picture", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A3980XKDL0SZEX", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "Amazon Customer", "reviewText": "Very satisfied.", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A3FZSM6JYA65PR", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/6.7oz"}, "reviewerName": "samburn", "reviewText": "I love the fragrance and it leaves my hair very silky. Combined with the Bvlgari Conditioner, this is my favorite brand.", "summary": "Wonderful shampoo!", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": false, "reviewTime": "07 13, 2014", "reviewerID": "A3S2X46C2GHTDT", "asin": "B0012Y0ZG2", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Teresa F. Oliver", "reviewText": "Every woman should use this. It leaves your skin so soft. You will just love it.", "summary": "You will just love it.", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "AL4R7S0YP7MJR", "asin": "B0009RF9DW", "style": {"Size:": " 45"}, "reviewerName": "Diane", "reviewText": "This is a great moisturizing body wash. Leaves skin silky soft for hours. A must buy who wants soft skin.", "summary": "Heavenly scent", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AU3V1LSV81SGH", "asin": "B0012Y0ZG2", "style": {"Size:": " 370"}, "reviewerName": "B", "reviewText": "Love this product! I use as a night cream and wake up with a soft refreshed feeling.", "summary": "love it!", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "AMKL90GGNP276", "asin": "B007R6UXNY", "reviewerName": "happy2Bhere", "reviewText": "Dark and lovely is how you feel after using this product, I recently purchased this for my daughter's curly hair. It smells great makes her hair soft and manageable she's happy to wash her hair now.", "summary": "I'm a lifetime customer!", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2016", "reviewerID": "A3ETTJOVI6C9V5", "asin": "B00006L9LC", "style": {"Size:": " 586"}, "reviewerName": "W. Keane", "reviewText": "I LOVE the smell, the texture, everything about it!!! This is my absolute favorite. I want the body lotion, but you usually can only find it in a set. I just want the lotion, I have two bottles of perfume, just to get the lotion. It's wonderful.", "summary": "I LOVE the smell", "unixReviewTime": 1462406400} +{"reviewerID": "A2H85FZ61BSTLA", "asin": "B000FI4S1E", "reviewerName": "Brit Brower", "verified": true, "reviewText": "This is my family's favorite body wash, and I was excited to find it on Amazon, as the store I used to purchase it from no longer carries it. Wonderful smell and relaxing smell without being perfume-y; works great for showers to feel clean and for baths to relax.", "overall": 5.0, "reviewTime": "04 19, 2016", "summary": "This is my family's favorite body wash", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A3JDSBP01M7R2R", "asin": "B000URXP6E", "style": {"Size:": " 112"}, "reviewerName": "Tim A. Brooks", "reviewText": "One of my wife's favorites.", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "ACAA46YVXMZTJ", "asin": "B00006L9LC", "style": {"Size:": " 29.2"}, "reviewerName": "RNAH", "reviewText": "Good shampoo, hair stays where its combed to. Good stuff!", "summary": "It's about time someone made a mens shampoo.", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2017", "reviewerID": "A2XNLIC0O07GPW", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 ounce"}, "reviewerName": "shopmysongs", "reviewText": "Bought along with their shampoo and lotion for a welcome gift for an oceanfront condo rental and are perfect size and price.", "summary": "Great Price For A Rental Welcome Gift", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A2RFDGEW20UK6W", "asin": "B0009RF9DW", "style": {"Size:": " 64"}, "reviewerName": "Betty", "reviewText": "I wish they continue with this fragrance", "summary": "I love the smell of it.", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A1AG4CEH4EYXIT", "asin": "B001OHV1H4", "style": {"Size:": " 444"}, "reviewerName": "Bridget", "reviewText": "Been wearing it for years, can't find it in stores anymore. Has just a little bit of sparkle. Like the color a lot!", "summary": "Love it!", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A2DHECIMRTJUGE", "asin": "B00006L9LC", "style": {"Size:": " 108"}, "reviewerName": "Frederick Nichols", "reviewText": "Excellent product and has thicken my hair as advertised.", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A8KB4X4BRD00L", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Diane Schmitz", "reviewText": "My hair is softer with less frizz after blow drying.", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A2831PTXQCEFCM", "asin": "B0012Y0ZG2", "style": {"Size:": " 67"}, "reviewerName": "Miss D", "reviewText": "Love the fragrance, and was happy to be able to buy Moon Sparkle again! Give it a try! You won't be disappointed! Very sexy fragrance!", "summary": "Always a favorite!", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": false, "reviewTime": "10 11, 2014", "reviewerID": "A3KALVNW1WOI19", "asin": "B0009RF9DW", "style": {"Size:": " 129"}, "reviewerName": "kelly", "reviewText": "Great stuff!", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A2ZZ75UB8VK31U", "asin": "B00BSE3III", "reviewerName": "Bamabyrdie", "reviewText": "Love this product because of the way it makes my hair feel and look.", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A14QBW6X0Q1YSD", "asin": "B0012Y0ZG2", "style": {"Size:": " 58"}, "reviewerName": "Susan J. Bedore", "reviewText": "Love the scent and it work better than any other mousse I have used. it makes my hair look natural, not stiff. My hair is shinier and fuller. Great stuff.", "summary": "Love the scent and it work better than any other ...", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "AQN8A38PJ8V41", "asin": "B0012Y0ZG2", "style": {"Size:": " 32"}, "reviewerName": "pamela", "reviewText": "Highly recommend", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"reviewerID": "A7LAYX9R7IMOO", "asin": "B000FI4S1E", "reviewerName": "andre luiz", "verified": false, "reviewText": "I really is what I expected", "overall": 5.0, "reviewTime": "11 7, 2014", "summary": "Five Stars", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A34OON6ZYATX36", "asin": "B001OHV1H4", "style": {"Size:": " 511"}, "reviewerName": "faye", "reviewText": "I have very curly hair and always used Mousse products. I began to have a reaction to the product and tried naturelle. The gel works well and I have no reaction to the product. Very glad I found it!", "summary": "Works as advertised.", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A1NXF07STAXNN3", "asin": "B000URXP6E", "style": {"Size:": " 17"}, "reviewerName": "W. T. Godbolt", "reviewText": "soapy", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"reviewerID": "A1B5D7AI4KYG98", "asin": "B000FI4S1E", "reviewerName": "Al hermosillo", "verified": true, "reviewText": "Very good stuff", "overall": 5.0, "reviewTime": "09 5, 2015", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A1KEYDA4M5GDSH", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "Angela S. Carson", "reviewText": "really cleans my hair with a fresh smell, will buy again", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 3.0, "vote": "8", "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A1CEDYAX0NG4BU", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "DD", "reviewText": "Does not lather well and have not noticed a difference in my hair", "summary": "Three Stars", "unixReviewTime": 1519862400} +{"overall": 5.0, "vote": "19", "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A3CLPIHVAD1LI1", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "C.H.", "reviewText": "Smells awesome love it!!", "summary": "One of the better body wash smells in my opinion", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "ATQWHIT4GCWFU", "asin": "B0012Y0ZG2", "style": {"Size:": " 370"}, "reviewerName": "Lee Souleles", "reviewText": "Excellent product! Excellent transaction.", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A2SZLPBSBNJ7QV", "asin": "B0012Y0ZG2", "style": {"Size:": " 515"}, "reviewerName": "Lacotomale", "reviewText": "Order arrived on time and exactly as described", "summary": "Order arrived on time and exactly as described", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2017", "reviewerID": "ANM9LSZS7C67V", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Green Tea"}, "reviewerName": "Keith Alan", "reviewText": "Great smell, solid bar of soap that doesn't dry out my skin. I prefer bar soaps because they last long and because there is no plastic bottle to add to the landfill. This is a very large bar of soap that if left in a dry area, will last a good amount of time.", "summary": "Great smell and a large bar of soap", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A35TPYOPNIDM7", "asin": "B000URXP6E", "style": {"Size:": " 55"}, "reviewerName": "Amazon Customer", "reviewText": "Great smell and good product. I don't know that it moisturizes our daughters hair as much as we'd like, but the Tangle Taming Conditioner is a good follow-up for this shampoo.", "summary": "Good Product!", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A3JNP9PGF2DMIO", "asin": "B0012Y0ZG2", "style": {"Size:": " 184"}, "reviewerName": "Kindle Customer", "reviewText": "This smells so good exactly like the body lotion and spray mist. It is a soft femine fragrance not too overpowering. I would highly recommend!", "summary": "Beautiful Scent", "unixReviewTime": 1384128000} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "A1C3SRDH9HVEI2", "asin": "B001OHV1H4", "style": {"Size:": " 6"}, "reviewerName": "Iris Remon", "reviewText": "Have been using the product since I got my first as a gift and I like it. I have dry coarse hair and it helps to soften it and take away the dullness.", "summary": "Good hair product for dry coarse hair", "unixReviewTime": 1491523200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A12BLGAAZBUU96", "asin": "B000URXP6E", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Jan Jan", "reviewText": "Great price and very easy doing business with Amazon.", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1ETRNNK4BOVDE", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "Flakester", "reviewText": "Great Product.", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "AKKOKZG3KX1FT", "asin": "B0009RF9DW", "style": {"Size:": " 5.1 oz"}, "reviewerName": "Juanita P.", "reviewText": "I gave Escada by Escada Shower Gel to my brother last Xmas (at his request) and I got \"Kudos\".\nI am renewing his request, (he lives out of town and is hard to buy for) and I know it will be another \"Win\"!\nThanks for the speedy delivery and the price was perfect! JP", "summary": "Sister Gets \"A+\" rating for Escada gift", "unixReviewTime": 1376870400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "AL4R7S0YP7MJR", "asin": "B000URXP6E", "style": {"Size:": " 45"}, "reviewerName": "Diane", "reviewText": "This is a great moisturizing body wash. Leaves skin silky soft for hours. A must buy who wants soft skin.", "summary": "Heavenly scent", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A15ZAILX1XGI0A", "asin": "B0012Y0ZG2", "style": {"Size:": " -"}, "reviewerName": "Meme", "reviewText": "My main powder brush now :D I like that it is a little more firm and voluminous than regular powder brushes. It helps with my application of powder. I love the slight angle it has and I can't say much else other than I love it!", "summary": "D I like that it is a little more firm and voluminous ...", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": false, "reviewTime": "08 28, 2014", "reviewerID": "A3U05BH8UYBNLE", "asin": "B001OHV1H4", "style": {"Size:": " 1.7 oz"}, "reviewerName": "Doa Kim", "reviewText": "Nice and my mom likes it", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A39JMSWQA06ZN6", "asin": "B000URXP6E", "style": {"Size:": " 5 oz."}, "reviewerName": "Bettina Janet Mc Laughlan", "reviewText": "Beautiful hair after use...shiny !", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2012", "reviewerID": "A8CGEXNIB402C", "asin": "B0009RF9DW", "style": {"Size:": " 200ml/ 6.7OZ"}, "reviewerName": "Wanda D, Patton", "reviewText": "I purchased Chanel Antaeus Bath and shower Gel. The process was quick and easy and I received the product when promised.", "summary": "Channel Bath Gel", "unixReviewTime": 1343433600} +{"overall": 5.0, "verified": false, "reviewTime": "12 5, 2013", "reviewerID": "A1WN7VWKL2LF20", "asin": "B0012Y0ZG2", "style": {"Size:": " 16"}, "reviewerName": "Merry31", "reviewText": "Great deal and leaves my kids smelling awesome! I bought a box of them years ago and we still have some left!!!", "summary": "Fresh", "unixReviewTime": 1386201600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3TIK2TSPADAH0", "asin": "B00B9V9ASM", "reviewerName": "J. C.", "reviewText": "Love this stuff!!#", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A2WEFN5GAH3CUE", "asin": "B0012Y0ZG2", "style": {"Size:": " 32"}, "reviewerName": "carmen zook", "reviewText": "Love this shampoo, can't get enough of it! Leaves hair super soft, shiny and manageable. A little expensive to buy but well worth the investment!! Nothing else compares!", "summary": "Coretex repair formula shampoo", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3VJQ5WRH77UKU", "asin": "B0012Y0ZG2", "style": {"Size:": " 92"}, "reviewerName": "Kathy L", "reviewText": "Does a great job of volumizing and is gentle on my hair.", "summary": "White Rain is an old and trusted shampoo for me", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": false, "reviewTime": "05 6, 2018", "reviewerID": "A3HIEBXDI9EQA6", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "john robbins", "reviewText": "Outstanding! Top organic shampoo!", "summary": "Five Stars", "unixReviewTime": 1525564800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A12HTKLZWLEAF5", "asin": "B00006L9LC", "style": {"Size:": " 126"}, "reviewerName": "Marcia Fairman", "reviewText": "I have an Airbnb. This is perfect for guests. The price is right and I can provide shampoo with little waist. I appreciate this product", "summary": "This is perfect for guests", "unixReviewTime": 1506816000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51w+8aJEV+L._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "AGRLW94043OXP", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Coantha Childers", "reviewText": "Smells great and performs great. Will buy it again, definitely", "summary": "Love this shower gel", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A1PC83477QHU77", "asin": "B000URXP6E", "style": {"Size:": " 1"}, "reviewerName": "shirley koberstein", "reviewText": "just what I wanted and at a great price", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A1B1HM7OZLXFO2", "asin": "B000URXP6E", "style": {"Size:": " 74"}, "reviewerName": "very fun. makes you use your brain", "reviewText": "Excellent products. Will purchase more in a heartbeat!", "summary": "Great Products!", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A3C46GBHLVSOEW", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "jv", "reviewText": "I love this shampoo!!!!!!", "summary": "Frizz be gone", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A2SZLPBSBNJ7QV", "asin": "B0012Y0ZG2", "style": {"Size:": " 515"}, "reviewerName": "Lacotomale", "reviewText": "Order arrived on time and exactly as described", "summary": "Order arrived on time and exactly as described", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1N3KXBQ1A53IP", "asin": "B0009RF9DW", "style": {"Size:": " 113"}, "reviewerName": "Dawn Martinez", "reviewText": "my husband uses this bodywash all the time. he says it doesn't dry out his skin and it smells great. I would recommend this body wash.", "summary": "he says it doesn't dry out his skin and it smells great. I would recommend this body wash", "unixReviewTime": 1468022400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61iM-DR-wgL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/710+28paxwL._SY88.jpg"], "overall": 3.0, "vote": "5", "verified": true, "reviewTime": "03 25, 2018", "reviewerID": "A3T2BPXBDMLJPE", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "GabesAmazon", "reviewText": "Good light scent. Have received complements from people that I smell nice after using it. 3 stars because bottle is kind of small for a shower gel (size compariso photo attached) and it doesnt really help me wake up in the morning like other products.", "summary": "Good light scent", "unixReviewTime": 1521936000} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A3ENINL71K542C", "asin": "B0012Y0ZG2", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Amazon Customer", "reviewText": "I love it\n Clean fresh smell, non irritating to my scalp..", "summary": "Clean fresh smell", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A3BWOPUC4BK90E", "asin": "B000URXP6E", "style": {"Size:": " 483"}, "reviewerName": "Amazon Customer", "reviewText": "Fast delivery and great product!!!!!!", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A2831PTXQCEFCM", "asin": "B0012Y0ZG2", "style": {"Size:": " 67"}, "reviewerName": "Miss D", "reviewText": "Love the fragrance, and was happy to be able to buy Moon Sparkle again! Give it a try! You won't be disappointed! Very sexy fragrance!", "summary": "Always a favorite!", "unixReviewTime": 1401667200} +{"reviewerID": "A32SDP7KQV0N44", "asin": "B000FI4S1E", "reviewerName": "Layla Alburati", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/61YbsGwkXeL._SY88.jpg"], "reviewText": "5-7 drops is enough for the whole body. Very interesting scent. Smells like candies, which is nice.", "overall": 5.0, "reviewTime": "04 10, 2018", "summary": "Lathers very well", "unixReviewTime": 1523318400} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A29C6ZBT7HP13Q", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Faith M. Pettersen", "reviewText": "Love this product. It is the only thing that has worked on my flaky scalp. Not too heavy and the fragrance is pleasant in comparison to other products.", "summary": "Love this product", "unixReviewTime": 1520208000} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A344ILJPHYQ0V", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "Yluminada", "reviewText": "muy bueno", "summary": "Four Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A2JWINJJ8E1IIC", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "michael mcnicholas", "reviewText": "I love this shampoo . It leaves what hair l have left nice and clean.lt also smells nice.", "summary": "Five Stars", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2W78060JSRKED", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "Christine D", "reviewText": "I bought this for my daughter. She is vegan. She loves it, makes her hair soft and helped with her dry scalp.. Just wish it came in a larger size because she has to use quite a bit of the conditioner, she has very long hair.", "summary": "Great vegan shampoo/conditioner", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A29WQLB8ACNZ5T", "asin": "B001OHV1H4", "style": {"Size:": " 511"}, "reviewerName": "Marie Buckley", "reviewText": "I use this product daily I love it.", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 1.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A27PPA3O7PX0OH", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Kayla", "reviewText": "Arrived opened and leaking all over the box. Tried shampoo but didn't help at all. Still so itchy.", "summary": "Two Stars", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A22XX80SB8WMUK", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "Chloe", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A39VQK6I0V3AFV", "asin": "B000URXP6E", "style": {"Size:": " 191"}, "reviewerName": "&quot;J&quot; golfer", "reviewText": "Have used for a long time and nothing has worked better. This is a winner and I will continue to purchase it.", "summary": "great product", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "AXZPSRWKSDO27", "asin": "B0012Y0ZG2", "style": {"Size:": " 463"}, "reviewerName": "KPM", "reviewText": "Christmas present.\nMy son loves the variety. Inviting look.\nEfficient packaging. Arrived in a few days. :)", "summary": "Variety", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": false, "reviewTime": "07 20, 2014", "reviewerID": "A3CPIVUW77AK6K", "asin": "B0012Y0ZG2", "style": {"Size:": " 147"}, "reviewerName": "Christine Evans", "reviewText": "Good service, product as described", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "ADNGSTD6WM8WE", "asin": "B0009RF9DW", "style": {"Size:": " 69"}, "reviewerName": "Amazon Customer", "reviewText": "Just what I wanted- this is my 3rd bottle. I hope it will still be available next time I need more.", "summary": "Just what I wanted- this is my 3rd bottle. ...", "unixReviewTime": 1458777600} +{"reviewerID": "AGRLW94043OXP", "asin": "B000FI4S1E", "reviewerName": "Coantha Childers", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/51w+8aJEV+L._SY88.jpg"], "reviewText": "Smells great and performs great. Will buy it again, definitely", "overall": 5.0, "reviewTime": "04 11, 2018", "summary": "Love this shower gel", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A392UWXM2CDJ6V", "asin": "B0012Y0ZG2", "style": {"Size:": " 30mla144"}, "reviewerName": "Kathy B.", "reviewText": "Great stuff, wish I could find more", "summary": "Five Stars", "unixReviewTime": 1477353600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A3RUBIOZYJNY0D", "asin": "B0012Y0ZG2", "style": {"Size:": " 122"}, "reviewerName": "Merrie", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A1CRH843D61QTZ", "asin": "B00006L9LC", "style": {"Size:": " 39"}, "reviewerName": "Yadira Rodriguez", "reviewText": "Very Good\nThank you", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A8KB4X4BRD00L", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Diane Schmitz", "reviewText": "My hair is softer with less frizz after blow drying.", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"reviewerID": "A3OPJT8CDLLZON", "asin": "B000FI4S1E", "reviewerName": "M. Bernard", "verified": true, "reviewText": "Best cream ever", "overall": 5.0, "reviewTime": "08 25, 2015", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A2PCUZU2NUV72W", "asin": "B001OHV1H4", "style": {"Size:": " 59"}, "reviewerName": "Amazon Customer", "reviewText": "I have used this product for years and love it.", "summary": "Great product", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": false, "reviewTime": "09 2, 2017", "reviewerID": "A2ZY49IDE6TY5I", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Angel's Trumpet"}, "reviewerName": "R PRIUS", "reviewText": "Soap which is fragrant and moisture rich. The end product is soft, moist skin. the Pre de Provence soaps are wonderful, regardless of scent. They eliminate itchy dry skin and make bath time something to look forward too.", "summary": "Moisturizing Soap", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A34SO74JEYQXZW", "asin": "B00006L9LC", "style": {"Size:": " 39"}, "reviewerName": "Jose", "reviewText": "Sally's stop selling this great shampoo for fuller thicker hair thanks to this company through Amazon I can buy again. This is a great shampoo if you want to hide that you have thin hair, but this shampoo only gives volume for a few hours.", "summary": "Fuller Hair", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": false, "reviewTime": "09 20, 2014", "reviewerID": "A37DCOJBXHTODF", "asin": "B0012Y0ZG2", "style": {"Size:": " 214"}, "reviewerName": "LUVSTAWKIN", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "AHQFK3PX6EKQH", "asin": "B0012Y0ZG2", "style": {"Size:": " 444"}, "reviewerName": "Trisha Ramirez", "reviewText": "I have been wearing for years while I am on stage (and off stage). I wish it were still in stores. Thank you!", "summary": "Love it - thank you", "unixReviewTime": 1380672000} +{"reviewerID": "A14BV6AW987ZDN", "asin": "B000FI4S1E", "reviewerName": "T. Reynolds", "verified": true, "reviewText": "Good deal", "overall": 5.0, "reviewTime": "11 6, 2016", "summary": "Excellent.", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A2O23K583MS6RI", "asin": "B00006L9LC", "style": {"Size:": " 25"}, "reviewerName": "Ray", "reviewText": "I've been using this product for a couple of years at the suggestion of my hair stylist. Took away the dullness of my gray hair. I like it.", "summary": "I like it.", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A265E2JC4S3YWC", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "Yngathrt", "reviewText": "This product is wonderful and the seller met my every expectation!", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 1.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "A28F08XFZRKIH5", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Amazon Customer", "reviewText": "No seal on bottle. Extremely runny. Like water. Seams tampered with.", "summary": "Not sealed!", "unixReviewTime": 1522195200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "ASUIA1YIKZUOO", "asin": "B00006L9LC", "style": {"Size:": " 3"}, "reviewerName": "Susan Fisher", "reviewText": "I have used this before and had missed it terribly. It is a fabulous product that I recommend for anyone with dry course hair.", "summary": "great product", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "APN3J5IUV91MV", "asin": "B0009RF9DW", "style": {"Size:": " 45"}, "reviewerName": "Angell M I", "reviewText": "AWESOME.. AROMA", "summary": "ISLAND!!! GIRL FEEL...", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A325V83PQAIH80", "asin": "B001OHV1H4", "style": {"Size:": " 90"}, "reviewerName": "Julie Waller", "reviewText": "Fantastic Product. Been using it for years! You'll want to use it will the conditioner as well.", "summary": "Great Product!", "unixReviewTime": 1469059200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A24A9FRVM8TQZS", "asin": "B001OHV1H4", "style": {"Size:": " 509"}, "reviewerName": "Amazon Customer", "reviewText": "Item just as described", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"reviewerID": "A2X5PW8CYW4U1D", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "use it everyday works great", "overall": 5.0, "reviewTime": "04 30, 2016", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "ALWK9NN6TP252", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "Tim Scarbrough", "reviewText": "Great product. Thick, concentrated, worth the investment.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2TU781PWGS09X", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "Amazon Customer", "reviewText": "Doesnt smell", "summary": "Two Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "ANUDL8U5MQSPX", "asin": "B000URXP6E", "style": {"Size:": " 551"}, "reviewerName": "Whitney", "reviewText": "Very rich and creamy, moisturizes with no greasy feel!", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2BLQAZWM052C1", "asin": "B0012Y0ZG2", "style": {"Size:": " 71"}, "reviewerName": "Smith Reviews", "reviewText": "This is my wife's go to body wash.", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "A2H1NTYWYYA0XM", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "Antonio Gosain", "reviewText": "Divine smell, cleaning properties and after-use smell! 5/5 stars.", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "AD6WIZKKXYQVL", "asin": "B0012Y0ZG2", "style": {"Size:": " B-002"}, "reviewerName": "MLawton", "reviewText": "This treatment is awesome to reinforce your hair and make it look shinny and healthy. I def recommend it for everybody.", "summary": "Nice product", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "ASZB0F9PAQL5J", "asin": "B0012Y0ZG2", "style": {"Size:": " 65"}, "reviewerName": "L. Wisen", "reviewText": "I really enjoy this product. They started selling it at our local store so I don't need to order it online any more. I am allergic to many products, so I was happy to find this one.", "summary": "Very nice", "unixReviewTime": 1398297600} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "10 19, 2016", "reviewerID": "A3JQ30S858QNER", "asin": "B000URXP6E", "style": {"Size:": " 561"}, "reviewerName": "Joseph D. Drypolcher", "reviewText": "So excited to see this on amazon! I found this hem while traveling and couldn't find it anywhere when I got him, this scrub is seriously the best. Gentle and effective.", "summary": "The best scrub", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A1QQHWTPZYIXM3", "asin": "B0009RF9DW", "style": {"Size:": " 203"}, "reviewerName": "D. Oldham", "reviewText": "Sweet smelling bubbles and nourishing skin care!", "summary": "Victoria Secrets Pink body wash!", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A2LFGBMPZPSAMV", "asin": "B000URXP6E", "style": {"Size:": " 123"}, "reviewerName": "Katie Miller", "reviewText": "Oh my god... I love Britney spears for one... And this collection !!! I can spritz some of the perfume on, or soak in the tub with the bubble bath, and come out smelling like a vanilla fairy goddess. Such an amazing mix of scents in one spray!!!", "summary": "My favorite perfume.. the set is even better!!!", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A1R1RN9N2EUPRZ", "asin": "B000URXP6E", "style": {"Size:": " 118"}, "reviewerName": "Susan Cameron", "reviewText": "Husband loves it.", "summary": "Buy it for your husband!!", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A3KRACVKGYH453", "asin": "B0012Y0ZG2", "style": {"Size:": " 18"}, "reviewerName": "C Emerson", "reviewText": "I just love this shampoo. Unfortunately, I can't find it in any local stores. Try it, you'll really like it.", "summary": "Love it", "unixReviewTime": 1379635200} +{"reviewerID": "AZD3ON9ZMEGL6", "asin": "B000FI4S1E", "reviewerName": "huangweixiong", "verified": true, "reviewText": "It smells good, suitable for my needs, the price is cheap, I am very satisfied. I would recommend this product to my family and close friends.", "overall": 5.0, "reviewTime": "05 26, 2013", "summary": "i love it", "unixReviewTime": 1369526400} +{"reviewerID": "A1JQIYKCPYFKG2", "asin": "B000FI4S1E", "reviewerName": "S. Curry", "verified": true, "reviewText": "My favorite and hard to find.", "overall": 5.0, "reviewTime": "08 9, 2014", "summary": "My favorite and hard to find", "unixReviewTime": 1407542400} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3E52KMZJI788W", "asin": "B0012Y0ZG2", "style": {"Size:": " 25"}, "reviewerName": "K9 Lover", "reviewText": "The silver shampoo I had been using is no longer available, so I tried this. It does a great job as far as color goes but didn't leave my hair as soft. I have very thick coarse hair and it's hard to find a product to soften it. Overall I'm very pleased, especially for the cost.", "summary": "keeps my white hair from looking yellow.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A121C9UWQFW5W6", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Barbara Wallace", "reviewText": "Just what I wanted and it arrived early", "summary": "Five Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "AKQ9DH3HRPHW3", "asin": "B0012Y0ZG2", "style": {"Size:": " one size"}, "reviewerName": "Anuschka Light", "reviewText": "This is just adorable compact fragrance. It comes in a gorgeous silver compact. A cute carry pouch. And to my surprise- a refill. I am Uber pleased with this purchase. Oh and the D&G Lifht Blue is one of my forever favorite fragrances.\n\nLove", "summary": "Love Love Love!!!!", "unixReviewTime": 1493856000} +{"reviewerID": "A29PKN4LL05QGF", "asin": "B000FI4S1E", "reviewerName": "Danielle", "verified": true, "reviewText": "Lathers well and smells great.", "overall": 5.0, "reviewTime": "04 7, 2018", "summary": "Five Stars", "unixReviewTime": 1523059200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A3KXVT8LE6X9LR", "asin": "B000URXP6E", "style": {"Size:": " 561"}, "reviewerName": "415sf", "reviewText": "ive been using this cleanser for a few years now. i only found it in korea and brought a few tubes every time i visit (once a year). gentle but gets all the crap off. so happy to see it available stateside now.", "summary": "gentle but gets all the crap off. so happy to see it available stateside ...", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3TIK2TSPADAH0", "asin": "B001OHV1H4", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "J. C.", "reviewText": "Love this stuff!!#", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"reviewerID": "A1CJRTU646COUL", "asin": "B000FI4S1E", "reviewerName": "Lucina Ramirez", "verified": true, "reviewText": "I used its works, I is good", "overall": 5.0, "reviewTime": "08 8, 2016", "summary": "Five Stars", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A36CT6022EC8KS", "asin": "B0012Y0ZG2", "style": {"Size:": " 468"}, "reviewerName": "Amazon Customer", "reviewText": "Smells great!! Thanks for the fast delivery!", "summary": "Five Stars", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "ASLE3QYFD5C70", "asin": "B0012Y0ZG2", "style": {"Size:": " 24 oz."}, "reviewerName": "kathy leone", "reviewText": "Love this!", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A24NTDGOS70ZA9", "asin": "B0009RF9DW", "style": {"Size:": " 27"}, "reviewerName": "Rima JG", "reviewText": "Love these Songelle products. All was good.", "summary": "Five Stars", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A2EHOO31B1KDP4", "asin": "B00HLXEXDO", "reviewerName": "Elaine Parsons", "reviewText": "One of my favorites", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2013", "reviewerID": "AZ4T3DDT8L9EQ", "asin": "B000URXP6E", "style": {"Size:": " 30mla144"}, "reviewerName": "Michelle Adams", "reviewText": "THIS IS WHAT BODY GLOSS IS SUPPOSED TO BE LIKE... IT JUST SHOULDNT HAVE TO COST SO MUCH TO BUY", "summary": "PERFECTION", "unixReviewTime": 1375747200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AGXW8BFME8048", "asin": "B001OHV1H4", "style": {"Size:": " 511"}, "reviewerName": "Gretchen G", "reviewText": "This is a great product. It is alcohol free but holds well . I used to get it at Sally's but they discontinued it . Thankfully I was able to buy it here.", "summary": "This is a great product. It is alcohol free but holds well", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A3UDCJBG2PMFRE", "asin": "B0012Y0ZG2", "style": {"Size:": " 26"}, "reviewerName": "Amazon Customer", "reviewText": "Looked all over to find where to purchase this product and we are very happy to be able to finally find it. The PRELL Conditioner is by far the best you can buy. We love it", "summary": "... where to purchase this product and we are very happy to be able to finally find it", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A3ILCNY19J5KFA", "asin": "B019809F9Y", "style": {"Size:": " 7 Ounce"}, "reviewerName": "bjsw", "reviewText": "What's not to like? Has been an old standby for my husband through many years. Also, finding a pre-electric shave is an adventure. Thanks, Combe Inc.", "summary": "What's not to like? Has been an old standby for my husband ...", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "AIR2V73D3WZQK", "asin": "B00006L9LC", "style": {"Size:": " 85"}, "reviewerName": "SUSAN GWINN", "reviewText": "Excellent product!! It has been my favorite shampoo for several years, & is becoming more & more difficult to find...", "summary": "Excellent product!", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A9SA7CY8HA291", "asin": "B001OHV1H4", "style": {"Size:": " 402"}, "reviewerName": "Anita Dusek", "reviewText": "As always Bare Minerals never disappoints and the color is gorgeous and goes with everything, it is a must buy.", "summary": "LOVE IT", "unixReviewTime": 1377734400} +{"reviewerID": "A3S5MHB0P2RTI5", "asin": "B000FI4S1E", "reviewerName": "D. James", "verified": true, "reviewText": "The soap is great, I only wish it was available in stores. It's a little on the pricey side considering it's from Dial, and not some French, or Italian desinger, but when you seemingly can only get it online it's worth it.", "overall": 5.0, "reviewTime": "02 22, 2016", "summary": "The soap is great, I only wish it was available in stores", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A37C3532V0OGK4", "asin": "B0012Y0ZG2", "style": {"Size:": " 79"}, "reviewerName": "Henrietta", "reviewText": "Took care of my flaky scalp, a problem I've had for years.", "summary": "Highly Recommend", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A26FGQS4JIPDH5", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "Linda Willford", "reviewText": "My son also likes this", "summary": "smells great", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A2BYQUQ8ITJTE8", "asin": "B0009RF9DW", "style": {"Size:": " 235"}, "reviewerName": "film", "reviewText": "Before i used this my main Body wash was Old Spice, after i started using this and feels refreshing and clean I like to go between the other kinds of Dial Soap over all happy with the product.", "summary": "Great", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A125PSVY71Q7KZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 329"}, "reviewerName": "BlueAngel", "reviewText": "It's great! Packaged right no dents on the box (container) it came with. Love the product been using it for years... Will order again from this store.", "summary": "arrived on time", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A8N02S3VNT60S", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 ounce"}, "reviewerName": "michael w", "reviewText": "great buy", "summary": "Five Stars", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A2POJYG128B2EX", "asin": "B0009RF9DW", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "WeeklyBuyer", "reviewText": "Love the fresh scent", "summary": "Five Stars", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "ASUIA1YIKZUOO", "asin": "B000URXP6E", "style": {"Size:": " 3"}, "reviewerName": "Susan Fisher", "reviewText": "I have used this before and had missed it terribly. It is a fabulous product that I recommend for anyone with dry course hair.", "summary": "great product", "unixReviewTime": 1376784000} +{"reviewerID": "A8B6JCPLPWVK5", "asin": "B000FI4S1E", "reviewerName": "DLS", "verified": true, "reviewText": "Love this product! The scent is subtle, fresh and it leaves your skin feeling soft.", "overall": 5.0, "reviewTime": "02 21, 2016", "summary": "Great fresh scent!", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A3UDCJBG2PMFRE", "asin": "B000URXP6E", "style": {"Size:": " 26"}, "reviewerName": "Amazon Customer", "reviewText": "Looked all over to find where to purchase this product and we are very happy to be able to finally find it. The PRELL Conditioner is by far the best you can buy. We love it", "summary": "... where to purchase this product and we are very happy to be able to finally find it", "unixReviewTime": 1461196800} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1M54T56FE4B86", "asin": "B001OHV1H4", "style": {"Size:": " 4"}, "reviewerName": "AmazonFan", "reviewText": "I really like these products - I saw some folks talked about \"slowed\" grey growth. I haven't really noticed that. But my hair seems less frizzy when I use this product.", "summary": "I really like these products - I saw some folks talked about ...", "unixReviewTime": 1447113600} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1M54T56FE4B86", "asin": "B0012Y0ZG2", "style": {"Size:": " 4"}, "reviewerName": "AmazonFan", "reviewText": "I really like these products - I saw some folks talked about \"slowed\" grey growth. I haven't really noticed that. But my hair seems less frizzy when I use this product.", "summary": "I really like these products - I saw some folks talked about ...", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-F2C716495B"}, "reviewerName": "Amzon Customer", "reviewText": "I love this product. I have dark circles under my eyes. I've tried EVERYTHING! I keep it in the fridge and it nice and cool when input it on my clean skin.", "summary": "Nice", "unixReviewTime": 1534982400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A2INILPDI33JG3", "asin": "B0012Y0ZG2", "style": {"Size:": " 279"}, "reviewerName": "Susan Lamparter", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JIP8N3GZZKBA", "asin": "B000URXP6E", "style": {"Size:": " 122"}, "reviewerName": "Lisa Strobehn", "reviewText": "I was so happy that I was able to purchase my favorite Bath & Body Works scent that had been discontinued in the store. This was a great price for the three bottles, and if this person/company has more of this scent I am going to buy more!", "summary": "Great price for discontinued item", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3QDLODOQKUXGN", "asin": "B00JF2GVWK", "reviewerName": "Kitty", "reviewText": "Great fragrance and product. Will purchase again.", "summary": "Great Body Wash", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2009", "reviewerID": "A23JI9AN3N4GFK", "asin": "B0009RF9DW", "style": {"Size:": " 106"}, "reviewerName": "J. P. Lewis", "reviewText": "I've used Bellmira Herbaflor Herbal Baths for years and for a relaxing bubble bath, these are the Best Ever! The water here is Very Hard & this stuff still makes bubbles like no other I've ever found. Scents are Mild. A Must try.", "summary": "Fabulous Bubbles...", "unixReviewTime": 1250726400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2BTEB0X9BLH2T", "asin": "B0009RF9DW", "style": {"Size:": " 22"}, "reviewerName": "Dave B.", "reviewText": "Hi, I don't believe they are still selling this Azur brand. Sorry for the late review, but this was a great gift for my wife and she loved the fragrance. We look forward to buying something similar.", "summary": "Great Fragrance!", "unixReviewTime": 1464393600} +{"overall": 4.0, "verified": false, "reviewTime": "09 5, 2017", "reviewerID": "AMYTL79JMGQ6D", "asin": "B0010ZBORW", "style": {"Color:": " Bath Pillow"}, "reviewerName": "Mary Ann", "reviewText": "This inflates to an adjustable comfort zone, and has four suctions on the back to stay in place. The cover is terry-like with short soft nap. The size is wide enough to support across the shoulders. Overall, I was pleasantly surprised.", "summary": "Bigger than expected, and that is good!", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A80A8PCDT0NFB", "asin": "B001OHV1H4", "style": {"Size:": " 57"}, "reviewerName": "Royce Lowe", "reviewText": "Used for years, it has DHT blocker", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A17ZAS11CK1HG8", "asin": "B000URXP6E", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Joni28", "reviewText": "I love the smell of this product. I also bought the body butter and that smells great as well. I will be buying these again", "summary": "Great product!", "unixReviewTime": 1458432000} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "ANM9LSZS7C67V", "asin": "B0017TZD7S", "reviewerName": "Keith Alan", "reviewText": "This is great since I am on a Military base and have common showers. Makes good lather. I use the softer side and the rough side on my feet! Maybe I am a big baby, but it hurts to use the rough side anywhere else.", "summary": "Rough n Tough", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A1JR5CZCFXPQMC", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Caitlin", "reviewText": "Really great shampoo. It smells good and leaves hair healthy. Amazing to feel that I've finally found a suitable product", "summary": "Great", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A3AF038W92E3I", "asin": "B0012Y0ZG2", "style": {"Size:": " 432"}, "reviewerName": "Hismai", "reviewText": "My hair feels soft after I started use them. They smell wonderful! If you are like me, asian, with lots of thick hair, that are prone to frizz, I think for this prize, it's worth trying them!", "summary": "Great!", "unixReviewTime": 1375401600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A3CZ890UHC8HHZ", "asin": "B0009RF9DW", "style": {"Size:": " 6.6 oz"}, "reviewerName": "Amazon Customer", "reviewText": "It diffuses a very mild light perfume, just what I wanted. I wear Shalimar lotion and perfume so I wanted a nice hint on days I do not want to wear the stronger lotions and perfumes. I will be purchasing it again.", "summary": "What I expected", "unixReviewTime": 1379980800} +{"reviewerID": "A3G7XXRLKXQIT7", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "This is by far my favorite Bath and Body Works collection. They discontinued it in the store. I always get compliments of the scent on me. :)", "overall": 5.0, "reviewTime": "07 27, 2017", "summary": "This is by far my favorite Bath and Body Works collection", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "AIRQ4VAXVPAP4", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Amazon Customer", "reviewText": "Very good fragrance. A good nature smell rather than just a cologne type smell. My favorite of the series.", "summary": "Great choice.", "unixReviewTime": 1497484800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71qwEe9fFRL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/613pdv8QlbL._SY88.jpg"], "overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2V608ILSK1M5R", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "CDART815", "reviewText": "My product was not sealed and either used or something.. attached are pictures. Would like a refund please.", "summary": "Beware", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3IRJA2MBOJ411", "asin": "B0012Y0ZG2", "style": {"Size:": " 13 Fl. Oz"}, "reviewerName": "Anne F. Batty", "reviewText": "Every year we vacation on a lake and the kids love to wash their hair in the lake. This shampoo and conditioner is perfect!!", "summary": "Perfect!!", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A1Y5HC26OO5D4H", "asin": "B000URXP6E", "style": {"Size:": " 192"}, "reviewerName": "ANTOINETTE COHEN", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51lzfWfKPWL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/51bkyg-nXkL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A1NKYTRBYXO4TG", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Casey Stark", "reviewText": "Not drying out the skin. Leaves it clean and fresh.", "summary": "Amazing product", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": false, "reviewTime": "03 7, 2015", "reviewerID": "AHR6RFGXARWNX", "asin": "B00006L9LC", "style": {"Size:": " 56"}, "reviewerName": "carmen aponte", "reviewText": "I have a new number", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "A2KZH1QYHRJRB7", "asin": "B0012Y0ZG2", "style": {"Size:": " 197"}, "reviewerName": "Proper Bostonian", "reviewText": "I have had this shower gel once before, and it's amazing. Hard to find, too. One of The Body Shop's best scents, and it's usually only available seasonally! I wish they sold it in bigger bottles, but I was happy to find this.", "summary": "Ah-Mazing!", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A3JNP9PGF2DMIO", "asin": "B000URXP6E", "style": {"Size:": " 184"}, "reviewerName": "Kindle Customer", "reviewText": "This smells so good exactly like the body lotion and spray mist. It is a soft femine fragrance not too overpowering. I would highly recommend!", "summary": "Beautiful Scent", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2TUCPCLHHLR6O", "asin": "B001OHV1H4", "style": {"Size:": " 509"}, "reviewerName": "Barb", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A2KQ0AAX4DKI1Q", "asin": "B0012Y0ZG2", "style": {"Size:": " 174"}, "reviewerName": "Timothy E Murray", "reviewText": "This cape was durable and very inexpensive. I cut my husband's hair and this is just what I needed. The velcro at the neck insures a proper fit.", "summary": "Great cape", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A59KNJGQD1ZJL", "asin": "B0012Y0ZG2", "style": {"Size:": " 196"}, "reviewerName": "Martha-jean R. Johnson", "reviewText": "Since the Thymes comany stopped production of the Filigree, I'm glad to have found a new source. Their stock will probably run out too, But for the time being I'm thrilled to have my favorite fragrance available.", "summary": "filigree", "unixReviewTime": 1360454400} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A125PSVY71Q7KZ", "asin": "B000URXP6E", "style": {"Size:": " 329"}, "reviewerName": "BlueAngel", "reviewText": "It's great! Packaged right no dents on the box (container) it came with. Love the product been using it for years... Will order again from this store.", "summary": "arrived on time", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A3CEFO8LPIMHHE", "asin": "B001OHV1H4", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "amalia yumping-fleury", "reviewText": "luv it", "summary": "Five Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "ADYZN70LHMS7S", "asin": "B0009RF9DW", "style": {"Size:": " 179"}, "reviewerName": "Triesta R Gaffney", "reviewText": "great buy", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 4.0, "verified": false, "reviewTime": "05 21, 2015", "reviewerID": "A1X3ESYZ79H59E", "asin": "B00N2WQ2IW", "reviewerName": "pepper", "reviewText": "This conditioner is really nice. I like the fragrance it has. It is a nice, mild scent. This conditioner is thick and creamy My hair is dry, curly,and color-treated. This conditioner did a good job of conditioning my hair. I did not feel it was too heavy or weighed it down.", "summary": "good conditioner", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A18KOO6VMJJ70S", "asin": "B000URXP6E", "style": {"Size:": " 295"}, "reviewerName": "Mer's stuff", "reviewText": "I have a sensitive nose when it comes to strong scents and sensitive skin to harsh products so Philosophy seemed like my best bet. I love it. This scent is mild but sweet. Leaves skin so soft. The lotion helps to keep the mild scent all day.", "summary": "not over powering scent", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "A3NO4EO1AGK1XX", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "SnookkillerCharlie", "reviewText": "I've tried and liked many of the different Shower gels by AXE. But by far.. The AXE MUSIC is The Best Ever. WHY DID THEY STOP SELLING IT!", "summary": "The Best AXE ever!", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A14BV6AW987ZDN", "asin": "B0009RF9DW", "style": {"Size:": " 113"}, "reviewerName": "T. Reynolds", "reviewText": "Good deal", "summary": "Excellent.", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "A3NO4EO1AGK1XX", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "SnookkillerCharlie", "reviewText": "I've tried and liked many of the different Shower gels by AXE. But by far.. The AXE MUSIC is The Best Ever. WHY DID THEY STOP SELLING IT!", "summary": "The Best AXE ever!", "unixReviewTime": 1382227200} +{"reviewerID": "A3V0ZDC7WJX4G6", "asin": "B000FI4S1E", "reviewerName": "TwoCoconuts", "verified": true, "reviewText": "Lovely powder bomb fragrance. I adore its softness. Perfect for day or office wear. I spray with a heavy hand for use at night. Not much projection but warms to the body nicely.", "overall": 5.0, "reviewTime": "05 11, 2015", "summary": "Gorgeous Scent", "unixReviewTime": 1431302400} +{"reviewerID": "AW4KF8E06AY28", "asin": "B000FI4S1E", "reviewerName": "LG", "verified": true, "reviewText": "very masculine smell, perfect for camping or festivals etc where you don't want to bring several bottles of products. definitely recommend it.", "overall": 5.0, "reviewTime": "10 24, 2013", "summary": "hair body wash", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A36JEYR65W1LTO", "asin": "B0012Y0ZG2", "style": {"Size:": " 105"}, "reviewerName": "Sandra", "reviewText": "Love it! Can't find it in stores anywhere", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A26GEEGKDA0D58", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "Miss Red", "reviewText": "I wish I could find more products with this particular fragrance. I drives me nuts. Oh and it makes my skin silky soft. WIsh the scent lasted longer on my skin. I really love it.", "summary": "I love this shower cream beyond reason", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2017", "reviewerID": "A1D3G0HL756T8B", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Vette", "reviewText": "Lovin' them.", "summary": "Will get more!", "unixReviewTime": 1505260800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A358YXSQDOI4N5", "asin": "B0012Y0ZG2", "style": {"Size:": " B-020"}, "reviewerName": "bc1941", "reviewText": "Great product", "summary": "Great", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "AX19QD7S32O5W", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "Richard Day", "reviewText": "Happy with the product!", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A165FHUTQU6L2Z", "asin": "B00JF2GVWK", "reviewerName": "Sarah", "reviewText": "Smells great and is as described", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A3OYM142VD8I7K", "asin": "B0012Y0ZG2", "style": {"Size:": " 170"}, "reviewerName": "Tamikajam", "reviewText": "Awesome!!", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A1R1RN9N2EUPRZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 118"}, "reviewerName": "Susan Cameron", "reviewText": "Husband loves it.", "summary": "Buy it for your husband!!", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A313XPHJ3L9OPW", "asin": "B00006L9LC", "style": {"Size:": " 505"}, "reviewerName": "KS Senior", "reviewText": "I was a little hesitant to order this clip but glad I did. Nice for summer. Mine looks a little different but same type of pattern. Just waiting for more! These clips are an everyday accessory for me.", "summary": "Love it!", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A2R03U5UAX219B", "asin": "B0012Y0ZG2", "style": {"Size:": " 119"}, "reviewerName": "Avid Leigh", "reviewText": "Favorite scent! Love it!", "summary": "Favorite scent ever!", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3JIP8N3GZZKBA", "asin": "B0009RF9DW", "style": {"Size:": " 122"}, "reviewerName": "Lisa Strobehn", "reviewText": "I was so happy that I was able to purchase my favorite Bath & Body Works scent that had been discontinued in the store. This was a great price for the three bottles, and if this person/company has more of this scent I am going to buy more!", "summary": "Great price for discontinued item", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AB4T4E0AGMKRA", "asin": "B0012Y0ZG2", "style": {"Size:": " 77"}, "reviewerName": "Amazon Customer", "reviewText": "For months i was waiting the product to come back for sale.\nWhen i saw it is available again i bought 2!!\nIt was a good choice.\nI searched a lot for an organic kid hair gel, and i did not find a better one.\nHolds my son hair for hours. I know it is a lit expensive, but worth it.", "summary": "It was a good choice. I searched a lot for an organic ...", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "AUQ0Y1LUWQAN2", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pack"}, "reviewerName": "R", "reviewText": "Been using this brand for years. My scalp and hair love it whether I'm living in Calofornia or Hawaii. Good quality hair products!", "summary": "Great product!", "unixReviewTime": 1451088000} +{"overall": 5.0, "vote": "17", "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A1O7LQP26XE36M", "asin": "B0012Y0ZG2", "style": {"Size:": " 292"}, "reviewerName": "Maria Mercedes Calzado", "reviewText": "Nice!!", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A3IJDWW3VVLF3G", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Awful. Zero anti dandruff properties. Comes out of bottle like water, so very easy to waste. Very poor lathering, requires large quantity to lather up hair. Vague smell, not bad but also not pleasant.", "summary": "Skip it", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A31URN5S2Q0UJV", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Boris Jones", "reviewText": "Was skeptical at first. The liquid is kind of runny. However, it is absolutely awesome performance wise. Hands down the best shampoo out there. Smells great, cleans hair great and stopped me from scratching my head after using this product for a couple of times.", "summary": "Awesome quality!", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A3LR34UDLT38PG", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "Charity Arnett", "reviewText": "Love Love Love, Very hard to find", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "AHQ9P60N6NOAH", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "Beth", "reviewText": "Smells very nice.", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "A28TUBAOIO801", "asin": "B000URXP6E", "style": {"Size:": " 195"}, "reviewerName": "Mitch", "reviewText": "My favorite body wash, suds up nice, leaves skin moisturized and has a nice subtle scent", "summary": "Can't go wrong with oil of Olay", "unixReviewTime": 1464912000} +{"reviewerID": "A23TC03PKGDVQM", "asin": "B000FI4S1E", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "favorite product by avon", "overall": 5.0, "reviewTime": "07 18, 2016", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1K85CL9XZYRV7", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Daisy's hearts and crafts", "reviewText": "Loved this spong so much!! I bought one for a gift and will be getting myself another one soon too!", "summary": "Loved this spong so much", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "AUYOTOM5XVNL", "asin": "B0012Y0ZG2", "style": {"Size:": " w-087"}, "reviewerName": "Lou", "reviewText": "Makes my facial pores smaller and I swear that my wrinkles seem less obvious around my eyes. Much appreciated\nsince large pores run in the family.", "summary": "Does a really great job", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A4DEEDXZK8L78", "asin": "B000URXP6E", "style": {"Size:": " 205"}, "reviewerName": "Gloria Karimi", "reviewText": "This is a beautiful scented lotion. Very moisturizing and scent is perfect. I will order again when I run out. It matched perfectly to the perfume.", "summary": "Beautiful Scent", "unixReviewTime": 1382745600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1RV9UBHXPXT3W", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Milk"}, "reviewerName": "Kimberly Fujioka", "reviewText": "favorite soap since it has only a slight scent. It has shea butter in it. It does not leave a soap residue", "summary": "my favorite soap because it has a light scent and its mild and has shea butter", "unixReviewTime": 1440374400} +{"reviewerID": "ADNGSTD6WM8WE", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Just what I wanted- this is my 3rd bottle. I hope it will still be available next time I need more.", "overall": 5.0, "reviewTime": "03 24, 2016", "summary": "Just what I wanted- this is my 3rd bottle. ...", "unixReviewTime": 1458777600} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1M54T56FE4B86", "asin": "B000URXP6E", "style": {"Size:": " 4"}, "reviewerName": "AmazonFan", "reviewText": "I really like these products - I saw some folks talked about \"slowed\" grey growth. I haven't really noticed that. But my hair seems less frizzy when I use this product.", "summary": "I really like these products - I saw some folks talked about ...", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A21YAPFNXKFIUC", "asin": "B000URXP6E", "style": {"Size:": " 235"}, "reviewerName": "Blue Hornet", "reviewText": "I love the fresh smell of Dial Mountain Fresh and also that it promotes Antibacterial Wash. Great Product. It arrived on time and was as described.", "summary": "Great Product", "unixReviewTime": 1447891200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28RTSY1TRCXLK", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Patricia A. Wray", "reviewText": "I bought this shampoo because the description stated it was gentle, for itchy, red and irritated scalp. I used it one time and it burned my scalp almost immediately! I bought two bottles and I am returning them both! I honestly don't know how it get so many good reviews.", "summary": "Irritated my scalp on first use", "unixReviewTime": 1520294400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A275L578ORHUVL", "asin": "B000URXP6E", "style": {"Size:": " one size"}, "reviewerName": "Pulchritude", "reviewText": "Perfect for a pleasant \"all day essence\"!", "summary": "Four Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A3A8F2URN7MEPR", "asin": "B0012Y0ZG2", "style": {"Size:": " 509"}, "reviewerName": "Sheila T.", "reviewText": "My favorite powder!", "summary": "Five Stars", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-8AA8B0C3A1"}, "reviewerName": "Amzon Customer", "reviewText": "I've been using this eye gel for a week now and love it. It has a light cucumber smell and feels so refreshing.", "summary": "5 star", "unixReviewTime": 1534723200} +{"reviewerID": "A2ANZE8NVU7BCO", "asin": "B000FI4S1E", "reviewerName": "Glamour Girl", "verified": true, "reviewText": "I love this shower gel, tiny bit makes super sudsy.", "overall": 5.0, "reviewTime": "09 19, 2014", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "AMUVF6UQZ6UCO", "asin": "B000URXP6E", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "San Diegan", "reviewText": "This body wash is so concentrated and fragrant. It lathers beautifully and moisturizes.", "summary": "Lovely Product", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A2RID8C0PQDMAS", "asin": "B0012Y0ZG2", "style": {"Size:": " 305"}, "reviewerName": "Wilma DeCamp", "reviewText": "Love this product but it's hard to finf", "summary": "Five Stars", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A37PANLDA6ENJK", "asin": "B000URXP6E", "style": {"Size:": " 22"}, "reviewerName": "Jo", "reviewText": "I absolutely love this scent ever since the first time I tried it. I hope Thymes continues to make it.", "summary": "Love it!", "unixReviewTime": 1399507200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A2RID8C0PQDMAS", "asin": "B0012Y0ZG2", "style": {"Size:": " 305"}, "reviewerName": "Wilma DeCamp", "reviewText": "Love this product but it's hard to finf", "summary": "Five Stars", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A2WYK1JQGK82VP", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "richard w cossey", "reviewText": "Very gentle effect and very nice smell. Recommended.", "summary": "Gentle product", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A3ADPDEVGNMBWN", "asin": "B0012Y0ZG2", "style": {"Size:": " 163"}, "reviewerName": "JParizona", "reviewText": "We use this in our corporate fitness shower stall. Refill the wall mounted dispenser. No surprises if you are use to using tea tree as it doen't suds up like normal soaps nor leave a soapy residue on the skin. Perfect for our use in shower.", "summary": "Tea Tree gallon is great for our corporate use", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A27I10FZD5Y0OA", "asin": "B001OHV1H4", "style": {"Size:": " 6"}, "reviewerName": "Jacqueline Anderson", "reviewText": "By far the BEST shampoo and conditioner I have used. As someone with very thick and dry hair it has given me back the shine and texture I craved.", "summary": "Excellent product!", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A27I10FZD5Y0OA", "asin": "B000URXP6E", "style": {"Size:": " 6"}, "reviewerName": "Jacqueline Anderson", "reviewText": "By far the BEST shampoo and conditioner I have used. As someone with very thick and dry hair it has given me back the shine and texture I craved.", "summary": "Excellent product!", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A1MAJCTEK9HZHD", "asin": "B000URXP6E", "style": {"Size:": " 27"}, "reviewerName": "Ninfa Lopez Clariond", "reviewText": "Love this product", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A80A8PCDT0NFB", "asin": "B00006L9LC", "style": {"Size:": " 57"}, "reviewerName": "Royce Lowe", "reviewText": "Used for years, it has DHT blocker", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A25NX4BU2GD908", "asin": "B00006L9LC", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "anne lacy", "reviewText": "Very nice fragrance.", "summary": "Five Stars", "unixReviewTime": 1478304000} +{"reviewerID": "A2HYL1CITWDZJK", "asin": "B000FI4S1E", "reviewerName": "Porshia Monsanto", "verified": true, "reviewText": "I love the feel of my skin after using the Avon Skin So Soft Fusions Dual Softening Body Wash. My skin was amazingly smooth!!", "overall": 5.0, "reviewTime": "09 17, 2012", "summary": "Excellent Product", "unixReviewTime": 1347840000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "ACK0K1VME15R7", "asin": "B00006L9LC", "style": {"Size:": " 56"}, "reviewerName": "KilDiKat", "reviewText": "Best stuff on earth for your hair!", "summary": "A must BUY!!!", "unixReviewTime": 1486339200} +{"reviewerID": "ASZB0F9PAQL5J", "asin": "B000FI4S1E", "reviewerName": "L. Wisen", "verified": true, "reviewText": "I really enjoy this product. They started selling it at our local store so I don't need to order it online any more. I am allergic to many products, so I was happy to find this one.", "overall": 5.0, "reviewTime": "04 24, 2014", "summary": "Very nice", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3TBIPGY6C5KIL", "asin": "B0012Y0ZG2", "style": {"Size:": " 143"}, "reviewerName": "Mustaine Lee", "reviewText": "love this product! ran out of face wash on a trip once so I used this and have used it as face wash ever since!", "summary": "body & face", "unixReviewTime": 1407456000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "AUPNID1GKJB34", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "dry2", "reviewText": "Really like the nice mild fragrance. Cannot find this Old Spice Body Wash Foxcrest on the local retail shelves for some unknown reason???", "summary": "Really like the nice mild fragrance.", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A19GO5VNH8D1TF", "asin": "B00006L9LC", "style": {"Size:": " 392"}, "reviewerName": "A. Caldwell", "reviewText": "Always excellent, third time ordering, more to come, husband loves the soap.", "summary": "Great Soap", "unixReviewTime": 1435363200} +{"overall": 1.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A3JQUR31CLU4VK", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "leeraz", "reviewText": "Wow I was totally hyped to try this shower gel. According to the rate and review I thought this would be awesome. However I received the package all torn up and the bottle itself had no seal. Very disappointed", "summary": "According to the rate and review I thought this would be awesome. However I received the package all torn up ...", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A14YENXHLKG9WL", "asin": "B0009RF9DW", "style": {"Size:": " 280"}, "reviewerName": "Samyel F", "reviewText": "this is getting hard to find. don't know why -- it's one of the best scents for summer that we have ever discovered. we have the lotion, the wash, and the cologne.", "summary": "the BEST summer scent", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A3QUX4Z5YP6T4P", "asin": "B0012Y0ZG2", "style": {"Size:": " 214"}, "reviewerName": "Barb S", "reviewText": "I love it! What more to say? I was happy to find it available and at a reasonable enough price.", "summary": "I love it! What more to say", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A2RSCY42Y2CTU1", "asin": "B0012Y0ZG2", "style": {"Size:": " 41"}, "reviewerName": "Joni D", "reviewText": "always my come back favorite", "summary": "not too heavy not too light, great smooth feel", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A25TLMKU5AXWHF", "asin": "B0012Y0ZG2", "style": {"Size:": " 283"}, "reviewerName": "gamma", "reviewText": "This wonderful fragrance is light and airy. Lovely aroma that many ask what is that you are wearing. Hope you try it.", "summary": "Attenion getting fragrance.", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2012", "reviewerID": "A3Q33D02J9UTT0", "asin": "B0012Y0ZG2", "style": {"Size:": " 264"}, "reviewerName": "KG", "reviewText": "This is a great product for pampering yourself. I would recommend purchasing extra bottles as they make great gifts. This product is hard to find locally.", "summary": "Herbaflor", "unixReviewTime": 1344211200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A150XCEZV6KF5G", "asin": "B0009RF9DW", "style": {"Size:": " 200"}, "reviewerName": "Shatha", "reviewText": "I love the smell and the product. I usually use it when I go on trip. My problem with this product it isn't easy to find :(\nI wish lots of people use it so it will become more popular in the market. I'd definitely recommend it to my friends;)", "summary": "I love the smell and the product", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1AWB5QE4T9LPM", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Rafael Saturno", "reviewText": "All perfect", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A1KEYDA4M5GDSH", "asin": "B001OHV1H4", "style": {"Size:": " 5"}, "reviewerName": "Angela S. Carson", "reviewText": "really cleans my hair with a fresh smell, will buy again", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A2G7EEQJKKOU8R", "asin": "B0012Y0ZG2", "style": {"Size:": " 45"}, "reviewerName": "Linda Whiten", "reviewText": "I have loved this for years, bath and body discontinued it, never thought of looking for it online. So glad I did", "summary": "Ile De Tahiti Moana Coconut Vanille", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3T1HGP5MN7OB6", "asin": "B00006L9LC", "style": {"Size:": " 392"}, "reviewerName": "lefeverb", "reviewText": "Great Product. TOBS always has very pleasant and masculine scents!!", "summary": "Very Pleased", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A35TPYOPNIDM7", "asin": "B00006L9LC", "style": {"Size:": " 55"}, "reviewerName": "Amazon Customer", "reviewText": "Great smell and good product. I don't know that it moisturizes our daughters hair as much as we'd like, but the Tangle Taming Conditioner is a good follow-up for this shampoo.", "summary": "Good Product!", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A1UXOVYJ6OEQ24", "asin": "B001OHV1H4", "style": {"Size:": " 109"}, "reviewerName": "Sharon Bowen", "reviewText": "Great shampoo ~ the only one we buy!", "summary": "Five Stars", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A2NXR4T75E4QM7", "asin": "B0012Y0ZG2", "style": {"Size:": " 16fl oz."}, "reviewerName": "Janice", "reviewText": "This bath gel is amazing. Silky smooth and not drying to the skin after a bath. Lathers very well. A little goes a long way, and it's totally pure and natural. Too bad the price on Amazon went up. Forced to buy else where.", "summary": "This bath gel is amazing. Silky smooth and not drying to the skin ...", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A2B33XXX3MZC6R", "asin": "B001OHV1H4", "style": {"Size:": " 49"}, "reviewerName": "Tom Waters", "reviewText": "Great comb! Very well made and the wood even has a nice scent. Pairs well with Northern Fir's beard oil!", "summary": "Another quality product from Northern Fir", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AGXW8BFME8048", "asin": "B00006L9LC", "style": {"Size:": " 511"}, "reviewerName": "Gretchen G", "reviewText": "This is a great product. It is alcohol free but holds well . I used to get it at Sally's but they discontinued it . Thankfully I was able to buy it here.", "summary": "This is a great product. It is alcohol free but holds well", "unixReviewTime": 1461024000} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A35LFTGC7TO48F", "asin": "B001OHV1H4", "style": {"Size:": " 281"}, "reviewerName": "AnnaG", "reviewText": "I received my order on time, and the products were not broken which I was afraid of.....the smell is heavenly Caress body washes never fail", "summary": "I received my order on time, and the products ...", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A3V6X81OCON26K", "asin": "B000URXP6E", "style": {"Size:": " 10"}, "reviewerName": "Kim Shay", "reviewText": "Was looking everywhere for this as a gift. Great scent1", "summary": "Great", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2KUYYA021Y4KO", "asin": "B0012Y0ZG2", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "Wanda Daniels", "reviewText": "Need a bigger bottle!", "summary": "Smell sooo good", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "AMPSYLH47ZFU6", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "J. Trevino", "reviewText": "I have used this product for years. It is the only one that controls the frizz on humid days.", "summary": "I have used this product for years. It is ...", "unixReviewTime": 1467158400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A1M5UWJ8H1SYHG", "asin": "B0012Y0ZG2", "style": {"Size:": " 259"}, "reviewerName": "Deb Gosse", "reviewText": "What can I say? This is a great product. Too bad it's discontinued. I wish Dove would reconsider. O love all the Go Fresh Energize line.", "summary": "Dove Energize Body Wash", "unixReviewTime": 1364601600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A17B1H60A6A96P", "asin": "B0012Y0ZG2", "style": {"Size:": " 463"}, "reviewerName": "Demetris DeLucas", "reviewText": "All of the different colognes and the price.", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "AI5ELCUWKSDXJ", "asin": "B0009RF9DW", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "Love it!!", "summary": "Five Stars", "unixReviewTime": 1462579200} +{"overall": 4.0, "verified": false, "reviewTime": "08 28, 2017", "reviewerID": "AMYTL79JMGQ6D", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Lime Zest"}, "reviewerName": "Mary Ann", "reviewText": "This is truly fine soap, and lathers as expected. It has not caused irritation on any user in our circle. The scent is very strong--one expects a slice of Key lime pie in the offing, and it does linger.", "summary": "Lime predominates", "unixReviewTime": 1503878400} +{"reviewerID": "A8N02S3VNT60S", "asin": "B000FI4S1E", "reviewerName": "michael w", "verified": true, "reviewText": "great buy", "overall": 5.0, "reviewTime": "04 15, 2017", "summary": "Five Stars", "unixReviewTime": 1492214400} +{"reviewerID": "A190ENIBZ72LMF", "asin": "B000FI4S1E", "reviewerName": "Innessa", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/71fWVkyq4ML._SY88.jpg"], "reviewText": "Great gel, it is organic and smell so good, natural!!!", "overall": 5.0, "reviewTime": "04 26, 2018", "summary": "Five Stars", "unixReviewTime": 1524700800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71HmQNqvSrL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 22, 2018", "reviewerID": "A1L0QECT7J93ZP", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Elena", "reviewText": "Got this product for me and my daughter. I can say 100% - it works superb on both, long curly and short straight hair.", "summary": "For any type of hair", "unixReviewTime": 1524355200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A11AZPF8R6A1F8", "asin": "B00006L9LC", "style": {"Size:": " 32"}, "reviewerName": "Trini Chic", "reviewText": "Great product that works well when used together with repair formula conditioner. Love the way my hair felt after shampooing,", "summary": "It really works", "unixReviewTime": 1377043200} +{"overall": 1.0, "verified": true, "reviewTime": "04 1, 2018", "reviewerID": "A18HENNBJ25817", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Zhenyu Hong", "reviewText": "the smell is bad and totally not natural for me", "summary": "One Star", "unixReviewTime": 1522540800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A3A8F2URN7MEPR", "asin": "B000URXP6E", "style": {"Size:": " 509"}, "reviewerName": "Sheila T.", "reviewText": "My favorite powder!", "summary": "Five Stars", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "AX461TIEKR7CJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Sheep", "reviewText": "Best smell by Old Spice so sad they stopped carrying it at most stores but hey they're loss is the Amazon marketplaces gain. Very quick shipping no issues will be buying again", "summary": "Best", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A14R11HV2H7AVW", "asin": "B00006L9LC", "style": {"Size:": " 1 Pound"}, "reviewerName": "Diane Gordon", "reviewText": "Also a very good product", "summary": "Five Stars", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "AMKL90GGNP276", "asin": "B000URXP6E", "style": {"Size:": " 23"}, "reviewerName": "happy2Bhere", "reviewText": "Dark and lovely is how you feel after using this product, I recently purchased this for my daughter's curly hair. It smells great makes her hair soft and manageable she's happy to wash her hair now.", "summary": "I'm a lifetime customer!", "unixReviewTime": 1438646400} +{"reviewerID": "A1WN7VWKL2LF20", "asin": "B000FI4S1E", "reviewerName": "Merry31", "verified": false, "reviewText": "Great deal and leaves my kids smelling awesome! I bought a box of them years ago and we still have some left!!!", "overall": 5.0, "reviewTime": "12 5, 2013", "summary": "Fresh", "unixReviewTime": 1386201600} +{"overall": 4.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1VTPPQNT23IU8", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Birgitta L Ramsey", "reviewText": "Really does the job. One of the best. Quality of the product is excellent.", "summary": "Preshave lotion", "unixReviewTime": 1407801600} +{"reviewerID": "A3B9T1GXSEVIWM", "asin": "B000FI4S1E", "reviewerName": "Miss D", "verified": true, "reviewText": "Love the way Old Spice High Endurance Body Wash, Pure Sport smells. Gets you clean, classic product that is very effective", "overall": 5.0, "reviewTime": "03 18, 2014", "summary": "Smells great", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "A1L887BYCTVXH6", "asin": "B000URXP6E", "style": {"Size:": " 463"}, "reviewerName": "Aidan D.", "reviewText": "Miami is my favorite", "summary": "Five Stars", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A2X7VCBZQROXVM", "asin": "B00QXW95Q4", "reviewerName": "Amazon Customer", "reviewText": "I love this product. Really makes my hair moisturized and silky", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2018", "reviewerID": "AUX122XW8ONG6", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-A2D23DCD64"}, "reviewerName": "Amzon Customer", "reviewText": "Exelent product! Generous amount in the packaging, can be used all over the face. Will buy in the future.", "summary": "Like it", "unixReviewTime": 1534982400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "ANVIM4HO9ALJ6", "asin": "B001OHV1H4", "style": {"Size:": " 16.9 oz."}, "reviewerName": "Ginny D", "reviewText": "Shine, body, no frizz. Love this shampoo", "summary": "Love it", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2018", "reviewerID": "A2G90R2ZU6KU5D", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Mike", "reviewText": "Got this shampoo as a solution for my wife's dandruff problem. It worked! She got rid of any dandruff signs after 3-4 uses. As long as she is happy, I am happy too!", "summary": "Outstanding, no complains", "unixReviewTime": 1525651200} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2017", "reviewerID": "AM18CU72YEWH5", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Lemongrass"}, "reviewerName": "A. J Terry", "reviewText": "This is a medium-sized bar of hard soap with a pleasant lemon scent. I have sensitive skin, and this soap does not irritate it. Perfect for the tub, sink, or a luxury gift.", "summary": "Great luxury soap with a lemon scent", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A397WXW8JOK3RT", "asin": "B000URXP6E", "style": {"Size:": " 505"}, "reviewerName": "Miriam DeLaRoi", "reviewText": "It is beautiful", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": false, "reviewTime": "03 19, 2013", "reviewerID": "A1XQ0F01CF84Y3", "asin": "B0009RF9DW", "style": {"Size:": " 304"}, "reviewerName": "Mrs. J.", "reviewText": "This smells yummy and love it during the fall! I have the lip gloss also which is great! I love philosophy and this is yet another goody! :)", "summary": "Love this", "unixReviewTime": 1363651200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A347D5SOZ68PPE", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Great product would buy from seller agian", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A2S696CI415O20", "asin": "B00006L9LC", "style": {"Size:": " 11 fl. oz."}, "reviewerName": "Q.C. Stickler", "reviewText": "I'm a fan!", "summary": "I'm a fan!", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A2CPG6CY3NAYMU", "asin": "B0012Y0ZG2", "style": {"Size:": " 111"}, "reviewerName": "Spenjm", "reviewText": "I love the peaches and apricot scents from Philosophy but cannot find anymore. They no longer make them. This is my favorite in bath gel and in lotions.", "summary": "My favorite scent from Philosophy", "unixReviewTime": 1365379200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A3JOF3FISSE7E0", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "Catherine Daniel", "reviewText": "makes hair fuller and is gentle on scalp. hair feels soft.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "A3P7FOLR5SGXYN", "asin": "B001OHV1H4", "style": {"Size:": " 13"}, "reviewerName": "Medi", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1494633600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A3E9ZV03ZD1ZI", "asin": "B0009RF9DW", "style": {"Size:": " 122"}, "reviewerName": "Amazon Customer", "reviewText": "I love the scent.", "summary": "Five Stars", "unixReviewTime": 1473897600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71R1a7bU1IL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 22, 2018", "reviewerID": "A1L0QECT7J93ZP", "asin": "B0009RF9DW", "style": {"Size:": " 8.5oz"}, "reviewerName": "Elena", "reviewText": "Great body wash for sensitive skin. Definitely works for me. Leaves skin moisturized and clean. Will repurchase for sure.\nPS: the candy scent is very pleasant as well.", "summary": "Great!", "unixReviewTime": 1524355200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "AIHUVM8SI43E5", "asin": "B000URXP6E", "style": {"Size:": " 198"}, "reviewerName": "fuzzymitton", "reviewText": "This Bath and Body product is seasonal but I just love it and use it all year. I was so glad I found this seller and didn't have to wait till Autumn to get more. Item was received in a timely fashion and in perfect condition!", "summary": "Wonderful Fall Fragrance", "unixReviewTime": 1371427200} +{"reviewerID": "A2PW5N4QDA3AG9", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Very good", "overall": 5.0, "reviewTime": "11 1, 2016", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A1A7LP8GUKEPZM", "asin": "B000URXP6E", "style": {"Size:": " 248"}, "reviewerName": "Graciela Vigil", "reviewText": "Great Product, Great Price!", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2018", "reviewerID": "A3OTFWV6920FT", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Vee", "reviewText": "Great product! No complains.", "summary": "Great product", "unixReviewTime": 1526256000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A26FGQS4JIPDH5", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Linda Willford", "reviewText": "My son also likes this", "summary": "smells great", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1MDYWL5DLS9SS", "asin": "B019LAI4HU", "reviewerName": "Deb Houghtaling", "reviewText": "I love this lotion. It has a light clean smell to it. Putting it on then adding a little of spray of perfume gives you a smell that brings lots of compliments.", "summary": "Best Ever", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2012", "reviewerID": "A8CGEXNIB402C", "asin": "B0012Y0ZG2", "style": {"Size:": " 200ml/ 6.7OZ"}, "reviewerName": "Wanda D, Patton", "reviewText": "I purchased Chanel Antaeus Bath and shower Gel. The process was quick and easy and I received the product when promised.", "summary": "Channel Bath Gel", "unixReviewTime": 1343433600} +{"overall": 5.0, "verified": false, "reviewTime": "10 8, 2012", "reviewerID": "A9QBM4RNQ7L9T", "asin": "B0012Y0ZG2", "style": {"Size:": " 169"}, "reviewerName": "Kathy T.", "reviewText": "I purchased this for my daughter for her science class, and this is the second year she is using it. It still looks like new - which is amazing considering my daughter is a bit on the messy side.", "summary": "Lab Coat", "unixReviewTime": 1349654400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3TIK2TSPADAH0", "asin": "B000URXP6E", "style": {"Size:": " 25.4 Fluid Ounce"}, "reviewerName": "J. C.", "reviewText": "Love this stuff!!#", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A157AUOFPJQ46Q", "asin": "B001E5PLCM", "style": {"Size:": " 14 oz", "Color:": " Blue Spice After Shave"}, "reviewerName": "Big Ed Mustafa.", "reviewText": "I like it and it smells good but the scent doesn't last long at all.", "summary": "Smells good but.......", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A3HIK2YDCUMWMZ", "asin": "B0009RF9DW", "style": {"Size:": " 162"}, "reviewerName": "SOLIMARISOL", "reviewText": "perfect gift", "summary": "Five Stars", "unixReviewTime": 1412640000} +{"overall": 4.0, "verified": false, "reviewTime": "07 8, 2014", "reviewerID": "AJZGMDK1NA990", "asin": "B001OHV1H4", "style": {"Size:": " 38"}, "reviewerName": "Great Dane Mom", "reviewText": "Both of these products work well together. The shampoo has an earthy smell, but it is not unpleasant. I feel that I am losing less hair. Maybe it even feels thicker. I know it is growing faster.", "summary": "Both of these products work well together. The shampoo ...", "unixReviewTime": 1404777600} +{"overall": 2.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "A1DFI14L1LBOPJ", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "PrimeTime", "reviewText": "The shampoo is very watery, and I did not see too much of a difference in my dandruff.", "summary": "Meh", "unixReviewTime": 1521504000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A4DEEDXZK8L78", "asin": "B0012Y0ZG2", "style": {"Size:": " 205"}, "reviewerName": "Gloria Karimi", "reviewText": "This is a beautiful scented lotion. Very moisturizing and scent is perfect. I will order again when I run out. It matched perfectly to the perfume.", "summary": "Beautiful Scent", "unixReviewTime": 1382745600} +{"overall": 5.0, "verified": false, "reviewTime": "10 4, 2017", "reviewerID": "A3FMPT5IH0CJ50", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Sandalwood"}, "reviewerName": "Lindsey Jane", "reviewText": "This soap is great. It foams up and is so nice and milky feeling on the skin. It smells really good, but you definitely have to like the scent of Sandalwood to enjoy it.", "summary": "Amazing Soap", "unixReviewTime": 1507075200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A15ZAILX1XGI0A", "asin": "B00006L9LC", "style": {"Size:": " -"}, "reviewerName": "Meme", "reviewText": "My main powder brush now :D I like that it is a little more firm and voluminous than regular powder brushes. It helps with my application of powder. I love the slight angle it has and I can't say much else other than I love it!", "summary": "D I like that it is a little more firm and voluminous ...", "unixReviewTime": 1423872000} +{"reviewerID": "A32PX7W05VFWOJ", "asin": "B000FI4S1E", "reviewerName": "L.B.T.W", "verified": false, "reviewText": "I love this cleansing cream. I also bought the body cream. Love the smell.", "overall": 5.0, "reviewTime": "08 6, 2014", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A27V608OPEA3CD", "asin": "B0009RF9DW", "style": {"Size:": " 121"}, "reviewerName": "Joyce M. Amos", "reviewText": "This is one of my favorite bath and body products. I love the fragrance.", "summary": "Bath and Body Wash Gels", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2017", "reviewerID": "A1X15KWJ11IC1P", "asin": "B000URXP6E", "style": {"Size:": " 144"}, "reviewerName": "Mert Ozer", "reviewText": "Lovely product and works great, except the artificial coloring :(", "summary": "Five Stars", "unixReviewTime": 1513296000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A324WQKVD3TLLQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 48"}, "reviewerName": "Jeremy", "reviewText": "The products great, hard to find, the gel has a stronger scent then the regular body wash which i like due to I love the smell of this and feels like the fragrance last longer.", "summary": "It smells really good, subtle yet strong lasting fragrance", "unixReviewTime": 1431129600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51KRDhB48pL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A2XDLY3PL0CGBD", "asin": "B000URXP6E", "style": {"Size:": " Multiset"}, "reviewerName": "Creaciones Gonzalez", "reviewText": "Recommended for anyone interested in getting the best experience from taking a bath or a shower.", "summary": "Great item", "unixReviewTime": 1523491200} +{"overall": 3.0, "verified": false, "reviewTime": "09 5, 2017", "reviewerID": "ARARUVZ8RUF5T", "asin": "B0010ZBORW", "style": {"Color:": " Shower Cap"}, "reviewerName": "Kim L", "reviewText": "This is a very standard shower cap. It does the job, but it no different from the ones I have purchased over the years from various drugstores. If you are looking for a shower cap, this one is as good as any.", "summary": "Standard Shower Cap", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A84MTP7LSOTXG", "asin": "B00006L9LC", "style": {"Size:": " 30mla144"}, "reviewerName": "LeAnn Johnson", "reviewText": "Love this stuff! Adds glowing moisture to my dry skin without oily feeling!", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2017", "reviewerID": "A2NN6H2RZENG24", "asin": "B0010ZBORW", "style": {"Color:": " Sea Sponge"}, "reviewerName": "Robert C Ross", "reviewText": "Works great in the shower -- it really makes me feel cleaner after a good scrubbing, and it dries out beautifully.\n\nNo remaining odor after it is completely dry.\n\nRobert C. Ross\nSeptember 2017", "summary": "I'm definitely cleaner after a good scrubbing", "unixReviewTime": 1505520000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71qwEe9fFRL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/613pdv8QlbL._SY88.jpg"], "overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2V608ILSK1M5R", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "CDART815", "reviewText": "My product was not sealed and either used or something.. attached are pictures. Would like a refund please.", "summary": "Beware", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1K85CL9XZYRV7", "asin": "B0012Y0ZG2", "style": {"Size:": " 27"}, "reviewerName": "Daisy's hearts and crafts", "reviewText": "Loved this spong so much!! I bought one for a gift and will be getting myself another one soon too!", "summary": "Loved this spong so much", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A35TPYOPNIDM7", "asin": "B0012Y0ZG2", "style": {"Size:": " 55"}, "reviewerName": "Amazon Customer", "reviewText": "Great smell and good product. I don't know that it moisturizes our daughters hair as much as we'd like, but the Tangle Taming Conditioner is a good follow-up for this shampoo.", "summary": "Good Product!", "unixReviewTime": 1479081600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71HmQNqvSrL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 22, 2018", "reviewerID": "A1L0QECT7J93ZP", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Elena", "reviewText": "Got this product for me and my daughter. I can say 100% - it works superb on both, long curly and short straight hair.", "summary": "For any type of hair", "unixReviewTime": 1524355200} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "A2H1NTYWYYA0XM", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "Antonio Gosain", "reviewText": "Divine smell, cleaning properties and after-use smell! 5/5 stars.", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A2SU85PYAB6M67", "asin": "B001OHV1H4", "style": {"Size:": " 4"}, "reviewerName": "Carolyn Maynard", "reviewText": "Very silky and smooth is the results I received after using the product.", "summary": "Smooth and Silky hair", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A29VPAJ33CDQMZ", "asin": "B00006L9LC", "style": {"Size:": " 18"}, "reviewerName": "Amazon Customer", "reviewText": "Loved it and would love to but some more but just to expensive..", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A1QQHWTPZYIXM3", "asin": "B000URXP6E", "style": {"Size:": " 203"}, "reviewerName": "D. Oldham", "reviewText": "Sweet smelling bubbles and nourishing skin care!", "summary": "Victoria Secrets Pink body wash!", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2012", "reviewerID": "A2HYL1CITWDZJK", "asin": "B0012Y0ZG2", "style": {"Size:": " 265"}, "reviewerName": "Porshia Monsanto", "reviewText": "I love the feel of my skin after using the Avon Skin So Soft Fusions Dual Softening Body Wash. My skin was amazingly smooth!!", "summary": "Excellent Product", "unixReviewTime": 1347840000} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2016", "reviewerID": "A3ETTJOVI6C9V5", "asin": "B0012Y0ZG2", "style": {"Size:": " 586"}, "reviewerName": "W. Keane", "reviewText": "I LOVE the smell, the texture, everything about it!!! This is my absolute favorite. I want the body lotion, but you usually can only find it in a set. I just want the lotion, I have two bottles of perfume, just to get the lotion. It's wonderful.", "summary": "I LOVE the smell", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": false, "reviewTime": "09 2, 2017", "reviewerID": "A2ZY49IDE6TY5I", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Angel's Trumpet"}, "reviewerName": "R PRIUS", "reviewText": "Soap which is fragrant and moisture rich. The end product is soft, moist skin. the Pre de Provence soaps are wonderful, regardless of scent. They eliminate itchy dry skin and make bath time something to look forward too.", "summary": "Moisturizing Soap", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A2BFYX5LXWT7J", "asin": "B0009RF9DW", "style": {"Size:": " 22"}, "reviewerName": "Melody Surdahl", "reviewText": "Azur is always my favorite in the Thymes collection because of its clean, fresh scent. I like that my skin feels moisturized when using this product in the shower.", "summary": "Always a favorite.", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": false, "reviewTime": "03 7, 2015", "reviewerID": "AHR6RFGXARWNX", "asin": "B000URXP6E", "style": {"Size:": " 56"}, "reviewerName": "carmen aponte", "reviewText": "I have a new number", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A2HMKJTX67U6SO", "asin": "B00006L9LC", "style": {"Size:": " 7"}, "reviewerName": "S. L. CHANCE", "reviewText": "Good shampoo and conditioner. I have always colored my hair and this set protects my color as it really cleans my hair. The fragrance is nice and light. Will buy again.", "summary": "Does what it claims..", "unixReviewTime": 1377993600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28G6HAG3I755Y", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "R. Taylor", "reviewText": "Great smell and products.", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A27VWQXCDU4U9D", "asin": "B0012Y0ZG2", "style": {"Size:": " 364"}, "reviewerName": "Linda sommer", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "ASFHTW5SP4QQR", "asin": "B0009RF9DW", "style": {"Size:": " 233"}, "reviewerName": "MACC", "reviewText": "Love it! Scent is refreshing not over powering. Also, the 3 in 1 is great for traveling.", "summary": "Wonderful Fresh Scent", "unixReviewTime": 1502755200} +{"overall": 4.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1VTPPQNT23IU8", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Birgitta L Ramsey", "reviewText": "Really does the job. One of the best. Quality of the product is excellent.", "summary": "Preshave lotion", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2012", "reviewerID": "A3Q33D02J9UTT0", "asin": "B0009RF9DW", "style": {"Size:": " 264"}, "reviewerName": "KG", "reviewText": "This is a great product for pampering yourself. I would recommend purchasing extra bottles as they make great gifts. This product is hard to find locally.", "summary": "Herbaflor", "unixReviewTime": 1344211200} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A2NXR4T75E4QM7", "asin": "B0012Y0ZG2", "style": {"Size:": " 16fl oz."}, "reviewerName": "Janice", "reviewText": "This bath gel is amazing. Silky smooth and not drying to the skin after a bath. Lathers very well. A little goes a long way, and it's totally pure and natural. Too bad the price on Amazon went up. Forced to buy else where.", "summary": "This bath gel is amazing. Silky smooth and not drying to the skin ...", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A1VOA3CU9XRDDS", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "BBoker", "reviewText": "Makes my hair shine better than anything else I've tried!", "summary": "Super shine!", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "ARZQ7AEFUXNPN", "asin": "B0012Y0ZG2", "style": {"Size:": " 401"}, "reviewerName": "Christy", "reviewText": "Love this perfume. Light and feminine and doesn't give me a headache like many other fragrances.", "summary": "Not overpowering, but lasts all day", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AD1RIYOFGGS37", "asin": "B0012Y0ZG2", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "Ralph VanHoose", "reviewText": "gave the shower gel for a Christmas gift, she said she loved it, thanks rvv.", "summary": "she said she loved it, thanks rvv", "unixReviewTime": 1429401600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A2KBQZJJRS5FKY", "asin": "B0012Y0ZG2", "style": {"Size:": " 439"}, "reviewerName": "hector", "reviewText": "It works amazing, fantastic, never used something like this before I highly recommend this product I will keep using it", "summary": "awesome products", "unixReviewTime": 1389398400} +{"reviewerID": "A2NH58DY5F0XSZ", "asin": "B000FI4S1E", "reviewerName": "michael Luna", "verified": true, "reviewText": "AAA+", "overall": 5.0, "reviewTime": "04 12, 2017", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "AUQ0Y1LUWQAN2", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pack"}, "reviewerName": "R", "reviewText": "Been using this brand for years. My scalp and hair love it whether I'm living in Calofornia or Hawaii. Good quality hair products!", "summary": "Great product!", "unixReviewTime": 1451088000} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A1U4MBURSADCDU", "asin": "B0012Y0ZG2", "style": {"Size:": " 29"}, "reviewerName": "roxy sox", "reviewText": "love this shampoo", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"reviewerID": "AKKOKZG3KX1FT", "asin": "B000FI4S1E", "reviewerName": "Juanita P.", "verified": true, "reviewText": "I gave Escada by Escada Shower Gel to my brother last Xmas (at his request) and I got \"Kudos\".\nI am renewing his request, (he lives out of town and is hard to buy for) and I know it will be another \"Win\"!\nThanks for the speedy delivery and the price was perfect! JP", "overall": 5.0, "reviewTime": "08 19, 2013", "summary": "Sister Gets \"A+\" rating for Escada gift", "unixReviewTime": 1376870400} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A2C114BZC4OO6A", "asin": "B0009RF9DW", "style": {"Size:": " 228"}, "reviewerName": "Megha Kapoor", "reviewText": "Amazing product!", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A2EHOO31B1KDP4", "asin": "B000URXP6E", "style": {"Size:": " 17"}, "reviewerName": "Elaine Parsons", "reviewText": "One of my favorites", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A2EB0P9PSMD1M0", "asin": "B001OHV1H4", "style": {"Size:": " 352"}, "reviewerName": "Amazon Customer", "reviewText": "Love the scent. Not overpowering.", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 4.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A258KAILGENIM3", "asin": "B001OHV1H4", "style": {"Size:": " 266"}, "reviewerName": "Amazon Customer", "reviewText": "This shampoo and conditioner leave my hair in great condition. I've just started using it so I cannot tell whether or not it will stimulate hair growth.", "summary": "This shampoo and conditioner leave my hair in great condition. I've just started using it so I ...", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2TUCPCLHHLR6O", "asin": "B0012Y0ZG2", "style": {"Size:": " 509"}, "reviewerName": "Barb", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A2JPQVFMKT94M2", "asin": "B000URXP6E", "style": {"Size:": " one size"}, "reviewerName": "ad", "reviewText": "This is so handy and unique! Comes in a protective pouch, and with an extra refil. Seems like it will last a long time for those who just like a little dab of a beautiful scent.", "summary": "Seems like it will last a long time for those who ...", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "A3B9T1GXSEVIWM", "asin": "B000URXP6E", "style": {"Size:": " 113"}, "reviewerName": "Miss D", "reviewText": "Love the way Old Spice High Endurance Body Wash, Pure Sport smells. Gets you clean, classic product that is very effective", "summary": "Smells great", "unixReviewTime": 1395100800} +{"reviewerID": "A1EPD7UQU3MXBT", "asin": "B000FI4S1E", "reviewerName": "berthahouse", "verified": true, "reviewText": "Packaged well and arrived in good time. I couldn't find this product locally, so ordered it online. We were visiting my grandson and I'd forgotten my shampoo and used his. It was great for my hair, so I've been using it ever since.", "overall": 5.0, "reviewTime": "06 23, 2014", "summary": "Suave Kids", "unixReviewTime": 1403481600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A2KQ0AAX4DKI1Q", "asin": "B0012Y0ZG2", "style": {"Size:": " 174"}, "reviewerName": "Timothy E Murray", "reviewText": "This cape was durable and very inexpensive. I cut my husband's hair and this is just what I needed. The velcro at the neck insures a proper fit.", "summary": "Great cape", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": false, "reviewTime": "05 13, 2018", "reviewerID": "A1JR5CZCFXPQMC", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Caitlin", "reviewText": "Really great shampoo. It smells good and leaves hair healthy. Amazing to feel that I've finally found a suitable product", "summary": "Great", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A20B9DRVC87T06", "asin": "B0012Y0ZG2", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "Kelly", "reviewText": "Love!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A2KBQZJJRS5FKY", "asin": "B001OHV1H4", "style": {"Size:": " 439"}, "reviewerName": "hector", "reviewText": "It works amazing, fantastic, never used something like this before I highly recommend this product I will keep using it", "summary": "awesome products", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A1KJ2M8NY458CE", "asin": "B001OHV1H4", "style": {"Size:": " 109"}, "reviewerName": "Linda", "reviewText": "this is great and my pups never get the puppy smells, always clean", "summary": "Five Stars", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A3UXKTNN3U6E0D", "asin": "B00006L9LC", "style": {"Size:": " 369"}, "reviewerName": "Turgeman Anat", "reviewText": "very good prodauct", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A3IVDKJ8B51LO0", "asin": "B000URXP6E", "style": {"Size:": " 366"}, "reviewerName": "Penney Hill", "reviewText": "Would buy more of the body cream if moire was available. This body cream is hard to come by. I buy anytime I find on a site. Lotion is easily available but the body cream is difficult to obtain. This is my signature fragrance.", "summary": "Best Product", "unixReviewTime": 1372896000} +{"overall": 3.0, "vote": "8", "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A1CEDYAX0NG4BU", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "DD", "reviewText": "Does not lather well and have not noticed a difference in my hair", "summary": "Three Stars", "unixReviewTime": 1519862400} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A34OON6ZYATX36", "asin": "B00VG1AV5Q", "reviewerName": "faye", "reviewText": "I have very curly hair and always used Mousse products. I began to have a reaction to the product and tried naturelle. The gel works well and I have no reaction to the product. Very glad I found it!", "summary": "Works as advertised.", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1QMMNAIOIP0YO", "asin": "B000URXP6E", "style": {"Size:": " 31"}, "reviewerName": "Zak young", "reviewText": "It makes your scalp tingle and does a great job of cleaning your hair.", "summary": "Great for every day use.", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A2X5PW8CYW4U1D", "asin": "B0012Y0ZG2", "style": {"Size:": " 156"}, "reviewerName": "Amazon Customer", "reviewText": "use it everyday works great", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "04 15, 2018", "reviewerID": "A3L40OCWS1W7R7", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Yiwei Zhou", "reviewText": "The best one Ive ever used!!!", "summary": "Five Stars", "unixReviewTime": 1523750400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A20ODFGO5J70UA", "asin": "B0009RF9DW", "style": {"Size:": " 125"}, "reviewerName": "John Gilbert", "reviewText": "This was exactly what I wanted. Thank you", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A18E4UPIBMJNVZ", "asin": "B000URXP6E", "style": {"Size:": " 5"}, "reviewerName": "Roger S. Leblanc", "reviewText": "Fabulous and cheaper than down in Disney World", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A3CIUOJXQ5VDQ2", "asin": "B0013NB7DW", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Shelly F", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2DK8CVJ2HYDRI", "asin": "B0012Y0ZG2", "style": {"Size:": " 36"}, "reviewerName": "Pamela Biafora", "reviewText": "Works great for hair thats thin. Wish Walgreens kept it on the shelf.", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2PPWA67FGO7BF", "asin": "B0012Y0ZG2", "style": {"Size:": " 69"}, "reviewerName": "Harriet Fraad", "reviewText": "Fine", "summary": "fine", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A1HPJKECRYBG6V", "asin": "B0012Y0ZG2", "style": {"Size:": " 100"}, "reviewerName": "Underhilll", "reviewText": "Years ago we discovered this bath/shower gel in various French hotels and fell in love with the scent. I finally used up the last of my stash and was very glad to find it available in the U.S. so I no longer have to ask friends to bring it back for me.", "summary": "Brings back memories", "unixReviewTime": 1375574400} +{"overall": 4.0, "verified": false, "reviewTime": "07 9, 2014", "reviewerID": "AM8B1RWTFOE38", "asin": "B0012Y0ZG2", "style": {"Size:": " 39"}, "reviewerName": "Victor hugo palomera", "reviewText": "Ok", "summary": "Four Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A3EZ4SUXGM5DKJ", "asin": "B001OHV1H4", "style": {"Size:": " C-024"}, "reviewerName": "Diane C", "reviewText": "Looks very well-made and colors are rich. A bit larger than I expected (shame on me for not looking at dimensions), but I think it will look lovely in my daughter's hair.", "summary": "Beautiful and Unusual Hair Decor", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "ARZQ7AEFUXNPN", "asin": "B001OHV1H4", "style": {"Size:": " 401"}, "reviewerName": "Christy", "reviewText": "Love this perfume. Light and feminine and doesn't give me a headache like many other fragrances.", "summary": "Not overpowering, but lasts all day", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A1BS75OBCJN3EA", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "TG", "reviewText": "love this product - wish I could find it in the store, but it's great to be able to get here", "summary": "love this product - wish I could find it in ...", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A1UMO57A3IQGT7", "asin": "B001OHV1H4", "style": {"Size:": " 329"}, "reviewerName": "rjon", "reviewText": "A gift that was appreciated by the receiver.", "summary": "Five Stars", "unixReviewTime": 1404432000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "A1I03N0S6W4AVL", "asin": "B001OHV1H4", "style": {"Size:": " 364"}, "reviewerName": "ariadnebalt", "reviewText": "Makes my skin feel amazingly elastic and soft. A little goes a long way. Pricey but definitely worth it! LOVE IT!", "summary": "Pricey but definitely worth it!", "unixReviewTime": 1384300800} +{"overall": 3.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A1F4BVHEE78OVF", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Jasmin"}, "reviewerName": "Jay- Oh", "reviewText": "It's a little too big. It won't stay in my soap holders.", "summary": "Three Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A2W643VRI6ELN", "asin": "B000URXP6E", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Amazon Customer", "reviewText": "I haven't gotten it yet because I ordered it today but I'm hoping it will be good for me to use", "summary": "We'll see", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A3RMWHVP1CX5J1", "asin": "B000URXP6E", "style": {"Size:": " 6 Pack"}, "reviewerName": "Robert Gray", "reviewText": "Can't get this in the US (not ever made here, as far as I know), and not in Canada apparently anymore either. Pricey but it's an import....", "summary": "Beloved UK import", "unixReviewTime": 1362614400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51bYNlYqnmL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A245UNW3PI53NG", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "Lyudmila Tretiak", "reviewText": "I am allergic to a lot of things. I occasionally get a red rash over my body after using some other body washes. This one is an exception. Not a single complain. Perfect!", "summary": "Wonderful product", "unixReviewTime": 1523404800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2014", "reviewerID": "A24OO89UB5PY7J", "asin": "B000URXP6E", "style": {"Size:": " 179"}, "reviewerName": "JD", "reviewText": "I have been buying this body wash for abut a year now. It is simple. No heavy perfumes or dyes. My husband has sensitive skin and this stuff doesn't bother him at all.\n\nI have always loved Ivory! I love it more now.", "summary": "Simple Clean", "unixReviewTime": 1400889600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2L6FOYXXFC3TX", "asin": "B0009RF9DW", "style": {"Size:": " 233"}, "reviewerName": "Ivan Pavlov", "reviewText": "Works and smells great.", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "ASWLL1VJA7WOG", "asin": "B0012Y0ZG2", "style": {"Size:": " 49"}, "reviewerName": "Samuel Sneed", "reviewText": "Great product... just what I wanted. Works great and very stylish.", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3NXD25N4CDKXF", "asin": "B0012Y0ZG2", "style": {"Size:": " 91"}, "reviewerName": "Roshena A.", "reviewText": "I love it. It worked great!", "summary": "Great", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": false, "reviewTime": "08 26, 2014", "reviewerID": "A1UQBFCERIP7VJ", "asin": "B00EYZY6LQ", "reviewerName": "Margaret P.", "reviewText": "This thick foam conditioner has a complex scent dominated by citrus and mint. It rinses cleanly and does add a bit of body to finer hair but is produce cotton-candy volume.\n\nI would recommend starting out with a smaller amount than would seem necessary for the best results.", "summary": "Pleasant scent, adds body", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": false, "reviewTime": "07 12, 2014", "reviewerID": "A125TMC44CJBKK", "asin": "B0012Y0ZG2", "style": {"Size:": " B-020"}, "reviewerName": "Mustang Shelly", "reviewText": "All time favorite!!!! Wish they still carried this!!!", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A3EZ4SUXGM5DKJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "Diane C", "reviewText": "Looks very well-made and colors are rich. A bit larger than I expected (shame on me for not looking at dimensions), but I think it will look lovely in my daughter's hair.", "summary": "Beautiful and Unusual Hair Decor", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A2CQEI5EQ0DA8Z", "asin": "B0012Y0ZG2", "style": {"Size:": " 44"}, "reviewerName": "Comedy Fan", "reviewText": "Best Shampoo I have ever used, You would be foolish not to try it.", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A3HHQ7UIJJAOAV", "asin": "B0009RF9DW", "style": {"Size:": " 179"}, "reviewerName": "redlin51", "reviewText": "I love this for when I take a shower.", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2016", "reviewerID": "A1V0UCYURG2LP", "asin": "B000URXP6E", "style": {"Size:": " 23"}, "reviewerName": "Mercedes", "reviewText": "Great shampoo for my 2 year old he has mixed hair", "summary": "Good for mixed hair", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": false, "reviewTime": "05 16, 2010", "reviewerID": "A24HQ2N7332W7W", "asin": "B00006L9LC", "style": {"Size:": " 366"}, "reviewerName": "Kindle Customer Joyce Wilson", "reviewText": "If you know the scent of Diva, you'll LOVE this body cream....everyone says \"who smells so good in here!\"", "summary": "Diva is Heavenly", "unixReviewTime": 1273968000} +{"overall": 5.0, "verified": false, "reviewTime": "09 29, 2017", "reviewerID": "A3SLC8F6VIWXIR", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Patchouli"}, "reviewerName": "John T. Horner", "reviewText": "The Pre de Provence line of french milled soaps are all delightful. This one has a mild patchouli scent. Whether that is your favorite scent or not is a matter of personal preference.", "summary": "Another terrific french milled soap", "unixReviewTime": 1506643200} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A12X146LZM6KM0", "asin": "B0012Y0ZG2", "style": {"Size:": " 17"}, "reviewerName": "eieio", "reviewText": "Great scent, and no sulfates.", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A22XX80SB8WMUK", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "Chloe", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2018", "reviewerID": "A2R8NM5M7Z37SA", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Jo Whiting", "reviewText": "Amazing for solving dandruff issues. 2-3 times of use and already got very good results. Pleasant smell, as well. Recommended.", "summary": "Very good for me", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A41D5III07SB6", "asin": "B0012Y0ZG2", "style": {"Size:": " 5"}, "reviewerName": "MARYSTAR", "reviewText": "Love this!", "summary": "hair", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2014", "reviewerID": "A3L1JSXB4OXOD9", "asin": "B0012Y0ZG2", "style": {"Size:": " 24 oz."}, "reviewerName": "ana martinez", "reviewText": "My favorite shampoo...I can't be without this product...I love it", "summary": "Five Stars", "unixReviewTime": 1408579200} +{"reviewerID": "A150XCEZV6KF5G", "asin": "B000FI4S1E", "reviewerName": "Shatha", "verified": true, "reviewText": "I love the smell and the product. I usually use it when I go on trip. My problem with this product it isn't easy to find :(\nI wish lots of people use it so it will become more popular in the market. I'd definitely recommend it to my friends;)", "overall": 5.0, "reviewTime": "02 10, 2017", "summary": "I love the smell and the product", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A1B1HM7OZLXFO2", "asin": "B0009RF9DW", "style": {"Size:": " 74"}, "reviewerName": "very fun. makes you use your brain", "reviewText": "Excellent products. Will purchase more in a heartbeat!", "summary": "Great Products!", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2018", "reviewerID": "AJPLUGSVMH21V", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Linden"}, "reviewerName": "M. Askew", "reviewText": "Love this!", "summary": "Five Stars", "unixReviewTime": 1519344000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A3C5QWL1FYGL8L", "asin": "B000URXP6E", "style": {"Size:": " 8"}, "reviewerName": "Q", "reviewText": "LOVE IT! The smell is intoxicating - reminds me of my fun time spent in Sicily every time I use it! Think it would be great for men or women. The bar soap is also yummy. Would love some shampoo or perfume if they made it...", "summary": "A+", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A1S7I4K5PNOUDD", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pound"}, "reviewerName": "Sue", "reviewText": "Google the uses and you will be a buyer.", "summary": "Five Stars", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A2H99IQJ0JT4MU", "asin": "B0009RF9DW", "style": {"Size:": " 143"}, "reviewerName": "karen stanley", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A2RID8C0PQDMAS", "asin": "B000URXP6E", "style": {"Size:": " 305"}, "reviewerName": "Wilma DeCamp", "reviewText": "Love this product but it's hard to finf", "summary": "Five Stars", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2018", "reviewerID": "A29PKN4LL05QGF", "asin": "B0009RF9DW", "style": {"Size:": " 8.5oz"}, "reviewerName": "Danielle", "reviewText": "Lathers well and smells great.", "summary": "Five Stars", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A2D9MTWHD2BFUG", "asin": "B00006L9LC", "style": {"Size:": " 120"}, "reviewerName": "Ladychaos1", "reviewText": "Husband loves it.... Uses it to wash his locs", "summary": "Good product", "unixReviewTime": 1506556800} +{"overall": 1.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "ADUKTDKBY4CNP", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Andelika", "reviewText": "Made my hair brittle and dull looking, didn't do anything for the itch or dandruff.", "summary": "Disappointment...", "unixReviewTime": 1524873600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A1SMX2GYS61UT", "asin": "B0012Y0ZG2", "style": {"Size:": " 38"}, "reviewerName": "Country girl", "reviewText": "Item came on time, brand new satisfied with product", "summary": "Satisfied with product", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "AHQ9P60N6NOAH", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "Beth", "reviewText": "Smells very nice.", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A1ZH9XEBQIPLWT", "asin": "B00UWB35UY", "reviewerName": "JOYCE SCOTT", "reviewText": "love them", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2013", "reviewerID": "AXCURT4DMJ5X", "asin": "B0009RF9DW", "style": {"Size:": " 287"}, "reviewerName": "Anna Maria MCIVOR", "reviewText": "This was one of my favorites and still is. I was excited to find it. I relax every time I use it. It arrived early, even better!", "summary": "Favorite Fragrance", "unixReviewTime": 1362960000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "ARI1N006KSXX", "asin": "B00006L9LC", "style": {"Size:": " 13"}, "reviewerName": "Jennifer", "reviewText": "I love this hair cream! It has a nice subtle scent that isn't overpowering and it is very lightweight.", "summary": "Great everyday styling cream", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A1IYXUF0KPKOS1", "asin": "B000URXP6E", "style": {"Size:": " 3"}, "reviewerName": "susanp", "reviewText": "Would not use any other conditioner. I use it at least every 2 weeks to keep my white hair shining and healthy!", "summary": "Best product for dry or aging hair.", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": false, "reviewTime": "10 22, 2014", "reviewerID": "A1EGCED01USBA9", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Milk"}, "reviewerName": "khristina jackson", "reviewText": "Looking forward to using my soap. I enjoy soaps that have any association with milk especially. Brings memories of an old B/W film from 1938 in which film stars bathed in milk for It's moisturizing benefits. I haven't opened the plastic cover to sample the smell.", "summary": "milk does a body good!", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A150XCEZV6KF5G", "asin": "B000URXP6E", "style": {"Size:": " 200"}, "reviewerName": "Shatha", "reviewText": "I love the smell and the product. I usually use it when I go on trip. My problem with this product it isn't easy to find :(\nI wish lots of people use it so it will become more popular in the market. I'd definitely recommend it to my friends;)", "summary": "I love the smell and the product", "unixReviewTime": 1486684800} +{"reviewerID": "A2LK2NPDGPG9BS", "asin": "B000FI4S1E", "reviewerName": "Bodekaan", "verified": true, "reviewText": "My favorite fragrance. Subtle but wonderful scent. Unfortunately can rarely find here.", "overall": 5.0, "reviewTime": "07 9, 2015", "summary": "My favorite fragrance. Subtle but wonderful scent", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A2XFY9IT8UVY9E", "asin": "B001OHV1H4", "style": {"Size:": " 379"}, "reviewerName": "KS", "reviewText": "Really love the product--has made a visible difference in my skin. Also, seller was great, product arrived MUCH sooner than expected.", "summary": "Really love the product--has made a visible difference in my skin", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": false, "reviewTime": "08 30, 2017", "reviewerID": "A3091RP0SPZLMN", "asin": "B00W259T7G", "style": {"Size:": " 150 Gram", "Color:": " Milk"}, "reviewerName": "BB", "reviewText": "Oooh la la! This French soap is fabulous! The fragrance is mild and clean scented. It makes my skin feel silky soft from the shea butter. The large bar should last a long time. This is great quality and would make a good gift too.", "summary": "Love At First Shower", "unixReviewTime": 1504051200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A3C46GBHLVSOEW", "asin": "B0012Y0ZG2", "style": {"Size:": " 33"}, "reviewerName": "jv", "reviewText": "I love this shampoo!!!!!!", "summary": "Frizz be gone", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A2PUZMHH482FU7", "asin": "B00006L9LC", "style": {"Size:": " 266"}, "reviewerName": "inparadise", "reviewText": "Love this stuff - i'm on my second order. Started to get thinning hair. now there's whisps where there wasn't any and hair feels thicker all over.", "summary": "love this stuff", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A1ZN7IP615TNQO", "asin": "B0012Y0ZG2", "style": {"Size:": " 58"}, "reviewerName": "Kathleen B.", "reviewText": "Nice light mousse. Gives some control to old gray wild hair.", "summary": "Good product.", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2009", "reviewerID": "A1L4ZAG36ZO15M", "asin": "B0012Y0ZG2", "style": {"Size:": " 6.8 oz"}, "reviewerName": "Birmingham Man", "reviewText": "Best general purpose shampoo on the market. My wife says it produces a shine in her hair she can't get from any other product. Unique and lovely fragrance that characterizes the products in this line for both men and women.", "summary": "Penhaligon's Blenheim Bouquet Shampoo - GREAT !", "unixReviewTime": 1252627200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2F9G1A29XS38E", "asin": "B000URXP6E", "style": {"Size:": " 248"}, "reviewerName": "WCastro", "reviewText": "excellent product, as described", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 7, 2018", "reviewerID": "A1WGVH160JCIC", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "BruinGirl", "reviewText": "I have a dry scalp and occasional dandruff. This product really helps! Leave it on for a few minutes then really lather it up and give your scalp a good scrubbing. It really works.", "summary": "Leave it on for a few minutes then really lather it up and give your scalp a good scrubbing. It really works", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "ABWHWMXZDQ25C", "asin": "B0012Y0ZG2", "style": {"Size:": " 223"}, "reviewerName": "Brittany Daniels", "reviewText": "I brought this as a gift. It smells great. I love the price!", "summary": "great deal", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A2LK2NPDGPG9BS", "asin": "B0012Y0ZG2", "style": {"Size:": " 70"}, "reviewerName": "Bodekaan", "reviewText": "My favorite fragrance. Subtle but wonderful scent. Unfortunately can rarely find here.", "summary": "My favorite fragrance. Subtle but wonderful scent", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "AR6HDXGSGHVKK", "asin": "B00006L9LC", "style": {"Size:": " 515"}, "reviewerName": "maggie", "reviewText": "excellent cream, great shipping.", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A24XAYKFM8XZTR", "asin": "B000URXP6E", "style": {"Size:": " 7.6oz"}, "reviewerName": "Mary & Dave", "reviewText": "Best perfume smell and products", "summary": "Five Stars", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2013", "reviewerID": "A1VTPPQNT23IU8", "asin": "B019809F9Y", "reviewerName": "Birgitta L Ramsey", "reviewText": "A fine product for the price. Arrived fast. Package was neat and easy to open. This customer shops the market. Highly recommended.", "summary": "SMOOTH SHAVONG", "unixReviewTime": 1382832000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "A15IDG691XH2XI", "asin": "B000URXP6E", "style": {"Size:": " 304"}, "reviewerName": "Debbie Buchanan", "reviewText": "If you love Halloween and candy corn you are going to go nuts for this!!! I live it and use this all year round! Thanks philosophy for this great irem", "summary": "Love", "unixReviewTime": 1362096000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A2IGYO5UYS44RW", "asin": "B00006L9LC", "style": {"Size:": " 281"}, "reviewerName": "Dawna Kern", "reviewText": "I love how soft this makes my skin and the scent is amazing. When my local stored are out I can always get it at Amazon", "summary": "BETTER THAN RAINBATH", "unixReviewTime": 1517356800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61YbsGwkXeL._SY88.jpg"], "overall": 5.0, "vote": "16", "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A32SDP7KQV0N44", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "Layla Alburati", "reviewText": "5-7 drops is enough for the whole body. Very interesting scent. Smells like candies, which is nice.", "summary": "Lathers very well", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "AVXT2TB9ZHYRF", "asin": "B0012Y0ZG2", "style": {"Size:": " 195"}, "reviewerName": "Stephen Minton", "reviewText": "It was just what I wanted.", "summary": "Five Stars", "unixReviewTime": 1464825600} +{"reviewerID": "A2KUYYA021Y4KO", "asin": "B000FI4S1E", "reviewerName": "Wanda Daniels", "verified": true, "reviewText": "Need a bigger bottle!", "overall": 5.0, "reviewTime": "05 21, 2015", "summary": "Smell sooo good", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "A3NO4EO1AGK1XX", "asin": "B000URXP6E", "style": {"Size:": " 48"}, "reviewerName": "SnookkillerCharlie", "reviewText": "I've tried and liked many of the different Shower gels by AXE. But by far.. The AXE MUSIC is The Best Ever. WHY DID THEY STOP SELLING IT!", "summary": "The Best AXE ever!", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A397WXW8JOK3RT", "asin": "B00UWB35UY", "reviewerName": "Miriam DeLaRoi", "reviewText": "It is beautiful", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A2N4OUX2ORC859", "asin": "B00006L9LC", "style": {"Size:": " 515"}, "reviewerName": "Dave", "reviewText": "Wife uses this cream always. Hard to get.", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A1TYZNOET5SXZF", "asin": "B000URXP6E", "style": {"Size:": " 98"}, "reviewerName": "kimogata", "reviewText": "makes hair smell really good", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A2U7BI3N4YP26B", "asin": "B000URXP6E", "style": {"Size:": " 10.1 oz."}, "reviewerName": "Amazon Customer", "reviewText": "Biolage is a great product.\nThank you for providing the product for me.\nAll Biolage products are wonderful.\nThank you!", "summary": "Biolage Review", "unixReviewTime": 1494374400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "AH89QE41D1PRP", "asin": "B0012Y0ZG2", "style": {"Size:": " 3"}, "reviewerName": "staci", "reviewText": "I wish this were not a discontinued product. But I'm glad I found what's left of it! Great product!", "summary": "If you don't know about this, find out!", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2IYMZSE5YVU7F", "asin": "B000URXP6E", "style": {"Size:": " 127"}, "reviewerName": "Jordan Marks", "reviewText": "If you want women to fall over you, wash yourself with this. It's the best smelling thing you'll ever have in your shower. Pricey? Of course, it's $50 bucks for soap. But to quote Ferris Bueller, \"if you have the means, I highly recommend picking one up\"", "summary": "Sex In a Bottle", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A13PKMKQ0177SH", "asin": "B00006L9LC", "style": {"Size:": " 366"}, "reviewerName": "cara luter", "reviewText": "I have been wearing this fragrance for years and the body cream luxurios. In fact I wear it alone for a longer lasting and subtle effect.", "summary": "Great value!", "unixReviewTime": 1379030400} +{"reviewerID": "AI5ELCUWKSDXJ", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Love it!!", "overall": 5.0, "reviewTime": "05 7, 2016", "summary": "Five Stars", "unixReviewTime": 1462579200} +{"reviewerID": "AD75IYEZMZVJH", "asin": "B000FI4S1E", "reviewerName": "patm54", "verified": true, "reviewText": "Body Wash has a nice \"clean\" scent.", "overall": 5.0, "reviewTime": "10 24, 2015", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2018", "reviewerID": "A2TRMX7KR6IIVA", "asin": "B000URXP6E", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Teri1", "reviewText": "Came on time. She will love it!", "summary": "Great gift!", "unixReviewTime": 1518393600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A1XCIY3DWUIC3C", "asin": "B0012Y0ZG2", "style": {"Size:": " 1 Pack"}, "reviewerName": "R Goldburg", "reviewText": "I have been using this shampoo for a long time and was happy to have it available to me a 4 pack; to me it's the best shampoo available", "summary": "... using this shampoo for a long time and was happy to have it available to me a 4 pack", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "AOZV8VU33NLG8", "asin": "B0012Y0ZG2", "style": {"Size:": " 203"}, "reviewerName": "Darlene M.", "reviewText": "What I expected Nice", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A2L5BRKS3Q0J0D", "asin": "B00006L9LC", "style": {"Size:": " 337"}, "reviewerName": "derek n.", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2JRCTJU21AJ4X", "asin": "B000URXP6E", "style": {"Size:": " 77"}, "reviewerName": "Jennifer R Fiorita", "reviewText": "Very high quality product. I had difficulty finding something without paraben etc. that can actually hold my son's faux hawk all day - until now. This stuff is fantastic - just wish it weren't so expensive.", "summary": "This stuff is fantastic - just wish it weren't so expensive", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A3RTXSWBBPBU15", "asin": "B001OHV1H4", "style": {"Size:": " 1"}, "reviewerName": "Moomoo", "reviewText": "what can I say my favorite hair product at a great price. I had to buy it!", "summary": "Five Stars", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A1B1HM7OZLXFO2", "asin": "B0012Y0ZG2", "style": {"Size:": " 74"}, "reviewerName": "very fun. makes you use your brain", "reviewText": "Excellent products. Will purchase more in a heartbeat!", "summary": "Great Products!", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A121C9UWQFW5W6", "asin": "B0009RF9DW", "style": {"Size:": " 7.6oz"}, "reviewerName": "Barbara Wallace", "reviewText": "Just what I wanted and it arrived early", "summary": "Five Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "ANGNK1ON6FFV6", "asin": "B0009RF9DW", "style": {"Size:": " Shower Gel 6.8 oz"}, "reviewerName": "Jennifer L Edlund", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-6C65F81441"}, "reviewerName": "Amzon Customer", "reviewText": "This eye gel works just as it promised, I love this product.", "summary": "Good", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A2F87BBKVFB2H1", "asin": "B00006L9LC", "style": {"Size:": " 23"}, "reviewerName": "georgina", "reviewText": "Really good", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "AZJMUP77WBQZQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 329"}, "reviewerName": "S. Foote", "reviewText": "THIS WAS A GIFT PURCHASED LAST YEAR FOR MY DAUGHTER WHO ABSOLUTELY LOVES CURVE FOR WOMEN AND WHO COULD PASS UP THE PRICE I PAID!!", "summary": "GIFT", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A3LM35KSFBVPOS", "asin": "B0012Y0ZG2", "style": {"Size:": " 162"}, "reviewerName": "jennifer castleman", "reviewText": "love it...smells so good and was delivered fast....wrapped in bubble wrap and a nice big box....buy with confidance", "summary": "mmmmmsmellls so good! and it was bigger than i thought it was!", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3NY63XTSMNUVZ", "asin": "B001OHV1H4", "style": {"Size:": " 4"}, "reviewerName": "Natasha rivera", "reviewText": "Amazing product!!!", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A2L7E955AXRHRA", "asin": "B0012Y0ZG2", "style": {"Size:": " 287"}, "reviewerName": "jennie r.", "reviewText": "I was so disappointed when BedBathandBeyond discontinued this product, but I was thrilled to find it on Amazon. It's my favorite fragrance for the summertime!", "summary": "Favorite", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AU3V1LSV81SGH", "asin": "B001OHV1H4", "style": {"Size:": " 370"}, "reviewerName": "B", "reviewText": "Love this product! I use as a night cream and wake up with a soft refreshed feeling.", "summary": "love it!", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A19EIBWOIY3U1R", "asin": "B001OHV1H4", "style": {"Size:": " 367"}, "reviewerName": "Dr. Tracey-Marie Dorsey", "reviewText": "I love this product so much bought for my Mother for Christmas and she loves it..........", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 1.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A27PPA3O7PX0OH", "asin": "B001OHV1H4", "style": {"Size:": " Shampoo"}, "reviewerName": "Kayla", "reviewText": "Arrived opened and leaking all over the box. Tried shampoo but didn't help at all. Still so itchy.", "summary": "Two Stars", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A397WXW8JOK3RT", "asin": "B0012Y0ZG2", "style": {"Size:": " 505"}, "reviewerName": "Miriam DeLaRoi", "reviewText": "It is beautiful", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A3O3TL3ILJPNDJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 206"}, "reviewerName": "ycyoder", "reviewText": "Very good product----I use it every day", "summary": "Five Stars", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A27VWQXCDU4U9D", "asin": "B00006L9LC", "style": {"Size:": " 364"}, "reviewerName": "Linda sommer", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A14R11HV2H7AVW", "asin": "B001OHV1H4", "style": {"Size:": " 1 Pound"}, "reviewerName": "Diane Gordon", "reviewText": "Also a very good product", "summary": "Five Stars", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": false, "reviewTime": "03 14, 2016", "reviewerID": "A1NP1AD8FGSA71", "asin": "B0012Y0ZG2", "style": {"Size:": " 586"}, "reviewerName": "mercedes", "reviewText": "I get more compliments when I wear this lotion!!!", "summary": "Very Clean Scent", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "AHQFK3PX6EKQH", "asin": "B001OHV1H4", "style": {"Size:": " 444"}, "reviewerName": "Trisha Ramirez", "reviewText": "I have been wearing for years while I am on stage (and off stage). I wish it were still in stores. Thank you!", "summary": "Love it - thank you", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A2R03U5UAX219B", "asin": "B000URXP6E", "style": {"Size:": " 119"}, "reviewerName": "Avid Leigh", "reviewText": "Favorite scent! Love it!", "summary": "Favorite scent ever!", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "A2D0ENZGHZ8W6C", "asin": "B00006L9LC", "style": {"Size:": " 363"}, "reviewerName": "Angela H. Taylor", "reviewText": "Even it doesn't look as pretty, but it make shower so pleasant. It totally feels like clean without slipping feeling.", "summary": "You must try it!", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A2RFDGEW20UK6W", "asin": "B0012Y0ZG2", "style": {"Size:": " 64"}, "reviewerName": "Betty", "reviewText": "I wish they continue with this fragrance", "summary": "I love the smell of it.", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A3TXZIWV9XZLMR", "asin": "B000URXP6E", "style": {"Size:": " 32"}, "reviewerName": "Nelya", "reviewText": "I love this Shampoo and told my friends about it.", "summary": "Five Stars", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A2IGYO5UYS44RW", "asin": "B0012Y0ZG2", "style": {"Size:": " 281"}, "reviewerName": "Dawna Kern", "reviewText": "I love how soft this makes my skin and the scent is amazing. When my local stored are out I can always get it at Amazon", "summary": "BETTER THAN RAINBATH", "unixReviewTime": 1517356800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "A7VOU5ARHQ20F", "asin": "B00006L9LC", "style": {"Size:": " 19"}, "reviewerName": "Medraut", "reviewText": "Love this stuff. It works better on my Psoriasis better then the medical creams and ointments the doctors prescribed. Too bad they stopped making it. Horde it all now because someday it will be gone and you will be forced to use head and shoulders.", "summary": "noting clears up Psoriasis better. too bad it's discontinued", "unixReviewTime": 1384214400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A3T466V6635L3Z", "asin": "B000URXP6E", "style": {"Size:": " 113"}, "reviewerName": "Ali Ayyash", "reviewText": "This is the best body wash I've ever used. I use it every day and it's the only body wash that leaves my body smelling good for a prolonged period of time, and at the same time reduce the greasiness of the skin.", "summary": "You'll feel clean and smell good.", "unixReviewTime": 1381363200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A115LE3GBAO8I6", "asin": "B0012Y0ZG2", "style": {"Size:": " 8"}, "reviewerName": "Leslie A. Pritchard", "reviewText": "This cream smells incredible and has made my skin so soft. Try the coordinating hand cream and massage cream. Love it!", "summary": "Awesome", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A3F6UEMA8SNNK5", "asin": "B0012Y0ZG2", "style": {"Size:": " 121"}, "reviewerName": "Sher", "reviewText": "Love this product! Great scent and a great moisturizing wash!", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A1TY8P7VKFBQ2Q", "asin": "B000URXP6E", "style": {"Size:": " 123"}, "reviewerName": "William E. Diaz", "reviewText": "100% is recommended", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A1R7TTGL0FLO3R", "asin": "B0012Y0ZG2", "style": {"Size:": " 1"}, "reviewerName": "Algut", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "AD42QCRPG1RKG", "asin": "B000URXP6E", "style": {"Size:": " 136"}, "reviewerName": "Pen Name", "reviewText": "It was good, my loved her gift!", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A31URN5S2Q0UJV", "asin": "B00006L9LC", "style": {"Size:": " Small"}, "reviewerName": "Boris Jones", "reviewText": "Was skeptical at first. The liquid is kind of runny. However, it is absolutely awesome performance wise. Hands down the best shampoo out there. Smells great, cleans hair great and stopped me from scratching my head after using this product for a couple of times.", "summary": "Awesome quality!", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A1N1FL81IAC7IR", "asin": "B000URXP6E", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Brian", "reviewText": "Mom loves it!!", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 4.0, "verified": false, "reviewTime": "07 9, 2014", "reviewerID": "AM8B1RWTFOE38", "asin": "B000URXP6E", "style": {"Size:": " 39"}, "reviewerName": "Victor hugo palomera", "reviewText": "Ok", "summary": "Four Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": false, "reviewTime": "03 8, 2016", "reviewerID": "A345PQ5PIJVC67", "asin": "B001OHV1H4", "style": {"Size:": " 53"}, "reviewerName": "Bridget Schoff", "reviewText": "AS awesome as this product is, it HAS been discontinued by the makers. The people selling this on here, including the shampoos and conditioners ARE price gouging you and who knows how OLD it is.. Very Sad", "summary": "AS awesome as this product is", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3T1HGP5MN7OB6", "asin": "B001OHV1H4", "style": {"Size:": " B-013"}, "reviewerName": "lefeverb", "reviewText": "Great Product. TOBS always has very pleasant and masculine scents!!", "summary": "Very Pleased", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A1TYZNOET5SXZF", "asin": "B0012Y0ZG2", "style": {"Size:": " 98"}, "reviewerName": "kimogata", "reviewText": "makes hair smell really good", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A1C03381HL8SWG", "asin": "B00006L9LC", "style": {"Size:": " 403"}, "reviewerName": "Happy Customer", "reviewText": "Love these drops!", "summary": "Awesome!", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A2W643VRI6ELN", "asin": "B0012Y0ZG2", "style": {"Size:": " 16.8 Fl.Oz."}, "reviewerName": "Amazon Customer", "reviewText": "I haven't gotten it yet because I ordered it today but I'm hoping it will be good for me to use", "summary": "We'll see", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": false, "reviewTime": "02 26, 2014", "reviewerID": "A3EA4UZ8DK7S7F", "asin": "B0012Y0ZG2", "style": {"Size:": " 114"}, "reviewerName": "red8089", "reviewText": "this body wash smells amazing! and as an added bonus,if you plug the bathtub and put a little under warm,running water,it makes a wonderful bubble bath with loads of suds! and the suds last a long time too.this body wash's scent relaxes you and softens your skin!", "summary": "so relaxing...", "unixReviewTime": 1393372800} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2013", "reviewerID": "A1LNES65GKVL0C", "asin": "B0009RF9DW", "style": {"Size:": " 46"}, "reviewerName": "Amy C.", "reviewText": "I bought this for my daughter. Burt's Bees stuff is always good quality. She is happy with it. Smells nice.", "summary": "Burt's Bees Shower Kit", "unixReviewTime": 1361059200} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "AI5ELCUWKSDXJ", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "Love it!!", "summary": "Five Stars", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "AXDHA80LYRYSE", "asin": "B0012Y0ZG2", "style": {"Size:": " 268"}, "reviewerName": "Erika Adams", "reviewText": "The scent is incredible & its a fantastic moisturizer. I'm not a fan of the shimmer/glitter but its pretty subtle. I love combining this with Zents Earth scented perfume.", "summary": "Great product!!!!", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A2PW5N4QDA3AG9", "asin": "B0012Y0ZG2", "style": {"Size:": " 7.6oz"}, "reviewerName": "Amazon Customer", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1MZIY3MPR5LRS", "asin": "B001OHV1H4", "style": {"Size:": " 1000ml/33.8oz"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2018", "reviewerID": "A11QGZ39A7ZF0X", "asin": "B01DLR9IDI", "style": {"Design:": " ETA-587B698A12"}, "reviewerName": "Amzon Customer", "reviewText": "Used other products in past, by far the best i have used!", "summary": "Loved it", "unixReviewTime": 1534723200} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2013", "reviewerID": "A1BRNOD64VZ1GP", "asin": "B00006L9LC", "style": {"Size:": " 403"}, "reviewerName": "Jessem", "reviewText": "This is \"hands down\" my favorite shine complex. Smells the best - citrusy and light,fresh. No longer able to find at beauty supply stores. Been using for years !", "summary": "just found out no longer making", "unixReviewTime": 1372982400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "AHQFZFZVRD2WU", "asin": "B0009RF9DW", "style": {"Size:": " 122"}, "reviewerName": "Dottie Huntley", "reviewText": "THIS IS MY FAVORITE SHOWER GEL.", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "ACDH4NYWRB1PR", "asin": "B0012Y0ZG2", "style": {"Size:": " 494"}, "reviewerName": "CG", "reviewText": "Great set!", "summary": "Great set!", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A3VUYRFM95CGJR", "asin": "B0012Y0ZG2", "style": {"Size:": " 160"}, "reviewerName": "Valentina V.", "reviewText": "Thank you.", "summary": "Five Stars", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A2B33XXX3MZC6R", "asin": "B0012Y0ZG2", "style": {"Size:": " 49"}, "reviewerName": "Tom Waters", "reviewText": "Great comb! Very well made and the wood even has a nice scent. Pairs well with Northern Fir's beard oil!", "summary": "Another quality product from Northern Fir", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A1C13KVGOWMI6A", "asin": "B0012Y0ZG2", "style": {"Size:": " 78"}, "reviewerName": "Heather", "reviewText": "Great product and good service.", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A275L578ORHUVL", "asin": "B00006L9LC", "style": {"Size:": " one size"}, "reviewerName": "Pulchritude", "reviewText": "Perfect for a pleasant \"all day essence\"!", "summary": "Four Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "APRCXHKSYVYZX", "asin": "B00CQ0LN80", "reviewerName": "Mindy", "reviewText": "One of my Favorite scents!", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "AF0QBHJJUO5R2", "asin": "B0012Y0ZG2", "style": {"Size:": " 125"}, "reviewerName": "PJ Buyer", "reviewText": "This is pricey, but the results are worth it. Skin feel silky and the aroma is wonderful. Not much is needed for results, so it does last a long time. I will keep coming back to buy it on Amazon because I have not found it locally.", "summary": "Awesome body wash", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2012", "reviewerID": "A1SC0VA3U18WUP", "asin": "B0012Y0ZG2", "style": {"Size:": " 261"}, "reviewerName": "Ica2284", "reviewText": "I am a huge fan of Molton Brown products, especially the Travel Reviving Cempaka Bath & Shower gel. It's a bit pricey ($28-$30) but it's worth it...especially after long, stressful days.", "summary": "Perfection", "unixReviewTime": 1349654400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A14R11HV2H7AVW", "asin": "B000URXP6E", "style": {"Size:": " 1 Pound"}, "reviewerName": "Diane Gordon", "reviewText": "Also a very good product", "summary": "Five Stars", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A1CJRTU646COUL", "asin": "B000URXP6E", "style": {"Size:": " 156"}, "reviewerName": "Lucina Ramirez", "reviewText": "I used its works, I is good", "summary": "Five Stars", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A1ZH9XEBQIPLWT", "asin": "B00006L9LC", "style": {"Size:": " 505"}, "reviewerName": "JOYCE SCOTT", "reviewText": "love them", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A1OMMCNMFY7TYH", "asin": "B0009RF9DW", "style": {"Size:": " 17"}, "reviewerName": "Amazon Customer", "reviewText": "Smells awesome, great price!", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A3E1JS2EB8ZH94", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "trace", "reviewText": "I really like this wash and was feeling lazy so I decided to buy it on amazon. Just be advised its about 3-4 times more expensive on amazon than in most stores.", "summary": "I really like this wash and was feeling lazy so I decided ...", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A2813CU4C11BIE", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Alexandra", "reviewText": "Been looking for good shampoo that would work with my dry hair for a long time. Tried a lot of options. This is the one. Hair feels as clean as possible after use. Also, deals with dandruff problem easily. No more snowy shoulders.", "summary": "Great product.", "unixReviewTime": 1523059200} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "AV19Z8ZCIQM4G", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Good but kind of drying", "summary": "Four Stars", "unixReviewTime": 1524096000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A1Z14Z7HOM429U", "asin": "B00006L9LC", "style": {"Size:": " 6"}, "reviewerName": "Laura J. Johnson", "reviewText": "Yeah, the huge size!!! This stuff has changed my naturally curly hair!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "AUBJHP5EYBWWT", "asin": "B00RZYW4RG", "reviewerName": "ursovain", "reviewText": "Great anti-frizz product!", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A1F1B2NU2TQAJV", "asin": "B0009RF9DW", "style": {"Size:": " 70"}, "reviewerName": "Jennifer Tschida", "reviewText": "Would love theorizing as well. Not available at this time.", "summary": "Excellent.", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A358YXSQDOI4N5", "asin": "B00006L9LC", "style": {"Size:": " 410"}, "reviewerName": "bc1941", "reviewText": "Great product", "summary": "Great", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A21931Z4J17AJ2", "asin": "B0012Y0ZG2", "style": {"Size:": " 178"}, "reviewerName": "Sandra", "reviewText": "Nice fruity fragrance!", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A2SVOLKLGI7DVQ", "asin": "B0012Y0ZG2", "style": {"Size:": " 31"}, "reviewerName": "Justice", "reviewText": "This is the only shampoo my husband will use, he is very picky. Loves the peppermint.", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A1TK8ZGWS7VJP2", "asin": "B000URXP6E", "style": {"Size:": " 16"}, "reviewerName": "widgetbear", "reviewText": "Great product - kids love it and it smells good, too. Easily rinses out of hair and leaves hair nicely manageable.", "summary": "Great product", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A19AWUK1MWTJEN", "asin": "B000URXP6E", "style": {"Size:": " 281"}, "reviewerName": "Jan Monte", "reviewText": "Great lather, delicious smell and really cleans!", "summary": "Love this stuff!", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A2GOEDQ35EBF1R", "asin": "B000URXP6E", "style": {"Size:": " 266"}, "reviewerName": "ruth gallagher", "reviewText": "I don't know if it really works yet but smells great n my hair looks good too.", "summary": "Good", "unixReviewTime": 1464652800} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "A1C3SRDH9HVEI2", "asin": "B0012Y0ZG2", "style": {"Size:": " 6"}, "reviewerName": "Iris Remon", "reviewText": "Have been using the product since I got my first as a gift and I like it. I have dry coarse hair and it helps to soften it and take away the dullness.", "summary": "Good hair product for dry coarse hair", "unixReviewTime": 1491523200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A11AZPF8R6A1F8", "asin": "B001OHV1H4", "style": {"Size:": " 32"}, "reviewerName": "Trini Chic", "reviewText": "Great product that works well when used together with repair formula conditioner. Love the way my hair felt after shampooing,", "summary": "It really works", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A121C9UWQFW5W6", "asin": "B00CQ0LN80", "reviewerName": "Barbara Wallace", "reviewText": "Just what I wanted and it arrived early", "summary": "Five Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1AKH1GJBE5CX5", "asin": "B000URXP6E", "style": {"Size:": " 13.5 Fl.Oz."}, "reviewerName": "Terra", "reviewText": "My aunt bought me this lotion from a Ross store last year for Christmas and I loved it. This is kind of expensive on Amazon but I still love it and Amazon is the only place I could find it. I will use it up slowly and carefully. Love the way it smells!", "summary": "Kinda expensive", "unixReviewTime": 1401235200} +{"overall": 4.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A1E9D6RGEDFT2O", "asin": "B0012Y0ZG2", "style": {"Size:": " 7"}, "reviewerName": "Daria Terletskaya", "reviewText": "I think this shampoo can be even five stars, hair feels soft and fresh. But I think it doesn't give that feeling of clean hair near my roots. It might be just not the right type for me. But in general I would definitely recommend these products.", "summary": "But in general I would definitely recommend these products", "unixReviewTime": 1434153600} +{"overall": 2.0, "verified": true, "reviewTime": "05 7, 2018", "reviewerID": "A24W4W9E62FZP2", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Reb", "reviewText": "No change my scalp still itches like crazy. It doesnt lather at all so its very hard to move around the hair and scalp. It does smell good and my hair feels clean.", "summary": "No change my scalp still itches like crazy. It doesnt lather at all so its ...", "unixReviewTime": 1525651200} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3V6HGWB3AKM8O", "asin": "B0012Y0ZG2", "style": {"Size:": " 403"}, "reviewerName": "J W. in SF", "reviewText": "Excellent product. The package arrived quickly in perfect condition. I definitely recommend this product and this particular seller.", "summary": "Love the shine!", "unixReviewTime": 1489708800} +{"reviewerID": "A2Z54QPJOS4TQA", "asin": "B000FI4S1E", "reviewerName": "Clarkston", "verified": true, "reviewText": "I use this for shaving. Constantly get questioned on what I am wearing. Very light pleasant scent. Bought with the lotion.", "overall": 5.0, "reviewTime": "03 4, 2012", "summary": "Love it", "unixReviewTime": 1330819200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A324UOF43Y43WY", "asin": "B000URXP6E", "style": {"Size:": " 364"}, "reviewerName": "Amazon Customer", "reviewText": "Great ingredients, but didn't agree with my skin", "summary": "Five Stars", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "AA0KFWC049J0U", "asin": "B0009RF9DW", "style": {"Size:": " 180"}, "reviewerName": "Dan C.", "reviewText": "I have not used this yet. With that said I love their products. I am taking this to the beach with me.", "summary": "philosphy", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A2WA0B9CJ28E45", "asin": "B00006L9LC", "style": {"Size:": " 7"}, "reviewerName": "Rainy", "reviewText": "Great hair care products always leave my hair feeling clean and soft, ive tried a lot of products but these are my favorite", "summary": "Biolage", "unixReviewTime": 1370131200} +{"overall": 1.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A2YDF506DAA5W4", "asin": "B0012Y0ZG2", "style": {"Size:": " Small"}, "reviewerName": "justdancing", "reviewText": "So watered down, I didn't feel like it was actually shampoo. I tried twice then threw it away.", "summary": "I didn't feel like it was actually shampoo", "unixReviewTime": 1525478400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61IfuqqPxlL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A1FEQTQIVZKAY", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "David Baggett", "reviewText": "Unexpectedly good. The best smelling shower gel I have ever used. A little bit on the sweet side. But not chemical", "summary": "Wow", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A274J0XAP9U68Y", "asin": "B0009RF9DW", "style": {"Size:": " 6.7 Oz."}, "reviewerName": "Francine Johnson", "reviewText": "Nest products are the best. A bit pricey but worth the price.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"reviewerID": "APN3J5IUV91MV", "asin": "B000FI4S1E", "reviewerName": "Angell M I", "verified": true, "reviewText": "AWESOME.. AROMA", "overall": 5.0, "reviewTime": "02 4, 2015", "summary": "ISLAND!!! GIRL FEEL...", "unixReviewTime": 1423008000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A28RTSY1TRCXLK", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Patricia A. Wray", "reviewText": "I bought this shampoo because the description stated it was gentle, for itchy, red and irritated scalp. I used it one time and it burned my scalp almost immediately! I bought two bottles and I am returning them both! I honestly don't know how it get so many good reviews.", "summary": "Irritated my scalp on first use", "unixReviewTime": 1520294400} +{"reviewerID": "AA0KFWC049J0U", "asin": "B000FI4S1E", "reviewerName": "Dan C.", "verified": true, "reviewText": "I have not used this yet. With that said I love their products. I am taking this to the beach with me.", "overall": 5.0, "reviewTime": "04 3, 2013", "summary": "philosphy", "unixReviewTime": 1364947200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51KOjA0WMTL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A85ENSL5HBBZF", "asin": "B0012Y0ZG2", "style": {"Size:": " Multiset"}, "reviewerName": "nancy mccarthy", "reviewText": "100% natural and organic and performes much better than chemical counterparts for the same price.", "summary": "Met all my expectations", "unixReviewTime": 1523491200} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "10 19, 2016", "reviewerID": "A3JQ30S858QNER", "asin": "B00006L9LC", "style": {"Size:": " 561"}, "reviewerName": "Joseph D. Drypolcher", "reviewText": "So excited to see this on amazon! I found this hem while traveling and couldn't find it anywhere when I got him, this scrub is seriously the best. Gentle and effective.", "summary": "The best scrub", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A2POJYG128B2EX", "asin": "B000URXP6E", "style": {"Size:": " 177ml/6oz"}, "reviewerName": "WeeklyBuyer", "reviewText": "Love the fresh scent", "summary": "Five Stars", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AKZZ0DTJDXLZI", "asin": "B00006L9LC", "style": {"Size:": " 82"}, "reviewerName": "DMH2000", "reviewText": "Great product for fine hair, too bad it is discontinued by Bain De Terre", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "AGER9YK3VDQMV", "asin": "B0009RF9DW", "style": {"Size:": " 188"}, "reviewerName": "marianne winfield", "reviewText": "Great product! Clean&fresh smell. It is one of my bath and shower products. I do love many of the Boots products.", "summary": "Lovely!!!", "unixReviewTime": 1377907200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1QMMNAIOIP0YO", "asin": "B0012Y0ZG2", "style": {"Size:": " 31"}, "reviewerName": "Zak young", "reviewText": "It makes your scalp tingle and does a great job of cleaning your hair.", "summary": "Great for every day use.", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": false, "reviewTime": "01 10, 2016", "reviewerID": "A26V69GHN5DVOG", "asin": "B019809F9Y", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Sheng", "reviewText": "It really works! This gotta be black magic mixed with voodoo water and chicken cum.", "summary": "Voodoo", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A1XGD1A869SSXC", "asin": "B001OHV1H4", "style": {"Size:": " 85"}, "reviewerName": "tracy morrison", "reviewText": "My favorite!!!!!", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"reviewerID": "A3KALVNW1WOI19", "asin": "B000FI4S1E", "reviewerName": "kelly", "verified": false, "reviewText": "Great stuff!", "overall": 5.0, "reviewTime": "10 11, 2014", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 1.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "A28F08XFZRKIH5", "asin": "B0009RF9DW", "style": {"Size:": " 8.5oz"}, "reviewerName": "Amazon Customer", "reviewText": "No seal on bottle. Extremely runny. Like water. Seams tampered with.", "summary": "Not sealed!", "unixReviewTime": 1522195200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A3980XKDL0SZEX", "asin": "B0012Y0ZG2", "style": {"Size:": " 511"}, "reviewerName": "Amazon Customer", "reviewText": "Very satisfied.", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A1SW8WT1S0GHQV", "asin": "B000URXP6E", "style": {"Size:": " 17"}, "reviewerName": "CJ", "reviewText": "I really appreciate the rapid delivery on my item. It was better than expected.", "summary": "quick delivery", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A300SV028Q2Z4C", "asin": "B0012Y0ZG2", "style": {"Size:": " 127"}, "reviewerName": "willtastic", "reviewText": "My favorite", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"reviewerID": "ASL42Q7LYJWFV", "asin": "B000FI4S1E", "reviewerName": "Janet Roseblatt", "verified": true, "reviewText": "Tried many but this is the one to buy.", "overall": 5.0, "reviewTime": "11 3, 2016", "summary": "A favorite shower bathing gel.", "unixReviewTime": 1478131200} +{"overall": 3.0, "verified": false, "reviewTime": "03 26, 2014", "reviewerID": "A2WW57XX2UVLM6", "asin": "B00EF1QRMU", "style": {"Size:": " 2.82 oz", "Style Name:": " Volume Plumping Whip"}, "reviewerName": "Talvi", "reviewText": "This is a product you need to use judiciously. Too little and you don't get the volume you want. Too much and your hair can get a greasy, over-product, look. It took me a bit of time to figure out the right mixture.\n\nIt has a light smell that isn't offputting.", "summary": "Takes a bit of finagling but works", "unixReviewTime": 1395792000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A2EIK3QR1822Q4", "asin": "B0012Y0ZG2", "style": {"Size:": " 15"}, "reviewerName": "Forensic Nut", "reviewText": "Very good product for fine/thin hair. Does help with texture and thickness.", "summary": "Four Stars", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "AE6VLUKO55M7H", "asin": "B001OHV1H4", "style": {"Size:": " 86"}, "reviewerName": "Loodz", "reviewText": "best shampoo i ever used, they give you 10 extra sample packs too :3", "summary": "Five Stars", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": false, "reviewTime": "05 5, 2018", "reviewerID": "AKFUG2XFPPWWM", "asin": "B000URXP6E", "style": {"Size:": " Small"}, "reviewerName": "Donovan", "reviewText": "10 stars right here. This product helped me with my itchy skin and my sister's greasy hair complain.", "summary": "Five Stars", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A3RY7MA4VRMXN6", "asin": "B0009RF9DW", "style": {"Size:": " 48"}, "reviewerName": "Ed Johnson", "reviewText": "I love the scent of the music. Unfortunately they don't make this anymore but it's the best", "summary": "love this stuff", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A3A8F2URN7MEPR", "asin": "B001OHV1H4", "style": {"Size:": " 509"}, "reviewerName": "Sheila T.", "reviewText": "My favorite powder!", "summary": "Five Stars", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A3J0XGWTJWZKLZ", "asin": "B0012Y0ZG2", "style": {"Size:": " 10"}, "reviewerName": "Kimberly", "reviewText": "Still do not know whey Old Spice discontinued this it is their best scent..", "summary": "... know whey Old Spice discontinued this it is their best scent.", "unixReviewTime": 1486252800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "A7VOU5ARHQ20F", "asin": "B000URXP6E", "style": {"Size:": " 19"}, "reviewerName": "Medraut", "reviewText": "Love this stuff. It works better on my Psoriasis better then the medical creams and ointments the doctors prescribed. Too bad they stopped making it. Horde it all now because someday it will be gone and you will be forced to use head and shoulders.", "summary": "noting clears up Psoriasis better. too bad it's discontinued", "unixReviewTime": 1384214400} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A19GO5VNH8D1TF", "asin": "B0012Y0ZG2", "style": {"Size:": " B-013"}, "reviewerName": "A. Caldwell", "reviewText": "Always excellent, third time ordering, more to come, husband loves the soap.", "summary": "Great Soap", "unixReviewTime": 1435363200} +{"reviewerID": "A1HPJKECRYBG6V", "asin": "B000FI4S1E", "reviewerName": "Underhilll", "verified": true, "reviewText": "Years ago we discovered this bath/shower gel in various French hotels and fell in love with the scent. I finally used up the last of my stash and was very glad to find it available in the U.S. so I no longer have to ask friends to bring it back for me.", "overall": 5.0, "reviewTime": "08 4, 2013", "summary": "Brings back memories", "unixReviewTime": 1375574400} +{"reviewerID": "A1N1FL81IAC7IR", "asin": "B000FI4S1E", "reviewerName": "Brian", "verified": true, "reviewText": "Mom loves it!!", "overall": 5.0, "reviewTime": "02 16, 2016", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71R1a7bU1IL._SY88.jpg"], "overall": 5.0, "vote": "15", "verified": true, "reviewTime": "04 22, 2018", "reviewerID": "A1L0QECT7J93ZP", "asin": "B0012Y0ZG2", "style": {"Size:": " 8.5oz"}, "reviewerName": "Elena", "reviewText": "Great body wash for sensitive skin. Definitely works for me. Leaves skin moisturized and clean. Will repurchase for sure.\nPS: the candy scent is very pleasant as well.", "summary": "Great!", "unixReviewTime": 1524355200} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "A2H1NTYWYYA0XM", "asin": "B0009RF9DW", "style": {"Size:": " Multiset"}, "reviewerName": "Antonio Gosain", "reviewText": "Divine smell, cleaning properties and after-use smell! 5/5 stars.", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A1LCFO492L6K6G", "asin": "B0012Y0ZG2", "style": {"Size:": " 86"}, "reviewerName": "SEONGHO CHOI", "reviewText": "My wife and me have used this shampoo for a long time. Our best choice product.\nI have worried my hair loss but this shampoo helpful on my hair.", "summary": "Our best choice product", "unixReviewTime": 1452124800} +{"reviewerID": "A37PANLDA6ENJK", "asin": "B000FI4S1E", "reviewerName": "Jo", "verified": true, "reviewText": "I absolutely love this scent ever since the first time I tried it. I hope Thymes continues to make it.", "overall": 5.0, "reviewTime": "05 8, 2014", "summary": "Love it!", "unixReviewTime": 1399507200} +{"overall": 5.0, "verified": false, "reviewTime": "06 30, 2018", "reviewerID": "A3AZI828WJN1CD", "asin": "B00W259T7G", "style": {"Size:": " 250 Gram", "Color:": " Mint Leaf"}, "reviewerName": "Becky (in NOLA)", "reviewText": "This soap has a nice fresh mint scent that isn't overwhelming. Because it's triple milled it doesn't leave a melted puddle every time I use it.\n\nThis soap produces a great lather and feels great on my skin.", "summary": "smells great", "unixReviewTime": 1530316800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "AT9SW0VOLAKQD", "asin": "B0012Y0ZG2", "style": {"Size:": " 25"}, "reviewerName": "rockwell gal", "reviewText": "Love this shampoo. I have been using it for years...keeps the yellow out of gray hair.", "summary": "Five Stars", "unixReviewTime": 1505952000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A1LV8TM9ICX1IX", "asin": "B000URXP6E", "style": {"Size:": " 4-piece Gift Set"}, "reviewerName": "Cordia", "reviewText": "I love musk cologne and it is not easy to find so I bought these. I like all the scents but the original musk is my favorite.", "summary": "I love musk cologne and it is not easy to find ...", "unixReviewTime": 1468800000} +{"reviewerID": "A14YENXHLKG9WL", "asin": "B000FI4S1E", "reviewerName": "Samyel F", "verified": true, "reviewText": "this is getting hard to find. don't know why -- it's one of the best scents for summer that we have ever discovered. we have the lotion, the wash, and the cologne.", "overall": 5.0, "reviewTime": "08 16, 2013", "summary": "the BEST summer scent", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A2JAEYUNQB6BIF", "asin": "B000URXP6E", "style": {"Size:": " 228"}, "reviewerName": "AuTumn", "reviewText": "Gift for sister. She loves it", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A2RH42TOQUF3LQ", "asin": "B0009RF9DW", "style": {"Size:": " 129"}, "reviewerName": "GregM", "reviewText": "I LOVE this flavor of Axe! I cant find it in any stores and just used it today for the first time in like 2 years! Simply awesome! Best Axe for the AM time in my opinion!", "summary": "Love Axe Rise!!", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": false, "reviewTime": "06 23, 2016", "reviewerID": "A7IB2KI9HJZWU", "asin": "B00006L9LC", "style": {"Size:": " 266"}, "reviewerName": "Jennifer Ludwick", "reviewText": "The shampoo and conditioner both work very well. My hair feels softer and looks fuller. I'm very happy with it", "summary": "Excellent product", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A3HA7DWA3A6P4D", "asin": "B001OHV1H4", "style": {"Size:": " 41"}, "reviewerName": "Stellina Reed", "reviewText": "Great Product; does wonders for colored treated hair.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A3QYF175C7E1CN", "asin": "B0012Y0ZG2", "style": {"Size:": " 363"}, "reviewerName": "SABRINA KROUSE", "reviewText": "good soap. I have skin allergies and am having trouble with mass produced soaps. So far so good and my skin feels great.", "summary": "great soap", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "AJE9F756P1S6E", "asin": "B0012Y0ZG2", "style": {"Size:": " 69"}, "reviewerName": "Professor", "reviewText": "Lathers well, great fresh scent, natural oils, long lasting All of Le Couvent des Minimes products are winners!", "summary": "Fresh!", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "AR6HDXGSGHVKK", "asin": "B0012Y0ZG2", "style": {"Size:": " 515"}, "reviewerName": "maggie", "reviewText": "excellent cream, great shipping.", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"overall": 4.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1VTPPQNT23IU8", "asin": "B019809F9Y", "style": {"Size:": " 7 Ounce"}, "reviewerName": "Birgitta L Ramsey", "reviewText": "Really does the job. One of the best. Quality of the product is excellent.", "summary": "Preshave lotion", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": false, "reviewTime": "10 2, 2014", "reviewerID": "A173YMJ9XFVRSY", "asin": "B00L1I1VMG", "style": {"Size:": " 6 Strips"}, "reviewerName": "Amazon Customer", "reviewText": "Great product. Will take a few weeks to see how it works, but I have sensitive teeth, and it hasn't made them worse, so fingers crossed. YMMV, of course.", "summary": "Great product", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A1TY8P7VKFBQ2Q", "asin": "B0009RF9DW", "style": {"Size:": " 123"}, "reviewerName": "William E. Diaz", "reviewText": "100% is recommended", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3CFINYERTHF9Q", "asin": "B00006L9LC", "style": {"Size:": " 1 Pack"}, "reviewerName": "Rita Gambill", "reviewText": "Great shampoo", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "ASLE3QYFD5C70", "asin": "B0012Y0ZG2", "style": {"Size:": " 24 oz."}, "reviewerName": "kathy leone", "reviewText": "Love this!", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"reviewerID": "A3E9ZV03ZD1ZI", "asin": "B000FI4S1E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I love the scent.", "overall": 5.0, "reviewTime": "09 15, 2016", "summary": "Five Stars", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A11L1TI883AOSV", "asin": "B00006L9LC", "style": {"Size:": " 50"}, "reviewerName": "Trudy Goodwin", "reviewText": "You Just need a little, and it lathers up great. Smells good, leaves my hair shiny and curly, and manageable. My only complaint is for some unknown reason, they stopped making the 32oz. size. Probably because they want you to buy more of the 11oz size.", "summary": "Great Shampoo for curly or wavy Hair", "unixReviewTime": 1403395200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "A1AFSSJ58HYER7", "asin": "B000URXP6E", "style": {"Size:": " 10.2 oz"}, "reviewerName": "HIPRICE", "reviewText": "I love this gel, it makes my bedroom smell great, as well as me. Love it, love it, love! Need to buy more! Thank U!", "summary": "GREAT BUY!", "unixReviewTime": 1377475200} diff --git a/keith-galli_nlp/data/training/train_Books.json b/keith-galli_nlp/data/training/train_Books.json new file mode 100644 index 0000000..e340611 --- /dev/null +++ b/keith-galli_nlp/data/training/train_Books.json @@ -0,0 +1,2500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1X9DIFUFMC9CZ", "asin": "0007213514", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kay", "reviewText": "A different sort of novel for award-winning author, Andrew Taylor, but another outstanding read. As soon as I finished it, I started looking forward to its sequel.", "summary": "Taylor does it again", "unixReviewTime": 1419292800} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A3622JIL2Z2NYF", "asin": "0002238594", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SciFiReader", "reviewText": "Good book but it takes a long time to develop the plot. Once everything comes together it is very good.\nNothing like the movie in several ways.", "summary": "Takes a while to develop but good once it finally gets it together", "unixReviewTime": 1515888000} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "AU5I8MJSC5BTS", "asin": "0007270747", "style": {"Format:": " Kindle Edition"}, "reviewerName": "The Kindle Lady", "reviewText": "Strikingly honest and accurate description of the grieving process after losing a husband. Helped me to realize that what I experienced is normal. I highly recommend it to anyone who has lost a loved one.", "summary": "Accurate and helpful", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A3FU9HX2QTTZP5", "asin": "000712838X", "style": {"Format:": " Hardcover"}, "reviewerName": "artfairy", "reviewText": "Everyone wants to know what happens when you give a moose a muffin!!!!", "summary": "Moose and muffins - an unlikely pair!!", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2U8Z825UTRP9N", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "Roxanne E.", "reviewText": "love the details......", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A3JMFVH9ZD7NOQ", "asin": "0007202296", "style": {"Format:": " Paperback"}, "reviewerName": "Mummsy", "reviewText": "Classical school requirement and full of interesting twists! I LIKED IT!", "summary": "from the mouth of a 12 year old...", "unixReviewTime": 1482710400} +{"overall": 3.0, "verified": true, "reviewTime": "11 9, 2016", "reviewerID": "AXKSUH82WP9EY", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Jane Austen's mother was right. Fanny is \"insipid.\" Edmund is also dull. Still, it is Austen.", "summary": "Jane Austen's mother was right", "unixReviewTime": 1478649600} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A23EGSK1ZQ2JPB", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "SavvyShopper", "reviewText": "A good abridged version of the classic tale. There are illustrations on every other page so it is not as long as it sounds.", "summary": "Good abridged version for kids!", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A2YCUXPP82Z7PK", "asin": "0006513840", "style": {"Format:": " Kindle Edition"}, "reviewerName": "owen Walker", "reviewText": "If you liked the Uhtred books you will like these!", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 4.0, "verified": false, "reviewTime": "03 7, 2016", "reviewerID": "A32ZA4J8FLO70Q", "asin": "0007223773", "style": {"Format:": " Kindle Edition"}, "reviewerName": "judith von kieckebusch", "reviewText": "Delightful book. Thoroughly enjoyed reading----contained NO swear words, vulgar love scenes; rather, beautifully written.", "summary": "Thoroughly enjoyed reading----contained NO swear words", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2018", "reviewerID": "AHBHC6K12MQS0", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "B. Ann Ramsey", "reviewText": "I loved this book. Read it for a book club after seeing the movie. The book had details not in the movie ( of course ). I enjoyed the book. First time in my life to read Agatha Christie and I will read more of her books in the future.", "summary": "I loved this book", "unixReviewTime": 1515974400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A28708MYSZT780", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Katrina", "reviewText": "Wonderful book. I read it in 24 hours because I could not put it down. Love this book, will read again and again.", "summary": "Great read", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A2400RRFWDZ9A3", "asin": "000226157X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "George & Angie Ellis ", "reviewText": "have a blessed new year", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 4.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "AQU2OU4ELXLAW", "asin": "000611718X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Just wish the books could be purchased in a set on Kindle.", "summary": "Four Stars", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": false, "reviewTime": "09 15, 2017", "reviewerID": "A1C2NSVG1G9Z6C", "asin": "0006480101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lolala", "reviewText": "Was impatient to get book 3! I love this series", "summary": "I love this", "unixReviewTime": 1505433600} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A1AKU37LUUZ5M6", "asin": "0006511295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Geraint Tom Edwards", "reviewText": "His best to date.", "summary": "Five Stars", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A1BOL5JTWANDQX", "asin": "000720602X", "style": {"Format:": " Paperback"}, "reviewerName": "Debra L. Cicchella", "reviewText": "Great addition to my library.", "summary": "Great addition to my library.", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "AI7B0U9V3Y2LF", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L.E.Y.", "reviewText": "I'm a Jane Austen fan. What else can I say!", "summary": "I'm a Jane Austen fan. What else can I say!", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "AQNLSOETGAQ9V", "asin": "0006173624", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael Riofredo", "reviewText": "This was a great book. A long book but a great book. I wasn't very much for reading until I picked up The Hunt For Red October. After finishing that I moved on to this one. This book was interesting from start to finish. I can't wait to read more of Clancy's work.", "summary": "Red Storm Rising", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A346X43UB70FRJ", "asin": "0002051850", "style": {"Format:": " Paperback"}, "reviewerName": "Savvy Shopper 17", "reviewText": "Great book, i recommend for everyone.", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A4ZSB99IB8GN5", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "R Duda", "reviewText": "Yup.", "summary": "Five Stars", "unixReviewTime": 1481328000} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A1P08SQDE22O8B", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rasiklal Vora", "reviewText": "True and realistic depiction of the English and French people\"s mindset of that period.", "summary": "Four Stars", "unixReviewTime": 1408752000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "12 28, 2003", "reviewerID": "A1R0UFBP9OX817", "asin": "000717201X", "style": {"Format:": " Paperback"}, "reviewerName": "shieldwolf", "reviewText": "What an incredible encapsulation of the entire LOTR story! It doesn't just stop at the films, it's a primer on all of Middle Earth. So easy to understand an Orc could read it.\nHighly recommended.", "summary": "Movie weapons---no, much more than that", "unixReviewTime": 1072569600} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A2D7792DRK849V", "asin": "0002239892", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael K. Moore", "reviewText": "An easy read. I read this in two days. Plot is well developed and connected. One of my favorite authors.", "summary": "Great read!", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2014", "reviewerID": "A2752I1HOK6DAS", "asin": "0007181701", "style": {"Format:": " Paperback"}, "reviewerName": "Adam Donze", "reviewText": "This is a copy and paste to meet the requirements to rate the product. Anything outstanding or awful is hand written.", "summary": "Generic headline summary", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": false, "reviewTime": "02 22, 2016", "reviewerID": "AL6SP73TN47WM", "asin": "0001712845", "style": {"Format:": " Hardcover"}, "reviewerName": "Rachel", "reviewText": "I bought this as a Halloween book but it sticks around year-round and is requested often at bedtime. Something about this story is very intriguing and I enjoy reading it every time just as much as my son enjoys listening, and answering \"Yes, They dare!\"", "summary": "I recommend for Halloween - and year round!", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A1YXI9WISC5GYN", "asin": "0004103033", "style": {"Format:": " Hardcover"}, "reviewerName": "Aquarian", "reviewText": "One can get drunk by mere reading of Omar Khayyam's poetry without touching WINE!", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A2KJH6P6H3LLVO", "asin": "0007419503", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rochelle J. Sigale", "reviewText": "So many stories, so many side lines... But it was enjoyable. I would recommend this book it's a great story with so much truth- true definition of post traumatic stress.", "summary": "I never would have guessed", "unixReviewTime": 1462579200} +{"overall": 3.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A1J9F87ES2WBUU", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shawn M.", "reviewText": "Not bad, but certainly not worth all the hype I have heard over the years.", "summary": "OK", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A1DQWW094C2O8R", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George Theodorakos", "reviewText": "A classic. 3 rd or 4th time I have read it.", "summary": "Classic", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2013", "reviewerID": "A1A9LQBPQ127ZA", "asin": "0007202628", "style": {"Format:": " Paperback"}, "reviewerName": "Mary E. Hooe", "reviewText": "This poetry is great as it relates to cats, which we love. It reminds us of our very own BoBo!", "summary": "Love Poetry", "unixReviewTime": 1372636800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A2VZC2UJJJMRN2", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Tracy Gielow", "reviewText": "as described. fast shipping. thanks.", "summary": "Five Stars", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A138KXZ1EBY7LH", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Tyla V.", "reviewText": "Cleaner than expected, wonderful copy", "summary": "wonderful", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A77VODFUTTKQ0", "asin": "0007311648", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Page Turner", "reviewText": "I so enjoyed this book because it was a real thriller all the way to the end. The characters were interesting and believable. The dialogue was easy to follow. I hope you enjoy it as much as I did.", "summary": "I so enjoyed this book because it was a real thriller all ...", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A27IBLIFUFISQ4", "asin": "0007331908", "style": {"Format:": " Kindle Edition"}, "reviewerName": "WVOilMan", "reviewText": "Another great book with the greatest warrior of his time, Uhtred.", "summary": "Another great installment of the Saxon Tales", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A2AHTCQIKSYDS3", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "OFSPUNK7", "reviewText": "Love it, this is actually the 2nd copy of this book we own. The other was picked up used and we wanted a new one to add some memories to for the kids. Love Seuss", "summary": "Love Seuss", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2013", "reviewerID": "A1QVXYSWWCU116", "asin": "0006280560", "style": {"Format:": " Paperback"}, "reviewerName": "Joy E. Hancock", "reviewText": "This is a great book that gives you an idea how people/souls develop or atrophy and, therefore, go to a beautiful heaven or a dismal gray sprawling city of argument in Hell.", "summary": "Wonderful book!", "unixReviewTime": 1371168000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A3GABHU5WL43ZU", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Great! Everyone should read it.", "summary": "Five Stars", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A1Q9ZZ9WX1F46P", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Kim Fioco", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A1DMXKQXIWTCKR", "asin": "0006173624", "style": {"Format:": " Kindle Edition"}, "reviewerName": "The Chebb", "reviewText": "One of my favorite \"what if\" books dealing with World War III. This was required reading when I was in Air Force, and I've been enjoying ever since the 1980's.", "summary": "This would make a great mini-seriesany takers?", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A6H998J9C316G", "asin": "0006381146", "style": {"Format:": " Paperback"}, "reviewerName": "Elliot k Ngosa", "reviewText": "I strongly recommend this book who takes art especially drawing seriously; the five basic perceptual skills presented by Betty are key in stepping up ones drawing skills. I would say this is the best art manual I have ever had.", "summary": "I strongly recommend this book who takes art especially drawing seriously", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A7LZ3HUW6MCW6", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Margaret Lyans", "reviewText": "This was one of my favorites...", "summary": "Five Stars", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2012", "reviewerID": "A3EYCWAFOW8NRC", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Hazel D. Tarr", "reviewText": "I read this book about every ten years, every time I find myself thinking that I wish it was required reading for every young person. So much to be learned from it.", "summary": "Still a good read even after the tenth time", "unixReviewTime": 1352851200} +{"reviewerID": "A11GMBPPMDI3V1", "asin": "0001050230", "reviewerName": "David McGrath", "verified": true, "reviewText": "I've always found this series helpful in appreciating and enjoying Shakespeare plays.", "overall": 4.0, "reviewTime": "09 29, 2015", "summary": "Four Stars", "unixReviewTime": 1443484800} +{"overall": 4.0, "verified": false, "reviewTime": "07 6, 2015", "reviewerID": "A206ZK5SMW54AC", "asin": "0007336829", "style": {"Format:": " Kindle Edition"}, "reviewerName": "camille41", "reviewText": "OIL\nI loved this book...I didn't want to put it down.....nor did i wa t it to\nend..", "summary": "OIL I loved this book", "unixReviewTime": 1436140800} +{"overall": 3.0, "verified": true, "reviewTime": "09 10, 2013", "reviewerID": "A1NHYGMUJEAB2E", "asin": "0007191324", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Asha Mahtani", "reviewText": "Not as good as the first book \" Tea Rose\" but still good pass time reading. I enjoyed the fact that the author relates the story to what was happening historically in England.", "summary": "Good", "unixReviewTime": 1378771200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2OGC8KP6H80L0", "asin": "0007118317", "style": {"Format:": " Paperback"}, "reviewerName": "Jim Siebold", "reviewText": "A very well written account of of Magellan's circumnavigation, although there is still a lot of controversy concerning the historical details.", "summary": "A weel-told story", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "A3RYS5FNXEHMPI", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tina Sweetie", "reviewText": "Great book.", "summary": "Five Stars", "unixReviewTime": 1451433600} +{"overall": 1.0, "verified": true, "reviewTime": "12 26, 2007", "reviewerID": "A2W4DMY15TZL2S", "asin": "0006481795", "style": {"Format:": " Paperback"}, "reviewerName": "Cathy Gamas", "reviewText": "My 10 year old daughter loves this entire series and this is every but as good as the others.", "summary": "another one in a great series", "unixReviewTime": 1198627200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2012", "reviewerID": "A1ZH3KPDSV7BPG", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Pete G.", "reviewText": "IF you're ever lost in the wilderness, you'll wan't this book. It covers so many aspects of survival It doesn't go in depth with a lot of it, and some trial and error may be involved, but if your smart, you can figure it out. Very useful book. A good read.", "summary": "So much good info.", "unixReviewTime": 1342224000} +{"overall": 4.0, "verified": false, "reviewTime": "09 11, 2013", "reviewerID": "A3RBGEV4IHL1XM", "asin": "0007121113", "style": {"Format:": " Hardcover"}, "reviewerName": "Giant Panda", "reviewText": "Black coffee was originally written as a play, and then converted into novel form posthumously. It reads like a play still - all the action happens in one room for example. The plot contains many theatrical elements. It was a fun, short, read.", "summary": "Originally written as a play", "unixReviewTime": 1378857600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A2R7VSOLI8X70S", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "adam freels", "reviewText": "Sorry but I'm starting to not enjoy the Odd Thomas novels. It's getting a little to strange. Maybe it's just me.", "summary": "Whats up?", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A3B3IB8CRSNCG0", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Great novel and timeless.", "summary": "Great classic", "unixReviewTime": 1449878400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "AOM0CPZI93WMW", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "K. Crepin", "reviewText": "The best published version of my favourite Shakespeare. Can't really say more than that. Book came in perfect condition. And in good time. And it's a classic.", "summary": "Love it.", "unixReviewTime": 1403481600} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2009", "reviewerID": "A2P1KPOR8OA7NE", "asin": "0007137818", "style": {"Format:": " Paperback"}, "reviewerName": "Happy cooker", "reviewText": "This boxed book set arrived very quickly(before Christmas, as promised) and was just as described. All in all, a great buying experience.", "summary": "favorite author--good price", "unixReviewTime": 1232409600} +{"overall": 1.0, "verified": true, "reviewTime": "07 14, 2013", "reviewerID": "A1X439NJSLQBRP", "asin": "000716226X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "crazydog", "reviewText": "absolutely hated this book, could not finish book, forced myself 3/4 of book then just gave up. To choppy, I just did not like it period", "summary": "never finished it.", "unixReviewTime": 1373760000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "AVSM1RFM4JPDE", "asin": "0007195087", "style": {"Format:": " Audio CD"}, "reviewerName": "Kay Summer", "reviewText": "My mom loved this book", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A5GE4J22L05PM", "asin": "0007263457", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "C. Christensen", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1463788800} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2014", "reviewerID": "A6N9M6V5XK01H", "asin": "0007305567", "style": {"Format:": " Paperback"}, "reviewerName": "agentredfox", "reviewText": "I just love this book. An absolute gripping, engaging story about twin brothers--one who is lost forever, and one who is struggling to find his way in this world. I love redemption and personal transformation stories and this is one of the best ones I've ever read.", "summary": "I just love this book", "unixReviewTime": 1410048000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2017", "reviewerID": "A1SGR831AQFEHH", "asin": "0007305060", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kathy A", "reviewText": "Love, love this series. The characters are well rounded and extremely likable as people. I really enjoy the look into how life was back in time, and I enjoy following the family through it's changes and challenges. Terrific read!", "summary": "Totally satisfying!", "unixReviewTime": 1510272000} +{"reviewerID": "A3IB6OWU82UN8D", "asin": "000225414X", "reviewerName": "Nancy Hinman", "verified": true, "reviewText": "It was a long book but it kept you interested very page. Some of information true or not was quit fascinating", "overall": 5.0, "reviewTime": "10 16, 2014", "summary": "It was a long book but it kept you interested ...", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2017", "reviewerID": "A862VOA4767AZ", "asin": "0007119550", "style": {"Format:": " Audible Audiobook"}, "reviewerName": "kris", "reviewText": "Great book!", "summary": "Five Stars", "unixReviewTime": 1508457600} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2014", "reviewerID": "A1XYYNSIXUEFW3", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "KDPhilly", "reviewText": "This series of books has continued to find fresh ways to keep you looking for the next book. The characters and storyline is complex but easy to follow. Waiting for the next one.", "summary": "Bloodline: Sigma Force Continues to Shine", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A34DEDI9F0B2FV", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pragmatist", "reviewText": "It gets better every time I read it. The Atlas of Middle Earth by Karen Wynn Fonstad is a great book to help understand the book better. Her maps and drawings of places and buildings are a tremendous aid.", "summary": "4th reading", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "AMGKUWNLLT84N", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tinkerbell", "reviewText": "Very detailed. Must read if you've watched the show! Otherwise it's still amazing!", "summary": "Must read!", "unixReviewTime": 1505779200} +{"reviewerID": "A37PKCYKT72QB9", "asin": "0001951076", "reviewerName": "Carmen C. Moore", "verified": true, "reviewText": "Played these for my children when they were young and will now share them with our grandchildren!", "overall": 5.0, "reviewTime": "02 18, 2016", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A1I3ZI81D8AS1M", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "debra", "reviewText": "The hero of this little tale has seemingly endless ideas about what he MIGHT catch in McElligot's pool! Enjoyable to read and hear!", "summary": "A tribute and boost to the imagination", "unixReviewTime": 1391904000} +{"overall": 4.0, "verified": false, "reviewTime": "04 5, 2013", "reviewerID": "AFNHHSAX1W9QX", "asin": "0006476155", "style": {"Format:": " Amazon Video"}, "reviewerName": "M Perrin", "reviewText": "I had read the book and heard the movie was pretty good. I was not dissappointed. The plot was there and so was the suspence.", "summary": "Alex Cross", "unixReviewTime": 1365120000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A2TA40MV2H4O6F", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "PPR - Dad, Physician and Photographer", "reviewText": "My daughter grew up on all Dr Seuss books.\n\nBest books for grammar and phonics ever.", "summary": "Best books for grammar and phonics ever.", "unixReviewTime": 1483833600} +{"reviewerID": "A163RVCNCJTX3I", "asin": "0002219247", "reviewerName": "Doug", "verified": true, "reviewText": "Great story", "overall": 5.0, "reviewTime": "08 28, 2017", "summary": "Five Stars", "unixReviewTime": 1503878400} +{"overall": 4.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A2F3UBHNKLCJ3T", "asin": "000617342X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MEHG", "reviewText": "Certainly gave me a new perspective on King John, his daughter, and the influence of his mother. It also reinforced what I knew about the Welsh countryside and customs. I thought it began to drag at the end though most of it was compelling.", "summary": "Certainly gave me a new perspective on King John, ...", "unixReviewTime": 1475625600} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "ATJCRJO5CU237", "asin": "0007173113", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JustMyOpinion", "reviewText": "Great for kids of all ages. A good informative book to tell children of what may someday come to pass. Scary stuff really. If you think about it.", "summary": "A Good Lesson in Literature...", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "A3J0XZ6W1YMI70", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "S. French", "reviewText": "Probably one of the most quoted books in the English language. Mr. Lewis' insights are still relevant in today's age.", "summary": "Great Book", "unixReviewTime": 1367625600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A3SHGF5QXXCEB4", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Brittany", "reviewText": "A classic. Entertaining and helps reinforce numbers and colors.", "summary": "A classic. Entertaining and helps reinforce numbers and colors ...", "unixReviewTime": 1445731200} +{"overall": 4.0, "verified": true, "reviewTime": "05 10, 2014", "reviewerID": "ACNQXUTRTV6DD", "asin": "0007213182", "style": {"Format:": " Paperback"}, "reviewerName": "Margaret Anne Theobald", "reviewText": "I really like this book - it has a lot of phrases, movies, and other things which are easy to find. I deducted one star because this is such a heavy book. It is kind of cumbersome to deal with. You need to put it permanately on a table or stand and get up to look sometyhing up.", "summary": "Truly a Million words", "unixReviewTime": 1399680000} +{"overall": 4.0, "verified": false, "reviewTime": "09 18, 2016", "reviewerID": "AUY1IKJZDFB86", "asin": "0006176976", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Steve Havert", "reviewText": "A good old Richard Sharpe novel. Cornwell can be relied upon to deliver the goods - historical fiction that is entertaining and interesting.", "summary": "Cornwell reliably good", "unixReviewTime": 1474156800} +{"reviewerID": "A272K99XRBQMNC", "asin": "0002242052", "reviewerName": "Allen T", "verified": true, "reviewText": "Great entertainment. Would have been good if the main character had been a LITTLE more in jeopardy at times, but very satisfying.", "overall": 5.0, "reviewTime": "07 28, 2010", "summary": "Awesome read", "unixReviewTime": 1280275200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2013", "reviewerID": "A5BJFQGEPJA7Z", "asin": "0006551807", "style": {"Format:": " Paperback"}, "reviewerName": "N. Benyamin", "reviewText": "The story was very good, I truly enjoy reading the book was not able to put it down. As a foreigner the story feels like true.", "summary": "I really love it", "unixReviewTime": 1358467200} +{"overall": 1.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A1OGJZ5TJMY73H", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "zone implant", "reviewText": "Terrible representation of the book.", "summary": "Liberal Hollywood Trash", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A1LS1LNWW884SY", "asin": "0007319185", "style": {"Format:": " Audio CD"}, "reviewerName": "David Howard", "reviewText": "Very interesting and Yes, sometimes the noise in Steven's head did bother me.", "summary": "Rock and a Hard Place", "unixReviewTime": 1421020800} +{"overall": 4.0, "verified": false, "reviewTime": "12 26, 2012", "reviewerID": "AQE3B3AFIPC6E", "asin": "0007203128", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David Harbour", "reviewText": "Koontz is always superb and this series is no exception. Enjoy this excellent adventure, it ha just the right amount of humor. As always.", "summary": "Typically Good", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2012", "reviewerID": "A2APFYD5962WA6", "asin": "0007201583", "style": {"Format:": " Paperback"}, "reviewerName": "no name here...", "reviewText": "Lovely story about women from the 1940's and the difficulties they faced. One of the best written books. You feel that you are sitting in the living room watching these sisters lives unfold. Only a very special story can do this.", "summary": "outstanding book", "unixReviewTime": 1350172800} +{"overall": 5.0, "verified": false, "reviewTime": "02 16, 2016", "reviewerID": "A1V04SMS1GLT8M", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "John Lowe", "reviewText": "Looks so good. Definitely worth every penny I spent", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "AXW91NZREQK7W", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Gene Gallegos", "reviewText": "A captivating book!", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2012", "reviewerID": "A141OBC3NTRHCE", "asin": "000711835X", "reviewerName": "CostumeJinx", "reviewText": "I love this book. It is priced well and having a mid range price for this quality product. I am so excited to re-read this! Thank you!", "summary": "It's beautiful!", "unixReviewTime": 1340668800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A1UUKIMT0VVL1A", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jim", "reviewText": "A must read for anyone who wishes to deepen their faith. A wonderful, enlightening book for anyone who is exploring Christianity", "summary": "A must read", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2013", "reviewerID": "A4740MORY2LG6", "asin": "0007214227", "style": {"Format:": " Paperback"}, "reviewerName": "John Choate", "reviewText": "This was a Great experience. Would definitely do it again. Everything was described accurately. Item was here in great time.", "summary": "This was a Great experience. Would definitely do it again. Everything was described accurately. Item was here in great time.", "unixReviewTime": 1367971200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A2F0SOQKSOINZO", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Jaylon", "reviewText": "Best books I've ever read! Wonderful and exciting, these books make you want to jump up and fly a plane! Skydiving lessons? I think yes. Let's go and swim!", "summary": "Amazing! :D", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A2K58ZDTX6LQUY", "asin": "0007204493", "style": {"Format:": " Hardcover"}, "reviewerName": "Craig Zamboni", "reviewText": "This I feel is Gonzo's best work and depicts a moment in time when excess was the normal. Hunter S. Thompson was a nut and this story gives us a glimpse into his madness.", "summary": "Hunter's Best", "unixReviewTime": 1435104000} +{"reviewerID": "A2QJYYH4D0ZIC0", "asin": "0002252317", "reviewerName": "CHERYL D JACOBS", "verified": true, "reviewText": "A very good and fast read like most of Patterson's books. I would recomend it to those Alex Cross fans.", "overall": 4.0, "reviewTime": "12 21, 2012", "summary": "Jack & Jill (Alex Cross)", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2007", "reviewerID": "A3FM766C6A13Z", "asin": "0007213700", "style": {"Format:": " Hardcover"}, "reviewerName": "Joe Gallagher", "reviewText": "The Eminent Lives Series is excellent, as is Morris. Much new here (for me) about the more human Beethoven. 'Eminently readable' as they say.", "summary": "fascinating", "unixReviewTime": 1167782400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2013", "reviewerID": "A3RB10ZOUX90Z", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome awesome\nCool cool neat well written the next book better be good to read I have started the next book", "summary": "Assassination of not cool", "unixReviewTime": 1377820800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A2J2MH40T7G3M1", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sunflower", "reviewText": "It's a good book to read, very interesting. Keeps you coming back for more.", "summary": "Five Stars", "unixReviewTime": 1441497600} +{"reviewerID": "A3560F7R4IE7AW", "asin": "0001050230", "reviewerName": "Mike", "verified": false, "reviewText": "Good item!", "overall": 5.0, "reviewTime": "09 13, 2015", "summary": "Five Stars", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A2AHTCQIKSYDS3", "asin": "0007158505", "style": {"Format:": " Hardcover"}, "reviewerName": "OFSPUNK7", "reviewText": "Love Dr Sueuss. Great Book!", "summary": "Great Book", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A635Q6LZ36KN9", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Great read. Does not fully follow the masterpiece theater program.", "summary": "Great read", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A21N7Y5ZRM3NZ", "asin": "0006530699", "style": {"Format:": " Hardcover"}, "reviewerName": "Linda Williamson", "reviewText": "There's nothing better than customers talking about you in a way that \"sells\" you to the world. Do things correctly and you won't be able to stop the avalanche of success that covers you. Let Ken show you the way In \"Raving Fans.\" You won't be sorry.", "summary": "Get them talking!", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2013", "reviewerID": "A3L325GJ1G0WZA", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "eric", "reviewText": "I hadn't read this since I was a kid. Thoroughly enjoyed it this time around as well. Recommend to anyone, kids and adults alike.", "summary": "Excellent", "unixReviewTime": 1364256000} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "AVT05O61UD97X", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kathryn E. Sanderson", "reviewText": "I read a lot, but could not get into this classic. I'm sure it was me and not the book though.", "summary": "I read a lot, but could not get into ...", "unixReviewTime": 1424649600} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A1ACEED4106SZW", "asin": "0007184867", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mrs C Thompson", "reviewText": "Good read", "summary": "Four Stars", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A1ZATYF44UVMF", "asin": "0007229674", "style": {"Format:": " Paperback"}, "reviewerName": "TRow", "reviewText": "It's Gordon Ramsey at his fiesty best. Love him!!", "summary": "Five Stars", "unixReviewTime": 1456617600} +{"overall": 1.0, "vote": "7", "verified": true, "reviewTime": "08 8, 2008", "reviewerID": "A3D7NKLR56DZRA", "asin": "0007204167", "style": {"Format:": " Paperback"}, "reviewerName": "M. Amezquita", "reviewText": "I didn't realize how much I disliked this book until 1/2 way through! I only read it because I'm in a reading club, never will I read any of his books again! I usually give my books away, this one will go in the trash! What a waste of time & trees!", "summary": "Horrible! If I could rate this zero I would", "unixReviewTime": 1218153600} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "AROG4Z04N3OO0", "asin": "000611718X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Victoria", "reviewText": "I thoroughly enjoyed this, the fourth book in A Novel of Cornwall series, and plan to read all twelve. The characters are so real I feel as if I know them, like some, and dislike others.", "summary": "Entertaining", "unixReviewTime": 1441324800} +{"overall": 1.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A172EFZ65MFGN3", "asin": "0007254008", "style": {"Format:": " Hardcover"}, "reviewerName": "Trina Drury", "reviewText": "Actually wanted 3 stars not 1. Not up to her first 3 books. Not much real suspense this time around", "summary": "Not as much suspense as other stories", "unixReviewTime": 1389916800} +{"reviewerID": "A11SH8T6PTSGVW", "asin": "0002247437", "reviewerName": "Randy Patrick", "verified": true, "reviewText": "Great story about certain characters and leaves you in suspense about other characters. Really looking forward to the next book!!!", "overall": 5.0, "reviewTime": "05 19, 2017", "summary": "Awesome book!!!", "unixReviewTime": 1495152000} +{"overall": 3.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A10OCUKO9JYXP5", "asin": "000721801X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "plot took too long to develop; too much detail re geographic locations/directions", "summary": "Three Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A22YNWSWC2XF8A", "asin": "0001048767", "style": {"Format:": " Audio CD"}, "reviewerName": "midlander", "reviewText": "American actors, but my students appreciated that. Hamlet came alive for them.", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2012", "reviewerID": "AC021KQKCRBDJ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "chad stewart", "reviewText": "I liked the book its great it had a lot of adventure in it it was really entertaining this is a great book", "summary": "Great book", "unixReviewTime": 1352505600} +{"overall": 2.0, "verified": false, "reviewTime": "08 15, 2009", "reviewerID": "A1UE9QWOUC8LBM", "asin": "0002247224", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SteveRRRR", "reviewText": "But really nothing new or exciting here. I finished it, but I kept wanting to give it up. Sorry guys. Not sure what happened but it just wasn't there this time.", "summary": "Feist and Stirling Fan...", "unixReviewTime": 1250294400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2009", "reviewerID": "AHAURUJILRAQ5", "asin": "0007182465", "style": {"Format:": " Hardcover"}, "reviewerName": "LMR", "reviewText": "This is a wonderful book. I would recommend to adults as well as children. It puts a very human face on D-Day.", "summary": "Must Read", "unixReviewTime": 1239062400} +{"overall": 4.0, "verified": false, "reviewTime": "12 16, 2017", "reviewerID": "A1AD8F574KXUQ6", "asin": "0007223773", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lisa Adams", "reviewText": "This book is very suspenseful. It kept me guessing until the very end but everything ended happily which is what I like.", "summary": "Interesting", "unixReviewTime": 1513382400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A14JMQ2XVZY31W", "asin": "0006176909", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kay Wilson", "reviewText": "Edge of your seat psychological thriller. You are constantly wondering what else this nasty man can possibly get up to. All the dirty secrets of a life in politics revealed. Well written and a great read.", "summary": "All the dirty secrets of a life in politics revealed", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2010", "reviewerID": "AWU2UQ2HUU7JP", "asin": "0007166052", "style": {"Format:": " Paperback"}, "reviewerName": "J. Austen", "reviewText": "This is a different book than one expects from Paulo Coelho, but as good as the others I have read.", "summary": "Eleven Minuetes", "unixReviewTime": 1280361600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A3F7ORNUD73Q3O", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Emily L Hewett", "reviewText": "No wonder this is a classic. Sickens is a\nmasterful story teller. Sad, happy, colorful in his descriptions. A great study on the culture of that time.", "summary": "Great Story.", "unixReviewTime": 1401667200} +{"reviewerID": "A34HKOXC6R5IJ2", "asin": "0002247275", "reviewerName": "Gary Bradshaw", "verified": true, "reviewText": "Great book, great continuation of Fitzs' story.", "overall": 5.0, "reviewTime": "09 1, 2015", "summary": "Read!", "unixReviewTime": 1441065600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "01 24, 2017", "reviewerID": "A3KMQFKP08ISI5", "asin": "000713746X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "nancy putnam", "reviewText": "Did not find it as informative as I expected. Disappointed", "summary": "Disappointed", "unixReviewTime": 1485216000} +{"overall": 5.0, "verified": false, "reviewTime": "02 18, 2014", "reviewerID": "A1I0ILK3AW1Q0R", "asin": "0001720295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Benjamin D Hart", "reviewText": "Me and my 5 brothers and sisters (I have 1 more so that makes 6) and my mom and dad love your books. My mom read us The Lion,the Witch,and the Wardrobe at bedtime and when she said \"Go get in bed,\" we said \"Noooo,just one more chapter!\"\nby Matt Hart", "summary": "Love it,love it!", "unixReviewTime": 1392681600} +{"overall": 2.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A2USJVB92E9Q90", "asin": "0007214227", "style": {"Format:": " Kindle Edition"}, "reviewerName": "April L. Hamilton", "reviewText": "This seems like a topic that would've made a terrific, long-form article, but doesn't quite merit being stretched out to a book. A sprinkling of interesting/surprising historical factoids and anecdotes buried in a bone-dry, mostly boring whole.", "summary": "Would've Made A Great Article", "unixReviewTime": 1454544000} +{"overall": 4.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "ALN4Y1UZ0S0Q0", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David", "reviewText": "Great insight into human behavior and eloquently explained by a dog. Who would have thought. I know it brought tears to my eyes (well, at least 4).", "summary": "Four Tears", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "AFYG4EJTD0TPH", "asin": "0002247399", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Ned Gyllenskog", "reviewText": "Good fiction, lots of action. Wild imagination.", "summary": "Great read.", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "ARH9WM6ZR9O7H", "asin": "0006490344", "style": {"Format:": " Paperback"}, "reviewerName": "Linda L. Lafayette", "reviewText": "VERY GREAT BOOK\n I READ IT FROM TIME TO TIME THIS BOOK WILL BE IN MY BOOK CASE FOR A LONG LONG TIME", "summary": "VERY GREAT BOOK I READ IT FROM TIME TO TIME THIS ...", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2013", "reviewerID": "A22TYA0J1TDC90", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DDavis", "reviewText": "This book has always been one of my favorites. I recommend it to anyone that wants to add a little adventure in there life.", "summary": "The PERFECT story", "unixReviewTime": 1364083200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2017", "reviewerID": "AVJHUDX6MRBHX", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Andy", "reviewText": "great price", "summary": "Five Stars", "unixReviewTime": 1494460800} +{"overall": 1.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A1E860U827SVRV", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kiara", "reviewText": "This book was awesome and so Exciting. I totally recommend\nThis book for any age, if you want to read it..... READ IT", "summary": "Exciting!", "unixReviewTime": 1362873600} +{"overall": 3.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A3JY1HUKUZA8DX", "asin": "0006179312", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Naracepersad Ramkumar", "reviewText": "Good reading!", "summary": "Three Stars", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2017", "reviewerID": "A1R3LLJ9DW5WUV", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sandra Cady", "reviewText": "A page turner for sure very moving draws the reader in, after reading I made me examine my own life", "summary": "A page turner for sure very moving draws the reader ...", "unixReviewTime": 1510444800} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A3N93LJSFTD6Z0", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Joyce", "reviewText": "Great book. Using this in a Bible study on facebook.", "summary": "Great book. Using this in a Bible study on ...", "unixReviewTime": 1435276800} +{"reviewerID": "A1ND8VY9AMDHU9", "asin": "0002226529", "reviewerName": "Cindy Schweitzer", "verified": true, "reviewText": "very good..", "overall": 5.0, "reviewTime": "04 22, 2015", "summary": "Five Stars", "unixReviewTime": 1429660800} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A29C7H45LRGVS8", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "D Shields", "reviewText": "Another great book by John Green...his characters are real, unique and relatable. I am captured by the people as much as the story line and want the book to last longer.", "summary": "Speaks to anyone who has experienced life as a young adult.", "unixReviewTime": 1391385600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2014", "reviewerID": "A16A5UG4P1P3BX", "asin": "0007303017", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Claire Gabaree", "reviewText": "A great story about how people and animals can become in tune with each other. A story filled with emotion.", "summary": "a book worth reading", "unixReviewTime": 1398038400} +{"reviewerID": "A2BABMIJ37TYCT", "asin": "0001050230", "reviewerName": "MBM", "verified": true, "reviewText": "As Expected", "overall": 3.0, "reviewTime": "01 12, 2016", "summary": "Three Stars", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2014", "reviewerID": "ASUGU41BNM8JF", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "GLE", "reviewText": "A good read that reinforces the need to look beyond news headlines and expert 'opinions, and review and research all reports and evidence on so many populist issues. Well done Michael Crichton", "summary": "Great insight", "unixReviewTime": 1400198400} +{"overall": 3.0, "verified": false, "reviewTime": "11 19, 2016", "reviewerID": "A3GTHPEQJTPM7S", "asin": "0007195303", "style": {"Format:": " Paperback"}, "reviewerName": "Coral Charm", "reviewText": "fine", "summary": "Three Stars", "unixReviewTime": 1479513600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A3PEHWHBZF1NP6", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amanda", "reviewText": "Great series!", "summary": "Five Stars", "unixReviewTime": 1475712000} +{"overall": 1.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "AP3OLODGL207W", "asin": "0006280897", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael A. Chiasson", "reviewText": "I just didn't get it. I heard he was a great writer. But great writers in my estimation get to the point faster and better than what I read. Please don't bore me", "summary": "I heard he was a great writer. But great writers in my estimation get ...", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2005", "reviewerID": "A1GDM2HIU6M21Z", "asin": "0006551386", "style": {"Format:": " Paperback"}, "reviewerName": "E. King", "reviewText": "Truly a joy to read. This book is excellent for beginners. The author's writting style kept my intrest while the many photos and illustrations were visually stunning. Concise and imformative, I think the \"average joe\" will be very pleased.", "summary": "Nice read", "unixReviewTime": 1127520000} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A1951HR57HI3OB", "asin": "0007149832", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Trudy Katzer", "reviewText": "Chabon has a wonderful gift for unlikely metaphors that will make you laugh out loud and an imagination that creates an alternate history with intricate and plausible detail.", "summary": "It's funny", "unixReviewTime": 1356652800} +{"reviewerID": "A23CFBMO7JDQMV", "asin": "0002247437", "reviewerName": "Keehos", "verified": true, "reviewText": "Super interesting, great read, and I love the story line advancement.", "overall": 5.0, "reviewTime": "07 10, 2015", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"reviewerID": "AVIGQ3815PSJA", "asin": "0002171473", "reviewerName": "Starbuck", "verified": true, "reviewText": "I actually bought this for a friend of mine. Her family & my family are from the same area where this true story happened & it gave us an interesting point of view for the history of Northern area Greece (otherwise known as Macedonia).", "overall": 5.0, "reviewTime": "01 12, 2017", "summary": "I actually bought this for a friend of mine. ...", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2014", "reviewerID": "AGR09RVVDNB6B", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Wade Campbell", "reviewText": "i did not expect this book to be as good as it was! i won't lie. I thought it was over-rated...and then i read it, and it deserves ever bit of rating it gets! It is a great adventure story, and it's a great adventurous ride!", "summary": "Adventure-Junkie!", "unixReviewTime": 1395532800} +{"overall": 5.0, "verified": false, "reviewTime": "08 14, 2012", "reviewerID": "A3005WD17BOR0C", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Smartsense", "reviewText": "now before u reas tis book be warned that there may be things u don't understand and want to know more about...if u countinue this series u will understand ALL", "summary": "amazing", "unixReviewTime": 1344902400} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2012", "reviewerID": "AXRMC7XKTTHRK", "asin": "0007149883", "style": {"Format:": " Kindle Edition"}, "reviewerName": "paul Henderson", "reviewText": "Cornwell does a good job explaining the historical time and making the Dominicans look like the sadists they must have been in the Inquisition.", "summary": "nice story", "unixReviewTime": 1344556800} +{"reviewerID": "A1CAXVEZ540K77", "asin": "0001050230", "reviewerName": "Xiomara L Iglesias", "verified": true, "reviewText": "Awesome!", "overall": 5.0, "reviewTime": "06 5, 2016", "summary": "Loved", "unixReviewTime": 1465084800} +{"overall": 3.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A1KMKDBW89LI7Y", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Georgi Delgadillo", "reviewText": "I read the series and will never reread them. Bummer! I love dragons and big adventures.", "summary": "I love dragons and big adventures", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2012", "reviewerID": "A1X0YKYE37T07K", "asin": "0007304145", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Helen Booysen", "reviewText": "Istambul came alive for me , as did the sadness of the war and all the hardships . A wonderful perspective , beautifully written . Thank you Mrs Taylor Bradford .", "summary": "fascinating", "unixReviewTime": 1355011200} +{"overall": 5.0, "verified": false, "reviewTime": "10 31, 2015", "reviewerID": "A3HYQM16H0FFW3", "asin": "0007166052", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Noor", "reviewText": "I read this book in English and Arabic. I loved every part of it! Paolo Coelho is an artist, and I'm inspired by his writings very much.", "summary": "I loved every part of it", "unixReviewTime": 1446249600} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A2ACIHZ0C8Z43A", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marcia S. Klaas", "reviewText": "Highly recommend this book to all.", "summary": "Five Stars", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2013", "reviewerID": "A24STWVQ52C0BP", "asin": "0007336829", "style": {"Format:": " Paperback"}, "reviewerName": "Carol M.", "reviewText": "The love Dean Koontz feels for this dog is so apparent. A Big Little Life is a must-read for dog lovers.", "summary": "If you love dogs, read this!", "unixReviewTime": 1379116800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A94GKWUFI39RD", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Celeste C. Pacifico", "reviewText": "Excellent book. Get the tissues out", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "AE7NMNUWUVW5N", "asin": "0007286414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JOELLA WOLFGRAMM", "reviewText": "Mary Poppins carries one back to the magical, mystical days of childhood. There's no one quite like Mary Poppins. The author brings her to life!", "summary": "There's no one quite like Mary Poppins", "unixReviewTime": 1436054400} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "ADQ7E2OPSAGD0", "asin": "0006174426", "style": {"Format:": " Paperback"}, "reviewerName": "Boyce", "reviewText": "Sidney Sheldon will never let you down. We have read every book he has ever written\nand never felt cheated.", "summary": "Good Reading.", "unixReviewTime": 1403481600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A1QE0CZBGXS6PW", "asin": "0007176430", "style": {"Format:": " Kindle Edition"}, "reviewerName": "marebear", "reviewText": "As allways Mr Cornwells books are so good to read full of action I couldn't put it down loved it.", "summary": "Fallen Angels by Bernard Cornwell", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": false, "reviewTime": "05 28, 2015", "reviewerID": "A3E4AHJ4VNIG4F", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aurelio Guimaraes", "reviewText": "I love this trilogy for it's story telling and the ingenuity of JRR Tolkien. He is truly a genius and incomparable.", "summary": "The sequel.", "unixReviewTime": 1432771200} +{"reviewerID": "A2W4ZIWH98UA83", "asin": "000225414X", "reviewerName": "Raven4464", "verified": true, "reviewText": "Were there any wars in the 20th century that Winston was not part of. The remarkable feat which he excelled was making mistakes and coming back to triumph. The author has done an excellent job of portraying Winston in both peace and war. Raven4464", "overall": 5.0, "reviewTime": "08 3, 2015", "summary": "Winston's war the great war its all the same.", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A41A0EMQP46TC", "asin": "0007290802", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "wally Lamb writes a great theme and does it so well", "summary": "wally Lamb writes a great theme and does it so", "unixReviewTime": 1449273600} +{"reviewerID": "A3NYHGRIUUHNPP", "asin": "000100039X", "reviewerName": "Rkagle01", "verified": true, "reviewText": "Really makes you go hmmm.", "overall": 5.0, "reviewTime": "12 17, 2017", "summary": "My wife's favorite book.", "unixReviewTime": 1513468800} +{"overall": 4.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A292XQ0WJ2E88W", "asin": "000732197X", "style": {"Format:": " Hardcover"}, "reviewerName": "Peter P Palumbo", "reviewText": "good book", "summary": "Four Stars", "unixReviewTime": 1433289600} +{"overall": 4.0, "verified": true, "reviewTime": "09 30, 2008", "reviewerID": "A1VRCQCNIVHLZZ", "asin": "0007123744", "style": {"Format:": " Paperback"}, "reviewerName": "william callan", "reviewText": "Well researched and well written", "summary": "Four Stars", "unixReviewTime": 1222732800} +{"overall": 4.0, "verified": true, "reviewTime": "09 12, 2013", "reviewerID": "AR0WKEXIYUTEX", "asin": "0007206720", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kathy register", "reviewText": "AS ALWAYS AND GOOD WHO DONE IT BY AGATHA CHRISTIE. I LOVE MYSTERIES. I DON'T PERFER GORY MYSTERIES , SO AS ALWAYS CHRISTIE PROVIDES A GOOD MYSTERY WITH CLEAN LANGUAGE .", "summary": "THEY CAME TO BAGDAD", "unixReviewTime": 1378944000} +{"overall": 4.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A24BXJSLGZCPI", "asin": "0007107005", "style": {"Format:": " Paperback"}, "reviewerName": "IG", "reviewText": "Excellent introduction but the kind of book that you need to read and reread in bits and peices.", "summary": "Four Stars", "unixReviewTime": 1475107200} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A2KSZVPBXEJANI", "asin": "0007120680", "style": {"Format:": " Kindle Edition"}, "reviewerName": "coathanger", "reviewText": "Christie is always interesting concerning mr p.", "summary": "i liked it", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A37C0W9OTRSOZH", "asin": "0007350031", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Fantastic, as they always are", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 4.0, "verified": false, "reviewTime": "06 17, 2014", "reviewerID": "A1FRXCG00LNRUY", "asin": "0007200285", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "What a scary time to have lived or died during. I so wished, because they were so committed, they had won the war even though there was so much lost either way.", "summary": "Fascinating characters", "unixReviewTime": 1402963200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2012", "reviewerID": "A2S2297V6MROF2", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Michel Saldanha", "reviewText": "Uma magnífica demonstrao da criatividade do mestre Alan Lee neste livro.\nInspira qualquer artista f da obra de Tolkien na criao de ilustraes.", "summary": "Inspiracional", "unixReviewTime": 1343433600} +{"overall": 2.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A33KT18XS878SG", "asin": "0006381146", "style": {"Format:": " Paperback"}, "reviewerName": "Felix", "reviewText": "Good if you are totally inexperienced but I was made to get this for a drawing class that was way below my level- switched out of the class and sold it.", "summary": "Good if you are totally inexperienced but I was made ...", "unixReviewTime": 1485993600} +{"overall": 1.0, "vote": "10", "verified": true, "reviewTime": "12 6, 2007", "reviewerID": "A23XZDWGLD6YUB", "asin": "0007265719", "style": {"Format:": " Hardcover"}, "reviewerName": "Ruth A. Swinney", "reviewText": "This book is downright silly. It has some tidbits of information about the body and suggestions, but on the whole it assumes the reader has no information. I did not find it helpful at all. The cartoon drawings made me feel as if the Drs. think readers are really ignorant.", "summary": "Much ado about nothing...", "unixReviewTime": 1196899200} +{"overall": 4.0, "verified": true, "reviewTime": "05 13, 2013", "reviewerID": "ASL2IKMLSDAEE", "asin": "0007274866", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This was a fun and charming story to read and actually, educational. There is a lot of aspects of zoo keeping and animal husbandry that are very interesting besides the personal story.", "summary": "A charming true story", "unixReviewTime": 1368403200} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A378K6R7DYN1U4", "asin": "0007198914", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gil", "reviewText": "Title says it all. Easy read but plot is very predictable early on. Still easy to enjoy and a quick read. Finished the book in one afternoon.", "summary": "Fun but predictable", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "AN46R1LDEW8YB", "asin": "0006178693", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary Bass", "reviewText": "This was my third time enjoying this book. The twists and turns are wonderfully Sheldon. What gifts his books are to us all.", "summary": "A Terrific Read", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2018", "reviewerID": "A14WRY4JKU27ET", "asin": "0006064922", "style": {"Format:": " Hardcover"}, "reviewerName": "Laura M. Cline", "reviewText": "A beautiful Bible with lovely Kincaid works and bible passages and large print - easy to read! A large Bible but not tooooo heavy!", "summary": "A Nice Bible", "unixReviewTime": 1517184000} +{"overall": 5.0, "verified": false, "reviewTime": "05 11, 2007", "reviewerID": "A3PUCZGKTKSZ7W", "asin": "0003302245", "reviewerName": "M. Mellen", "reviewText": "A wonderfully written, original, and wholly different novel. 100 plus years later it is still a great read. Scary as hell too!!", "summary": "A True Classic", "unixReviewTime": 1178841600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A1QLSRLJM38XAO", "asin": "0007148976", "reviewerName": "SJCB", "reviewText": "The title is deceiving - could be off-putting to parents of elementary aged children, but it is a beautiful story of historical fiction - life in America in the 1680s - the hardships, friendships, that true faith is patient and kind. Loved it!", "summary": "Beautiful story", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "ADHYH8X7E5L4O", "asin": "0007284748", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nancy J. Brown", "reviewText": "I read this book every summer. Mr. Bradbury has masterfully described exactly what it felt to be a child during this time of year. Great reading.", "summary": "wonderful", "unixReviewTime": 1379030400} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A2MOZJ1P27DTFU", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Jacob Castro", "reviewText": "Good read, very well written and a bit thick at times. I had to go back and re read things a few times.", "summary": "Fantastic book", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A7KA4XLVP3TQ4", "asin": "0006476155", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Kim and Tone Zeiss", "reviewText": "great read for my husband who loves murder mysteries", "summary": "Five Stars", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2013", "reviewerID": "A3HKBT0FYOM1AY", "asin": "0007189885", "style": {"Format:": " Paperback"}, "reviewerName": "A. Cunningham", "reviewText": "I have read everything that I can find by this author. She continues to deliver stories that provoke strong emotions and skillful character development. This story is so rich in feeling, suspense, surprise, and humanity. Love it! Bring us more, Adichie!", "summary": "Adichie continues to deliver", "unixReviewTime": 1365984000} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3ND4HHIHNLGYA", "asin": "000713147X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Avid Reader", "reviewText": "Still reading.", "summary": "Four Stars", "unixReviewTime": 1445990400} +{"overall": 3.0, "verified": true, "reviewTime": "10 6, 2013", "reviewerID": "A21902ZJA97N0D", "asin": "0007304528", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ditty", "reviewText": "Another good read by a master story teller. Higgins has a knack for coming up with some fascinating story lines. The only trouble I had with this book was the number of characters who had last names beginning with \"M\".", "summary": "Dial \"M\"", "unixReviewTime": 1381017600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2017", "reviewerID": "A3SCKRA8M5AMXQ", "asin": "0003302245", "reviewerName": "Sr", "reviewText": "This is one of my top classic novels I will read over and over. Once I start I can't put it down until I'm complete.", "summary": "The best of all classics", "unixReviewTime": 1494028800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A3NA64NIYWXAIN", "asin": "0007120907", "style": {"Format:": " Hardcover"}, "reviewerName": "tgisz", "reviewText": "Book was delivered as described by seller, great price", "summary": "great", "unixReviewTime": 1426809600} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "AD5DNDIV4TR3Z", "asin": "000721801X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kiwi", "reviewText": "Great Book well worth the read", "summary": "Four Stars", "unixReviewTime": 1414800000} +{"overall": 4.0, "verified": false, "reviewTime": "06 1, 2014", "reviewerID": "A27C337TM7QGUB", "asin": "0007267622", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I used to avoid Koontz since I find them quite scary, but either I am getting braver or he is toning\ndown the terror. Will try a few more to see. Loved all the Odd Thomas ones though.", "summary": "Koontz is usually to scary for me", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": false, "reviewTime": "09 20, 2013", "reviewerID": "A2NHSNCY7JPKS5", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "larry peninger", "reviewText": "I love the Odd Thomas series . He is the most honest genuine person. I feel for him in his every venture. Pain lurks around every corner . He is a hero in every sense of the word.", "summary": "A work of Odd art", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A2HZL339Y174R7", "asin": "0007224796", "style": {"Format:": " Board book"}, "reviewerName": "Marilyn Baldwin", "reviewText": "For my great-grandson - a great book!", "summary": "Five Stars", "unixReviewTime": 1442016000} +{"reviewerID": "A33A9PQ0WE5YOP", "asin": "0002247275", "reviewerName": "GClugo", "verified": true, "reviewText": "I got hooked in the Farseer Trilogy. Little did I know that 15 yrs I this story would go by to commence another trilogy. This first segment is a great bridge into the Fitz saga and his great friendship with the fool. Can't wait to start the \"golden fool\".", "overall": 4.0, "reviewTime": "02 15, 2014", "summary": "A great start after 15 yrs AWOL", "unixReviewTime": 1392422400} +{"overall": 1.0, "verified": true, "reviewTime": "03 11, 2018", "reviewerID": "AVXM6ZCS9H9OM", "asin": "0007119313", "style": {"Format:": " Paperback"}, "reviewerName": "Sara Puckett", "reviewText": "Will be returning my copy. I bought the soft back version and it seems to be a bootleg version. I am very disappointed. There is no copyright page.", "summary": "I am very disappointed. There is no copyright page", "unixReviewTime": 1520726400} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2014", "reviewerID": "A3MSNIPNF5W1E0", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Elizabeth Fontaine", "reviewText": "What would we have done if Tolkien hadn't created this magical world? I guess we would have had to create it ourselves. Better than any other series in the fantasy genre. The text is very readable for those of us who are getting older.", "summary": "I love Tolkien", "unixReviewTime": 1391817600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A11YGUR07YC9TL", "asin": "0007190301", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dorothy Webber", "reviewText": "she is an amazing author . I love all her books. this is a must read.", "summary": "Five Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A9634C9P359E2", "asin": "0006238599", "style": {"Format:": " Paperback"}, "reviewerName": "Robert S. Herndon", "reviewText": "I can't believe I am reading his first work after I've read almost all of his previous works first. Instead of trying to figure it all out paragraph by paragraph, just flow with it an you'll find you understand it better.", "summary": "great first work of Lewis'", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": false, "reviewTime": "01 21, 2007", "reviewerID": "A39CILQC2QXWQY", "asin": "0002259842", "style": {"Format:": " Paperback"}, "reviewerName": "Katie Buckingham", "reviewText": "This book is one of Gregory's best yet! This book is so good that they are going to be making a major motion picture from it! This book is a bit long, but when you get to the last page, you want it to keep going. A real page turner. This book is definitely a must read!", "summary": "Wonderful book!", "unixReviewTime": 1169337600} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2008", "reviewerID": "A28MSKYB9KFHQX", "asin": "0007120125", "style": {"Format:": " Hardcover"}, "reviewerName": "David L. Hamres", "reviewText": "Sharpe's Fury: Richard Sharpe & the Battle of Barrosa, March 1811 (Richard Sharpe's Adventure Series #11)", "summary": "Sharpe's Fury: Richard Sharpe & the Battle of Barrosa, March 1811 (Richard Sharpe's Adventure Series #11)", "unixReviewTime": 1208649600} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "ASORE8B1T2UUB", "asin": "0002431548", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Alexander", "reviewText": "Where Eagles Dare, Guns of Navarone, Ice Station Zebra, HMS Ulysses. This one is different. Story unfolds at the last page. Maybe you don't get all the answers", "summary": "Story unfolds at the last page. Maybe you don't get all the answers", "unixReviewTime": 1387670400} +{"overall": 3.0, "vote": "3", "verified": false, "reviewTime": "01 2, 2012", "reviewerID": "A1T3ZQPGRKH1QL", "asin": "0007276176", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Patrick W.", "reviewText": "Not as good as the Warded Man. The demons definitely have lost their scariness in this book and the female characters are....not likeable. It's still a good book, just not a great one. I'll definitely come back for the third in the series, but I will expect improvement.", "summary": "Sophomore slump", "unixReviewTime": 1325462400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "AA0QFE5PF45RK", "asin": "0006173624", "style": {"Format:": " Kindle Edition"}, "reviewerName": "G.P.S.", "reviewText": "Fiction yes, it is very plausible and highly readable. The action hardly lets off from beginning to end. Well worth the time to read.", "summary": "A spellbinding \"historical faction\"!", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": false, "reviewTime": "04 23, 2011", "reviewerID": "A3M6B09PQKOHOE", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kells", "reviewText": "My husband and I both really enjoyed this book. It had life from a dog's perspective, a little about racing, and it says a lot about the furry family members in our lives. I would recommend this book to anyone.", "summary": "Great book", "unixReviewTime": 1303516800} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2016", "reviewerID": "A26I2XO0NY3GCF", "asin": "0006895492", "style": {"Format:": " Hardcover"}, "reviewerName": "JMC", "reviewText": "Easy to understand, even for the layperson.", "summary": "Got it as a required textbook.", "unixReviewTime": 1459555200} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A14IIS1NFPH4VH", "asin": "0006476414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lubydoo", "reviewText": "Clancy's always a good read. Interesting plots, lots of action and never boring", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A1AEQNGQECNFEB", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sarah JP", "reviewText": "Unexpectedly good read! Promised myself not to read another YA post-apocalyptic book but this is a very good one. Highly recommended.", "summary": "A very good read", "unixReviewTime": 1413417600} +{"reviewerID": "A1NZEK0BC1KACT", "asin": "000100039X", "reviewerName": "Puzzle924", "verified": true, "reviewText": "I never could really put it down. I am better for reading this wonderful book. I will undoubtedly read it again and again.", "overall": 5.0, "reviewTime": "02 2, 2018", "summary": "Great book", "unixReviewTime": 1517529600} +{"overall": 1.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A24N36PM3ZU2B7", "asin": "0007327064", "style": {"Format:": " Paperback"}, "reviewerName": "drist", "reviewText": "To odd for me.", "summary": "Science fiction bla.", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A2S1KXUX0CUBFL", "asin": "0007350465", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cheri Legendre", "reviewText": "It was a great idea. Everyone should set a goal like this.", "summary": "It was a great idea. Everyone should set a goal like this", "unixReviewTime": 1405900800} +{"overall": 5.0, "vote": "6", "verified": false, "reviewTime": "10 15, 1999", "reviewerID": "A1DBUL3B7H89B1", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "This book allowed me to forget all I knew about God and investigate from a totally new perspective. I could never just rattle off chapters, this is a book to be read SLOWLY, absorbed and digested. My brain got a great workout.", "summary": "Good book! It's no vacation for a brain, a real thinker", "unixReviewTime": 939945600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A2BQ7LSTS6S4QT", "asin": "0001046314", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wisco Mom", "reviewText": "This was my first Barbara Taylor Bradford book and I am hooked!! I have already started reading Old the Dream, the second book in the series! I love reading historical fiction and just love Emma Harte's character.", "summary": "Great book", "unixReviewTime": 1425427200} +{"overall": 3.0, "verified": false, "reviewTime": "11 8, 2011", "reviewerID": "A24P3I6LT9Q6OE", "asin": "0007201583", "style": {"Format:": " Paperback"}, "reviewerName": "Karen S. Mesko", "reviewText": "I liked this book. I enjoyed the depiction of post WWII mining town and it's neighborhoods. I wanted to care more about the characters, but in the end, I really didn't care much. There seemed to be something missing. I am, however, going to read Mrs. Kimble.", "summary": "This could have been a five", "unixReviewTime": 1320710400} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A2YTHBZLCOW28E", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kai Toledo", "reviewText": "Fabulous!", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A3IM8NZVDRGLWI", "asin": "0007165005", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dawn", "reviewText": "A really great book!! A must read for everyone!! Absolutely love the idea of a love so strong and how to move on", "summary": "P.S. I Love you", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2013", "reviewerID": "A3IL9VHTSGBYN3", "asin": "0007201788", "style": {"Format:": " Kindle Edition"}, "reviewerName": "darren welshman", "reviewText": "start at the first book in this series and you won't stop . The story has everything battles are well explained, Savage and bloody ,Love it", "summary": "Great Author", "unixReviewTime": 1360281600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A3F64R9FR0WXK6", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "shari watlington", "reviewText": "love this", "summary": "Five Stars", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A1MKIZISY2X7QU", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "m hogan", "reviewText": "Simple compared to the Lord of the Rings but a great book to introduce the Lord of the Rings.", "summary": "... compared to the Lord of the Rings but a great book to introduce the Lord of the Rings", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2013", "reviewerID": "A39E6LCK0T56J7", "asin": "0005235073", "style": {"Format:": " Paperback"}, "reviewerName": "Elizabeth Searles", "reviewText": "This is an oldie that never goes out of style. Was very glad to find again when I had lost my pervious copy.", "summary": "Great Hymns", "unixReviewTime": 1359590400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A3CP738YAQW6XQ", "asin": "0007224893", "style": {"Format:": " Hardcover"}, "reviewerName": "Michelle J. Slapion-Foote", "reviewText": "Totally awesome! Great read! I'm trying to read EVERY James Patterson book ever written! Doing pretty good so far!", "summary": "Must read!", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2012", "reviewerID": "AFZM9FF9YRXLA", "asin": "0001712691", "style": {"Format:": " Board book"}, "reviewerName": "Pixie", "reviewText": "Great addition to the little ones collection of Berenstain Bears Books. She loves watching the cartoons and reading the books.", "summary": "Berenstain Bears - He Bear, She Bear", "unixReviewTime": 1352073600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A1YBY8M4PS7KSH", "asin": "0007284748", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Happy Customer", "reviewText": "A gem of a book! It is so filled with wisdom, keen observations through the eyes of a 12 year old, and life-lessons...Puts ordinary daily events into a magical state......Loved it, and will definitely turn to it again, and again!", "summary": "Ageless Wisdom in a Bottle", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A246J3MTMXJAD5", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ZvikaBK", "reviewText": "Couldn't have read it unless in conjunction with Tolkien Gateway website (http://tolkiengateway.net/wiki/Main_Page) and the interactive map in LOTH Project webpage ( http://lotrproject.com/). Both highly recommended to all Tolkien fans.", "summary": "not easy reading but most enjoyable", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A1DAJZO8DIGDYS", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Albert A. Thurman", "reviewText": "Good book. Keeps you guessing.", "summary": "Five Stars", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "AX8258QMXZ8UO", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "Danielle Karabasic", "reviewText": "great item!!", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 3.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A2GB90C0Y4IDEN", "asin": "0007299273", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sherry Garretson", "reviewText": "This story could have been condensed substantially. The story was good but scenes were repeated over and over... especially the lava lamp description.", "summary": "Too Much Lava Lamp", "unixReviewTime": 1407283200} +{"reviewerID": "A172JJ3RQPU40G", "asin": "0001951076", "reviewerName": "Jessica Jones", "verified": true, "reviewText": "I was surprised when I got these and found out how small the books actually are. They can't be more than 8\". Other than that I love them.", "overall": 4.0, "reviewTime": "06 14, 2016", "summary": "Small books", "unixReviewTime": 1465862400} +{"overall": 2.0, "verified": true, "reviewTime": "03 15, 2013", "reviewerID": "A2CBDP2CJH5WYS", "asin": "0007236425", "style": {"Format:": " Hardcover"}, "reviewerName": "J3", "reviewText": "an amazing in depth book, a great deal of information is provided about the topic at hand, I recommend this book highly.....", "summary": "an amazing in depth book, a great deal of information is provided about the topic at hand, I recommend this book highly.....", "unixReviewTime": 1363305600} +{"overall": 5.0, "verified": false, "reviewTime": "10 27, 2014", "reviewerID": "A2B2DP41ILI3E2", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Heliana Sandulescu", "reviewText": "I have read it 40 years ago!", "summary": "Five Stars", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A3AIK05262XLVR", "asin": "000711835X", "reviewerName": "Holli", "reviewText": "Great condition.", "summary": "Five Stars", "unixReviewTime": 1458172800} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A34MQ6YDHSVOX6", "asin": "0006499228", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jim A. Bledsoe", "reviewText": "I see a ferocious collision coming with Adm. Hart, Mr. Wray and Jack. The pieces are moving into position. In this book, the Surprise is a surprise and Pullings may get his half yet. Great story that moves right along.", "summary": "Great Sea Battle With The Turks", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "AM8QHNY4OQ7XX", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "DaniLee", "reviewText": "I haven't read this book since High School. They had a Preface that was written in 2003 which actually sounded a lot like an essay I wrote for class, so that made me feel special. It compared the other distopia novels of the time", "summary": "They had a Preface that was written in 2003 which actually sounded a lot like an essay I wrote for class", "unixReviewTime": 1464393600} +{"reviewerID": "A34DEKQEHF427P", "asin": "0001050230", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I have to read this book for school.", "overall": 5.0, "reviewTime": "12 22, 2015", "summary": "School Assignment", "unixReviewTime": 1450742400} +{"overall": 3.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A1QDN68F9ZBOFY", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ralph R. Garcia", "reviewText": "Kind of gossipy. Not her best work..m", "summary": "Not her best work.", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2016", "reviewerID": "A3580WXZ1JZMQS", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "R.E. Wood", "reviewText": "Seeing numerous movies and TV adaptations of this classic made me forget that I had never read this book. I remedied that and had a wonderful time. A timeless classic.", "summary": "A true classic!", "unixReviewTime": 1451692800} +{"reviewerID": "AD5NARXP0Z7JC", "asin": "0002259664", "reviewerName": "Wildcat Wilma", "verified": true, "reviewText": "Although I usually enjoy Bernard Cornwell writing-I thought this was a little tedious", "overall": 3.0, "reviewTime": "04 13, 2015", "summary": "Vagabond is okay", "unixReviewTime": 1428883200} +{"overall": 4.0, "verified": false, "reviewTime": "06 3, 2014", "reviewerID": "A20F4BNRXNW29Z", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dennis Lytle", "reviewText": "This is a fun book to read. Odd Thomas is odd at that but I find myself rooting for him.", "summary": "good book", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": false, "reviewTime": "09 17, 2014", "reviewerID": "ATYAEGPXEN658", "asin": "0007136900", "style": {"Format:": " Paperback"}, "reviewerName": "OCchick", "reviewText": "A fun read! Not historically accurate, but face paces and adventurous. I enjoy this author's style as well. Not oversimplified yet casual.", "summary": "Fun", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2011", "reviewerID": "A3HL3ZQ8A3JH8O", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Michael E. Nader", "reviewText": "This boxed set of classics tales of Narnia was intended as a gift and my son and his family were very pleased to receive it.", "summary": "The Gift of Narnia", "unixReviewTime": 1298246400} +{"reviewerID": "ASISTKX6X3PPQ", "asin": "000100039X", "reviewerName": "Gwen S. Collins", "verified": true, "reviewText": "I love the writing and consider it my bible. Great insight and clarity into human behavior. Touches my 'sou' every time I read it", "overall": 5.0, "reviewTime": "09 20, 2014", "summary": "Recipe for Daily Living", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "A1E7HPZMPJT8AF", "asin": "0002259842", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Toni", "reviewText": "I love this book! It had me engaged from the beginning. I would definitely recommend this book to another reader.", "summary": "Excellent Book", "unixReviewTime": 1372032000} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2009", "reviewerID": "A22NCO2952OV71", "asin": "0002213311", "style": {"Format:": " Hardcover"}, "reviewerName": "Desiree Hodge", "reviewText": "this is a sequel in the anita blake series and all i have to say is please go buy one of them any of them and start reading it cause you will love it and if you don't then send it to me cause ive about worn all my copies thin from reading them over and over again..", "summary": "anita blake", "unixReviewTime": 1234396800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A37OWKYABGMG09", "asin": "0006158048", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "No review.", "summary": "No review.", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "AW93QPLG23B98", "asin": "0007202628", "style": {"Format:": " Paperback"}, "reviewerName": "Stephanie Piering", "reviewText": "I love this book! I love CATS the musical so it is great to have the poems and I love that Edward Gorey did the illustration. Great find!", "summary": "Great book", "unixReviewTime": 1508889600} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2007", "reviewerID": "AIB0EFC6KKKVT", "asin": "0002259842", "style": {"Format:": " Paperback"}, "reviewerName": "A. K. Meyer", "reviewText": "This is the first novel of Philippa Gregory's that I have read. I loved her style of writing, and the story she told. This book was very hard to put down. This is a great book for all.", "summary": "Loved this book", "unixReviewTime": 1186099200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A2YHPJUDXKDN9Q", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Helene Grosse Pointe", "reviewText": "So it seems presumptuous to give stars to Emma or any book by Jane Austen. My second favorite Austen book after Persuasion. Wonderful characters, especially Miss Bates and Mr Woodhouse. A book to read again and again.", "summary": "My second favorite Austen book after Persuasion", "unixReviewTime": 1419984000} +{"reviewerID": "AFBFHQOZENH5L", "asin": "0001050230", "reviewerName": "R. K. Larsen", "verified": true, "reviewText": "I like the ones about kings and and magic better, but this is a rousing tale. Can't wait for his next book!", "overall": 5.0, "reviewTime": "03 6, 2013", "summary": "Billy Wigglestick writes a cracking story!", "unixReviewTime": 1362528000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A2AW1EB1T6CEKT", "asin": "0007311273", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tanya Hoy", "reviewText": "One of my favorite series", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": false, "reviewTime": "06 27, 2015", "reviewerID": "A1HBA3KE8XNVKI", "asin": "0007148976", "style": {"Format:": " Kindle Edition"}, "reviewerName": "hollythehun", "reviewText": "This was a good book and had several surprises that I liked. I would recommend it to anyone but it does have a few swears.", "summary": "Awesome", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "AF2QWLOHD1KEO", "asin": "0004934288", "style": {"Format:": " Hardcover"}, "reviewerName": "Waller C. Tabb Jr.", "reviewText": "This is a good hymnal with additional thoughtful readings. I also recommend the Trinity Hymnal.", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 2.0, "verified": true, "reviewTime": "03 31, 2018", "reviewerID": "A38F0XHSDS4RA0", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "A. Milton", "reviewText": "This is not my favorite Jane Austen story. I may give it another try someday, but for today I just had to put it down.", "summary": "This is not my favorite Jane Austen story", "unixReviewTime": 1522454400} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A1LCZ1DEB9B1GY", "asin": "0007245823", "style": {"Format:": " Paperback"}, "reviewerName": "Diva", "reviewText": "Loved the book and am recommending it to friends and my book group next year!", "summary": "A Vintage Affair", "unixReviewTime": 1418860800} +{"overall": 4.0, "verified": false, "reviewTime": "04 5, 2017", "reviewerID": "A1JZCGUK5M2DQU", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aron", "reviewText": "Read multiple times would recommend to anyone better than the drawn out movies made from the book. Try it out", "summary": "Good book", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": false, "reviewTime": "03 4, 2013", "reviewerID": "A2KKX16XKXILEV", "asin": "0007274866", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Katia Oli", "reviewText": "about a broken zoo now restored and running!\nIt's also about the people and animals there.\nA story very well told!!!", "summary": "A very interesting story", "unixReviewTime": 1362355200} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "09 2, 2000", "reviewerID": "A1DVCFTQUD2Z69", "asin": "000617471X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "felicia", "reviewText": "if you've never read a victoria holt book than this one you would love it is the 12th victoria holt book i read", "summary": "a true victoria holt threw and trew", "unixReviewTime": 967852800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "A2D1WCM0GTTM9C", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Heidi Kortright", "reviewText": "It is such a lovely and affirming story and echoes the teachings of Abraham and what my own heart already knows and has experienced. A fast read and so enjoyable.", "summary": "Loved this story", "unixReviewTime": 1404000000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A3AOHKQN81O7RC", "asin": "0002315963", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CM Camo", "reviewText": "I never tire of reading Agatha Christie novels and Miss Marple is my favorite character of hers. I recommend this book to any Christie fan.", "summary": "Excellent!", "unixReviewTime": 1413504000} +{"overall": 3.0, "verified": false, "reviewTime": "12 2, 2015", "reviewerID": "A13JNC1OJKMX6L", "asin": "0007148852", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Bookminder113", "reviewText": "I had high hopes for this book. Not the author's best work.", "summary": "Not the author's best work.", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A1PCRMLEQBTQEM", "asin": "0007164653", "style": {"Format:": " Hardcover"}, "reviewerName": "samanthia", "reviewText": "The best darn book ever, very informational, and gives a background description of some of the herbs and spells. My baby.", "summary": "Love The Spells", "unixReviewTime": 1473897600} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "10 31, 2006", "reviewerID": "A2H4VY90RGENJM", "asin": "0005818117", "style": {"Format:": " Hardcover"}, "reviewerName": "AmazonCustomer", "reviewText": "I like this book so much that I am thinking about going back and buying it to keep. I had borrowed one for the semester but I think its such a great reference that I'd like to keep it around!", "summary": "User Friendly", "unixReviewTime": 1162252800} +{"overall": 5.0, "verified": false, "reviewTime": "08 25, 2014", "reviewerID": "A2XAJQ1YP2EURL", "asin": "0001046314", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Glenda Helmick", "reviewText": "Great book! I read the series about 15 years ago...so much nicer being able to hold the Kindle instead of the big, heavy book. I'm in Hold the Dream now.", "summary": "Great book! I read the series about 15 years ...", "unixReviewTime": 1408924800} +{"overall": 4.0, "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A3OTCE9KS74W7H", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sunny044", "reviewText": "After reading Unbroken, I enjoyed reading another WW2 true story. What a brave group of men and women! I would highly recommend it for men and women.", "summary": "Awesome...", "unixReviewTime": 1402963200} +{"overall": 4.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A3PH8Z4UJHB0WA", "asin": "0007299540", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Space Mom", "reviewText": "Quite interesting and different. Writing isn't too bad and the idea was good.", "summary": "Writing isn't too bad and the idea was good", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "AIAESMOR8A729", "asin": "0007184867", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kindlereader2", "reviewText": "Terrific story! Love this author.", "summary": "The Frozen Lake", "unixReviewTime": 1416268800} +{"reviewerID": "A6TDSL1XGSOY2", "asin": "0002221020", "reviewerName": "Michael P. Mcintire", "verified": true, "reviewText": "Page turner, old style writing. Not for feminist", "overall": 5.0, "reviewTime": "08 5, 2015", "summary": "Page turner", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A34CYOWBV2X2B", "asin": "0007331908", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David Black", "reviewText": "A master story teller !!! YOU WILL READ ALL 8 books !! Bernard Cornwell will bring you on a quest you will never forget !!", "summary": "A Master story teller !!", "unixReviewTime": 1461110400} +{"overall": 4.0, "verified": false, "reviewTime": "07 17, 2013", "reviewerID": "A1DYUXSAT9MUPJ", "asin": "0007230206", "style": {"Format:": " Paperback"}, "reviewerName": "Jerry Westerby", "reviewText": "Great insight into Cromwell, but could use more pronouns so you know who's talking. Bring Up the Bodies is even better.", "summary": "Great insight into Cromwell, but could use more pronouns so you know who's talking.", "unixReviewTime": 1374019200} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A2RG6FV58HCF07", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amalia Mireles", "reviewText": "I couldn't get enough of this book, loved all the characters and their own story. The ending left me wanting more though.", "summary": "loved all the characters and their own story", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "AGFH1JC390S4S", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Peggy Brown", "reviewText": "Pirate Latitudes is full of none stop action and intrigue. Since I, a 62 year old. Female loved it, I recommend it to anyone and everyone", "summary": "Thrilling", "unixReviewTime": 1429920000} +{"overall": 3.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "A2HW7MPOSCN4Q4", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Magsdad", "reviewText": "It's a literary classic, but I am not sure why. I struggled to complete, not due to difficulty reading, just no real point to the story.", "summary": "It's a literary classic, but I am not sure ...", "unixReviewTime": 1430438400} +{"overall": 4.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "ALLB5I9IA4FO0", "asin": "0007236360", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Margaret", "reviewText": "Possibly the saddest book that I have read in my entire life, but an eye opener. I had a love hate relationship but I'm glad that I got a glimpse into a sad life that could have been so different. My thought are with Jodie as she continues to fight her battles.", "summary": "Sad, but unfortunately a reality", "unixReviewTime": 1399161600} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "AGUUDYY7LILSR", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Prague Limoncelli", "reviewText": "granddaughter needed this", "summary": "Good price", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2014", "reviewerID": "AL8CHGUELW3RU", "asin": "0007192142", "style": {"Format:": " Paperback"}, "reviewerName": "Gail M. Schultz", "reviewText": "Amazon and the sender of this book make life easier. I love Philippa's books and was glad to have found this one.", "summary": "Philippa", "unixReviewTime": 1400198400} +{"overall": 4.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "AIUF3YPRPL97H", "asin": "0007319185", "style": {"Format:": " Paperback"}, "reviewerName": "Wendy Minnis", "reviewText": "It's all about Steven Tyler's!", "summary": "Four Stars", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2016", "reviewerID": "A28WFW20U4GGG8", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "An awesome inspiring book", "summary": "Five Stars", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "AK8ZZWQOC6DMR", "asin": "0007336829", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carolyn R", "reviewText": "I have a rescue dog myself - Dean's book made me appreciate my dog (Precious) even more than I thought possible!", "summary": "A Big Little Life: A Memoir of a Joyful Dog Named Trixie", "unixReviewTime": 1355184000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A2IR5V52WJT0K4", "asin": "0006513220", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joyce Bates", "reviewText": "Hard to put down.", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "AYPAFSV00F2QD", "asin": "0007118899", "style": {"Format:": " Paperback"}, "reviewerName": "judie s. grenen", "reviewText": "was glad to finish the series", "summary": "Five Stars", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A2FEI0VQYMDAW6", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Everett", "reviewText": "Author is able to immerse you in a richly entertaining fantasy. I stayed totally engrossed from the beginning to end!", "summary": "Fantastic", "unixReviewTime": 1357862400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A109FU7LXFNVFA", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Peter Beck-Rasmussen", "reviewText": "I own the Tolkien trilogy in the paper edition and I frequently find pleasure in rereading them. However the Kindle e-book versions make them more suited for traveling, thus enabling me to do this when traveling as well.", "summary": "A classic", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": false, "reviewTime": "05 29, 2017", "reviewerID": "A1ZUPWA08D11Z6", "asin": "0001713256", "style": {"Format:": " Hardcover"}, "reviewerName": "Mel San", "reviewText": "I got home to my Baby ready to read. He loves dogs and his was a perfect fit.", "summary": "He loved it!", "unixReviewTime": 1496016000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "A25CCW5NH5DE0J", "asin": "0007344309", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kenneth Burns", "reviewText": "It's MacBride: different police force, same black humour.", "summary": "Five Stars", "unixReviewTime": 1405728000} +{"reviewerID": "A2D7J4J134UKS4", "asin": "0001951076", "reviewerName": "Lucinda Weinrich", "verified": true, "reviewText": "Tried and true!!", "overall": 5.0, "reviewTime": "02 20, 2016", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A3MUBH63GWWBWK", "asin": "0007384319", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Judy", "reviewText": "Excellent read. I could not put it down.", "summary": "Don't miss this one!", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "AA5AM2SHLDXRF", "asin": "0006514677", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ex Marine", "reviewText": "always a good read, not as good as his early work where you get sucked into the story, this just leads you along.", "summary": "always a good read, not as good as his early work ...", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "A3IJPUGITODKFH", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tracie R.", "reviewText": "The best author that ever lived. How could you not fall in love with any character created by Jane Austen.", "summary": "Austen fan for life.", "unixReviewTime": 1358726400} +{"reviewerID": "A39Z7UB1YP6ODJ", "asin": "0001050230", "reviewerName": "Auntie Mimi", "verified": true, "reviewText": "Good to read alongside the original text. It will help with comprehension.", "overall": 4.0, "reviewTime": "05 1, 2015", "summary": "Four Stars", "unixReviewTime": 1430438400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "A2PZLJ24Z54I3Q", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "avid reader", "reviewText": "Classic book, haven't read it in ages and was better than I remembered. Free books are always good. read it", "summary": "Always good.", "unixReviewTime": 1409356800} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "AY88HSKMMG5X0", "asin": "0006383475", "style": {"Format:": " Paperback"}, "reviewerName": "Jim R.", "reviewText": "goo book", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A3CWSX4EAH9Y6V", "asin": "0007311648", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Julianne Hoffman has become one of my favorite authors. She writes a great murder mystery that is fast paced and well scripted. She knows the law and facts and ensures the story will entertain you from the first page to the last", "summary": "Julianne Hoffman has become one of my favorite authors. She writes a great murder mystery that ...", "unixReviewTime": 1440028800} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "ALQB5REND47EX", "asin": "0007173989", "style": {"Format:": " Kindle Edition"}, "reviewerName": "wendell2", "reviewText": "Like Angela's Ashes, I thoroughly enjoyed his writing.", "summary": "Irish in America", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2013", "reviewerID": "A2LCDYE70VL5F3", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Robin", "reviewText": "I don/t usually read non fiction but this is a fascinating story that reads like a novel. I would definitely recommend it.", "summary": "Fascinating true life story of an actual historical event", "unixReviewTime": 1359676800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A60I00JCIYZX8", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Kelly", "reviewText": "Great price - and LOVE this book!", "summary": "Five Stars", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A3W2M7ZKET7R78", "asin": "0001046314", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary Lynn Simmons", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 4.0, "verified": false, "reviewTime": "12 27, 2015", "reviewerID": "A18VT0X3VJ6EIY", "asin": "0006498523", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L. Baker", "reviewText": "James Patterson has once again captured my complete attention. I would normally make a book last a week.....but this one has only lasted 2 days. He has mastered the art of drawing in his readers. Another excellent book!", "summary": "Riveting from beginning to end.", "unixReviewTime": 1451174400} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2014", "reviewerID": "A2XSGXA595F47D", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marcia Lewis", "reviewText": "I'm not real sure what I think about this one. it was hard for me to follow. I like reading Odd Thomas but this one was different.", "summary": "This Odd Thomas was different.", "unixReviewTime": 1397174400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "ARI1MRFUN6WS8", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy Weeks", "reviewText": "This is not the complete book. This is only the first part. Super annoying since I did not see it anywhere in the description. The book it self is wonder but this copy is a waste of your money.", "summary": "Don't be fooled!", "unixReviewTime": 1516838400} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "AZBHIZOBKR94C", "asin": "0007204167", "style": {"Format:": " Kindle Edition"}, "reviewerName": "bamboo4every1", "reviewText": "I don't know that Mr Coelho writes from a woman's perspective as well as he does from a man's. I loved the book, but it finished before I felt it had reached a true conclusion.", "summary": "Still love Paulo Coelho", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2012", "reviewerID": "A35QKYYLER0K3H", "asin": "0006545793", "style": {"Format:": " Kindle Edition"}, "reviewerName": "H. Hyvarinen", "reviewText": "Brave New World was one of the best fiction books I've read in a long time. I love the future it's set in, particularly since it was written pre computer and during an age where everything was mechanical.", "summary": "Really great read", "unixReviewTime": 1347408000} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2014", "reviewerID": "AX5YM0DO4GGP3", "asin": "0007131925", "style": {"Format:": " Hardcover"}, "reviewerName": "Heidi", "reviewText": "Great book on health, bettering yourself and your diet! This is a must read if you want to improve on health!", "summary": "Great book!", "unixReviewTime": 1398470400} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2013", "reviewerID": "A1N5MH0MFW3XH3", "asin": "000715707X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Partha Dhara", "reviewText": "Really I like charlie, its so enjoyable for all ages. Recommended for young readers. Moral, illustrations, character depiction are so perfect.", "summary": "So enjoyable", "unixReviewTime": 1377129600} +{"overall": 4.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A2M9KH0R6LXYQ5", "asin": "0007235801", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ah", "reviewText": "A very enlightening glimpse into Coelho's thoughts, beliefs, and spirituality. An exercise in tolerance in chapters which is a wonderful thing!", "summary": "Exercise for your mind and spirit", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "A30KS7K7A2BR3F", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "Sandy", "reviewText": "loved it when it first came out and I still love it!!", "summary": "Oldie but ALWAYS a GOODIE", "unixReviewTime": 1522886400} +{"overall": 2.0, "verified": false, "reviewTime": "10 22, 2015", "reviewerID": "A3KDPJ0G9I6IUV", "asin": "0007350961", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Don't really care for \"romantisim\" period of writing...pretty overly exaggerated for me...I think it needed more detail about the monster...what it looked like...the wedding night ....sparse.... not a lot of description...", "summary": "pretty overly exaggerated for me", "unixReviewTime": 1445472000} +{"reviewerID": "A3HWLHJE6CRUWS", "asin": "0002242052", "reviewerName": "rickins", "verified": false, "reviewText": "Excellent story. Fun reading the beginnings of John Clark, a pleasant surprise.", "overall": 5.0, "reviewTime": "08 9, 2016", "summary": "Excellent Story", "unixReviewTime": 1470700800} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A1DODXXNG3ZXK5", "asin": "0007344295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Christine", "reviewText": "I enjoy Stuart MacBride's books because they are easy to read and I appreciate his sense of humour. His characters are believable to the extent that I worry that his descriptions of the boys and girls in blue might be accurate. A good yarn.", "summary": "Free Flowing Read", "unixReviewTime": 1357257600} +{"reviewerID": "A92M25QOW8U9K", "asin": "0002241277", "reviewerName": "frank a willis", "verified": true, "reviewText": "I am happy with my purchase", "overall": 5.0, "reviewTime": "07 14, 2016", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A1PIYX3VHJQYNT", "asin": "0007303017", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leslie Behncke", "reviewText": "Took a bit too long for the dog to enter the picture but , it was well worth the wait . A true love story between husband and wife and a man and his dog. Endal is truly an extraordinary dog who kept a family together.", "summary": "I have been without a dog long enough", "unixReviewTime": 1436572800} +{"overall": 3.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A3E4SUCXR4U7HJ", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "john smith", "reviewText": "Good book but a bit over rated", "summary": "Three Stars", "unixReviewTime": 1416614400} +{"overall": 5.0, "verified": false, "reviewTime": "08 24, 2014", "reviewerID": "AEWE6FWC8Q5C9", "asin": "0006895492", "style": {"Format:": " Paperback"}, "reviewerName": "Maria G.", "reviewText": "Very easy to understand anatomy and physiology. Ideal for massage therapists and nurses.", "summary": "Five Stars", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "AS5K03O1OYRM8", "asin": "0007379587", "style": {"Format:": " Hardcover"}, "reviewerName": "Martha Fiddyment", "reviewText": "thank you. perfect.", "summary": "perfect.", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": false, "reviewTime": "09 6, 2014", "reviewerID": "A2MT4A5AQ785Q0", "asin": "0007288867", "style": {"Format:": " Paperback"}, "reviewerName": "Sinead Hogan", "reviewText": "One of my favorite authors", "summary": "Five Stars", "unixReviewTime": 1409961600} +{"overall": 3.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "AGISHKYBO7ERS", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Joe Schmo", "reviewText": "The paper cover was ruined the minute a drop of paper got on it. The cover is cute, the size is good, but the way it's made makes it hard to hold in order to read it. It's very stylish though.", "summary": "the size is good, but the way it's made makes it hard ...", "unixReviewTime": 1477267200} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A15IFDUA6D146Q", "asin": "0007193181", "style": {"Format:": " Kindle Edition"}, "reviewerName": "William W.", "reviewText": "Story about an Aberdeen detective who recently returned to duty from nine months recuperating leave after being stabbed in the abdomen by a murderer he was investigating. Still in pain he is assigned to a case of missing/murdered children.", "summary": "Murder in Aberdeen", "unixReviewTime": 1479254400} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "AQ6QSJ3OXOIJG", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "julie", "reviewText": "Perfect kindergarten graduation present.", "summary": "Five Stars", "unixReviewTime": 1480291200} +{"reviewerID": "A9PG6ZACP1XHE", "asin": "0002247437", "reviewerName": "Lindsay M Frenz", "verified": true, "reviewText": "So far this is probably my least favorite book in the series. HOWEVER, I still enjoyed it immensely. I felt like certain sections were dragging along but it wrapped up wonderfully in the end.", "overall": 4.0, "reviewTime": "03 10, 2013", "summary": "Book 4: The Epic Series continues", "unixReviewTime": 1362873600} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A24BDYR0H9ESQT", "asin": "0007265077", "style": {"Format:": " Hardcover"}, "reviewerName": "Sissabagama Lady", "reviewText": "Read this a few years ago. It was a good mystery, but left the reader a bit confused at the end.", "summary": "Was an easy fast read.", "unixReviewTime": 1385856000} +{"overall": 5.0, "verified": false, "reviewTime": "06 6, 2014", "reviewerID": "A2NX8953UMZFF1", "asin": "0007367473", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Despar", "reviewText": "A masterpiece. Beautifully written. Warm, caring and enlightening. One of the best books of fiction with incredible vision of historical fact all wrapped up in a wonderful read!", "summary": "Remarkably beautiful", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "ABPGDP5Y0QEEW", "asin": "000710829X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marietta Wright", "reviewText": "Love the series so far. Now on volumn 4. Can't put them down.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 3.0, "vote": "5", "verified": false, "reviewTime": "08 28, 1999", "reviewerID": "A1DW700HEBQC4P", "asin": "0006472818", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "J. Rodeck", "reviewText": "Stuart Woods must suffer from multiple personality disorder: brilliant author/hack writer. \"Dead Eyes\" is a fall from grace from the author of the great \"Chiefs.\" A run-of-the-mill stalker thriller. In fairness, the prose is lean and gets straight to the point.", "summary": "Hacked off.", "unixReviewTime": 935798400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "AAAN1AJDWWK5A", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donna Dauenhauer", "reviewText": "Jane Austen is a great author! Emma is well written, and hard to put down once you start reading it!", "summary": "Great book", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A396Y4DSLWWBBA", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Alexis Mata", "reviewText": "Good product!", "summary": "Five Stars", "unixReviewTime": 1496448000} +{"overall": 3.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A2PC5EBG2JU4XX", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Enjoyed.", "summary": "Three Stars", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A1YPQ2CNZZSBII", "asin": "0006499627", "style": {"Format:": " Paperback"}, "reviewerName": "AMW", "reviewText": "Great short stories!", "summary": "Five Stars", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2013", "reviewerID": "A2GL4QFCEFC700", "asin": "0007203136", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "joe vadalma", "reviewText": "Dean Koontz's Frankenstein series is much fun. Koontz has this macabre sense of humor. The books are great fun to read.", "summary": "Great series", "unixReviewTime": 1383696000} +{"overall": 4.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A2TB4HYVZOH7CW", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "smckenzie", "reviewText": "I would recommend this book to all teenagers. Young people would benefit greatly from reading about personal journeys and finding ones own path.", "summary": "great read", "unixReviewTime": 1409616000} +{"overall": 3.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A1MHUH1TJ43E16", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Naomi L. Murphy", "reviewText": "This was a disappoint as a rabid Michael Crichton fan...it fell short of his usual caliber. I did enjoy the historical authenticity of it, which he excelled at but it drug in places and the characters were lackluster.", "summary": "Pirate Lattitudes", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": false, "reviewTime": "05 29, 2013", "reviewerID": "A1ZV41SY2GI1BO", "asin": "000719174X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This book takes a moment to grab you but when it does you do not want to put it down", "summary": "Well written", "unixReviewTime": 1369785600} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2013", "reviewerID": "A1HT5UG8QA0XXY", "asin": "0006551807", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pat", "reviewText": "A good example of the \"old ways\" meet the \"new ways\" and the problems second generation Americans have trying to assimilate the two in their lives. It's good to be introduced to a different culture. I enjoyed the book.", "summary": "Old vs New", "unixReviewTime": 1370044800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A32IVD0YEJJQKH", "asin": "0006545793", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SoniaC", "reviewText": "I can see why this book is a classic. It is engaging and moving. The world described of constant consumption and no actual thought is bad. The way they tamper with unborn is even worse. This book is powerful and will make you think. It will make you feel.", "summary": "A Worthy Read", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "AAM6ZOE7RM6Z0", "asin": "0007161158", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Fredric J Love", "reviewText": "great read", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": false, "reviewTime": "02 16, 2016", "reviewerID": "A1FO5T6FMABXE6", "asin": "0007304838", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Milo", "reviewText": "One of Iles' best . Suspenseful & action filled. I couldn't put it down ...", "summary": "A Real Page Turner", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A2R5VZS63ZJDCG", "asin": "0007329067", "style": {"Format:": " Hardcover"}, "reviewerName": "Kelly", "reviewText": "An enjoyable way to be properly corrected.", "summary": "Five Stars", "unixReviewTime": 1405036800} +{"overall": 4.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A1VAU4V7HOE90T", "asin": "0006476155", "style": {"Format:": " Amazon Video"}, "reviewerName": "Rocky", "reviewText": "If you like suspense films and like Moran Freeman like we do, you will really like this film. It has been out for a while, but is still on the plus side. It will not break the bank, which is nice. Great movie to watch when you just want to be entertained.", "summary": "A bit dated but...", "unixReviewTime": 1399161600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A3JAVKW8M9AS8D", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "atomic jOY", "reviewText": "Read it over and over.", "summary": "it's a quick and easy read", "unixReviewTime": 1484784000} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A2UWQCZUT6G8BO", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Douglas E. Graham", "reviewText": "Given all of the novels ever written it would be difficult to give 5 stars. If you want supernatural, dry wit and a truly entertaining book, then this in another book in the Odd Thomas series that gives you what you are looking for.", "summary": "Odd Thomas Series", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": false, "reviewTime": "08 10, 2013", "reviewerID": "A14439IS8NTZYN", "asin": "0006511279", "style": {"Format:": " Paperback"}, "reviewerName": "David Taylor", "reviewText": "Don't read this if you're of a sensitive nature. This is Flashman at his most politically incorrect! And I'm embarrassed to say I loved it!", "summary": "Oh yes", "unixReviewTime": 1376092800} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "ADT6IGNLCQHTM", "asin": "0001844423", "style": {"Format:": " Hardcover"}, "reviewerName": "JTPope", "reviewText": "hard to stop reading", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "09 19, 2007", "reviewerID": "A1X4BCZHSESNWW", "asin": "0007350783", "style": {"Format:": " Leather Bound"}, "reviewerName": "M. Batz", "reviewText": "I bought this book for a good friend and she went bonkers when she saw it. I did too when I opened the box the day it came in the mail. I wanted to keep it for myself! The cover is beautiful, the pages are gold edged, and it is just a wonderful book!", "summary": "Gorgeous book", "unixReviewTime": 1190160000} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2008", "reviewerID": "A3TC1826ZCVAFQ", "asin": "0007265719", "style": {"Format:": " Hardcover"}, "reviewerName": "Mr. Donald L. Madden", "reviewText": "This is a special book. Lots of information to stay healthy and not age so fast.", "summary": "YOU Staying Young", "unixReviewTime": 1224460800} +{"overall": 3.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A2YAYX84KBEHQI", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Fred", "reviewText": "I ordered the larger print version and the book I received still had the small print, so I was a little disappointed\nExcellent value though.", "summary": "A little disappointed.", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2013", "reviewerID": "A1T3I4T539GFLI", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "emily shively", "reviewText": "I love the easy way it is to switch between different books and chapters . Also between the old and the new testaments. Sometimes I am all over the bible when I'm doing my prayer studies. and with this version it is very easy to do.", "summary": "easy to manuever around between books and chapters", "unixReviewTime": 1366588800} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A10J0TNZ0TKLJB", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MHinMN", "reviewText": "Enduring goodness, a tale of girls growing up in a poor household during the Civil War.", "summary": "Worth reading every 20 years", "unixReviewTime": 1428105600} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2013", "reviewerID": "A1E3MC1L0JT9WI", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suzanne McClaflin", "reviewText": "I really like her movies and I am enjoying the book. Nice, clean, love story. :) I recommend it for all.", "summary": "Jane Austen", "unixReviewTime": 1376870400} +{"overall": 4.0, "verified": true, "reviewTime": "11 27, 2013", "reviewerID": "A3CWIXPWERHZP7", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kenneth Dore", "reviewText": "I enjoyed the insight into the powers of the day, Thomas Cromwell, Henry VIII, Katherine, Anne, and Mary, and Thomas More.", "summary": "Good historical novel", "unixReviewTime": 1385510400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2008", "reviewerID": "A2UB2NUECPL3DS", "asin": "0007379587", "style": {"Format:": " Hardcover"}, "reviewerName": "Edward Traum", "reviewText": "I had this book when I was young and recently found it in a box up in the attic. It was a grand trip down memory lane and I want my boys to have that same experience. What a great little book this is.", "summary": "My Book about Me", "unixReviewTime": 1201564800} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A1EK6X66TRA0M8", "asin": "0006137989", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "One of the most clever and challenging mysteries especially considering who the culprit turned out to be she had everyone fooled.", "summary": "Crooked House", "unixReviewTime": 1491091200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A2TIMSJ1JIORK7", "asin": "000713746X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "cheryl coffey", "reviewText": "Great study of the opposite sex. Helps provide a better understanding of relationships and gives excellent representations of why we feel the way we do and how to make successful responses to make both sides feel better because they have acquired this understanding.", "summary": "Men are from Mars, Women are from Venus by John Gray", "unixReviewTime": 1406419200} +{"overall": 3.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "ATHXXYK9VWLCX", "asin": "0007286414", "style": {"Format:": " Paperback"}, "reviewerName": "JAG4286", "reviewText": "Walt Disney did a great job making a movie from this book.", "summary": "Three Stars", "unixReviewTime": 1437782400} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A2B5A7P7ROLF3O", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Hippie Grandma", "reviewText": "I have to admit these books don't measure up to the collection I read as a pre-teen. But, what does? And he loved them. Isn't that the most important thing?", "summary": "For my grandson", "unixReviewTime": 1391472000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A22YMB0E9CI57B", "asin": "0007141343", "style": {"Format:": " Paperback"}, "reviewerName": "Luisa", "reviewText": "Nothing I can say will do justice to my favorite writer. She was an amazing person!", "summary": "Five Stars", "unixReviewTime": 1422489600} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A15QOED48IXR2X", "asin": "0006172768", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Charles Robinson", "reviewText": "Really awesome book just like the movie, but as usual the book is a little bit better with all of its details of all the technical stuff. A must read.", "summary": "Awesome", "unixReviewTime": 1445558400} +{"overall": 4.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "AVN7Q84UMIR69", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lisa Penny", "reviewText": "My husband & I were comparing the story book to some of the television movies. How some differ from the book and others try to stay true to the book. We really enjoyed it.", "summary": "We really enjoyed it.", "unixReviewTime": 1456963200} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A3C9KZQG3TAXC9", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Very fast read. Whatcha Christie book. What can I say", "summary": "Good Reading", "unixReviewTime": 1519084800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A2AHOGMIGCNZB6", "asin": "0001945424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "What a wonderful book. I am 75 and really enjoyed it. Every child should read this at some point. But later is good too!", "summary": "What a wonderful book. I am 75 and really enjoyed it", "unixReviewTime": 1485388800} +{"reviewerID": "A1CRP1O8ESAV36", "asin": "000100039X", "reviewerName": "Debbie", "verified": true, "reviewText": "Very interesting", "overall": 5.0, "reviewTime": "07 21, 2014", "summary": "Five Stars", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2013", "reviewerID": "A2ASI1IA4MK5HK", "asin": "0006514219", "style": {"Format:": " Paperback"}, "reviewerName": "Don", "reviewText": "My wife got me to order this for her book club reading. She enjoyed the book, as, I believe did the others in her club.", "summary": "Nice", "unixReviewTime": 1383436800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "AUA7MKIMEG7N0", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "addicted reader", "reviewText": "Enjoyed this story very much.", "summary": "Five Stars", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "AVGDKSQV9DVWE", "asin": "0007270747", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sheri Denkensohn", "reviewText": "Incredible description that is very true to life. It is not an easy topic, but a very good read.", "summary": "Worth the read despite the heavy topic", "unixReviewTime": 1479081600} +{"overall": 3.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A5DSL13A1CRT9", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anna Doner-pond", "reviewText": "Very interesting future fairy tell. Repetitive. I see it being told for centuries to come. It teaches good lessons. Not really my cup of tea but I do see why others would love it.", "summary": "Odd", "unixReviewTime": 1446854400} +{"reviewerID": "A207OWQ6LBFQ7", "asin": "0002247437", "reviewerName": "Chris Whitehair", "verified": true, "reviewText": "The best part of books 4 and 5 is the epilogue of book 5 because we get to read about the elite of Kings Landing scheming. Martin seems to have gotten lost in the story telling and has forgotten where it was going? If he ever knew to begin with.", "overall": 1.0, "reviewTime": "05 17, 2016", "summary": "The best part of books 4 and 5 is the epilogue ...", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "A3PEU44RWQ0P92", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lois A. Lott", "reviewText": "This e-version gave me all I was looking for in a portable reference. The RED LETTER is a bonus, to know exactly what Jesus said and in what setting it took place. KUDOS to Amazon for the offering!", "summary": "KJV: Red Letter", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AI0MI10T6IJ0E", "asin": "0007280998", "style": {"Format:": " Paperback"}, "reviewerName": "Shanon", "reviewText": "Very sad, very unexpected. I love Cathy Glass books. She is able to tell the story of the child's suffering but after the child has come into care. Could barely put it down.", "summary": "Very sad, very unexpected", "unixReviewTime": 1453680000} +{"reviewerID": "A3LX98WB8Q2VNP", "asin": "0001951076", "reviewerName": "flowerart", "verified": true, "reviewText": "the most fun ever!:-)", "overall": 5.0, "reviewTime": "08 8, 2015", "summary": "Five Stars", "unixReviewTime": 1438992000} +{"overall": 2.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A8PPNU1L8M09L", "asin": "0006497071", "style": {"Format:": " Paperback"}, "reviewerName": "Richard C. Reynolds", "reviewText": "I'm quitting this book after about 125 pages. Unfortunately, the translation is awkward and at times ludicrous. Pasternak's masterpiece may be eloquent reading in the original Russian but suffers in this version.", "summary": "A Disappointment", "unixReviewTime": 1424476800} +{"overall": 4.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A1YJN5ZK2B9YAE", "asin": "0006064922", "style": {"Format:": " Hardcover"}, "reviewerName": "Tigerseye", "reviewText": "As required", "summary": "Four Stars", "unixReviewTime": 1489190400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 26, 2014", "reviewerID": "A221MD3UWSK5UQ", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Samantha", "reviewText": "This book has beautiful illustrations!! I absolutely love this book and I am very happy with my purchase! I would recommend this to anyone who loves the Hobbit.", "summary": "Love it!", "unixReviewTime": 1393372800} +{"overall": 4.0, "verified": false, "reviewTime": "01 4, 2014", "reviewerID": "A2VF6J2NXONFT", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "marybeth", "reviewText": "Had seen the movie as a young person. It wasn't as dark as the novel. Wanted to see the changes made between the book and the movie. Liked the movie better.", "summary": "Dorian Gray", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2010", "reviewerID": "AJZZPXN183WA3", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "NayBay", "reviewText": "Not only did I receive my purchase in a timely manner, but I also found the book to be in excellent condition and exactly what I asked for. Thanks!", "summary": "Great Quality", "unixReviewTime": 1287100800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A2OX2RE37ZU6M9", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Interesting", "summary": "Five Stars", "unixReviewTime": 1518652800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2013", "reviewerID": "ALU2EOIVLHQFW", "asin": "0007270747", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Laurenod", "reviewText": "This book helped. Grieving myself, I always find it helpful to see into the mind of another person who is experiencing similar things. It makes me feel less crazy.\n\nTo the author: thank you for sharing your story with me.", "summary": "Well worth reading", "unixReviewTime": 1385942400} +{"overall": 3.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "A20DTBF9J3D3FG", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "E. Dean", "reviewText": "This book was as I expected it to be, filled with lessons, pretentious characters and words that I had to look up. Overall it was a very good book, but sometimes I just didn't have the energy to deal with how slow and confusing it could be.", "summary": "I survived", "unixReviewTime": 1403049600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A3S84W8YIA5OYU", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary E, Wright", "reviewText": "Good lots of adventure best book in my opinion favorite character is the goblin king good movie\nAnd all can not wait till next movie comes out", "summary": "Good book", "unixReviewTime": 1386288000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "ARVNRSAYR1ZF2", "asin": "0006486029", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Scootie", "reviewText": "OMG. I love these books. I'm in mourning because I've read them all.", "summary": "I love these books", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "AK1EOXVSGAFG2", "asin": "0007420412", "style": {"Format:": " Paperback"}, "reviewerName": "GUY FONTENOT", "reviewText": "Yes! A great book!", "summary": "A great book!", "unixReviewTime": 1517097600} +{"overall": 4.0, "verified": true, "reviewTime": "10 6, 2010", "reviewerID": "A1JLMU6JD52G4S", "asin": "0006895441", "style": {"Format:": " Paperback"}, "reviewerName": "HumanComplex", "reviewText": "This was used for my computer architecture class. Some topics are complicated no matter how you slice it, but the book does a good job at being detailed enough so that the reader understands the concept. Some other topics could be better. But then again, the book would be huge.", "summary": "Pretty good.", "unixReviewTime": 1286323200} +{"overall": 3.0, "verified": false, "reviewTime": "06 6, 2015", "reviewerID": "ADDFJRIZTUODM", "asin": "0007286414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gunner's Mate", "reviewText": "PL Travers is very very fortunate indeed that Walt Disney's daughter loved her book and that he was a persistent man of vision.", "summary": "Interesting -- but the movie is better", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2013", "reviewerID": "A2C2LY746A95Y3", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tiffany Crump", "reviewText": "I started reading this and I couldn't put it down! It was a great escape and such and easy read, I highly recommend it.", "summary": "Loved It!", "unixReviewTime": 1359331200} +{"overall": 3.0, "verified": true, "reviewTime": "08 17, 2009", "reviewerID": "A3CQX4I7689S9B", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Hattie Bear", "reviewText": "I was hoping for a little more originality. There were no truly scary momments. It was just an ok read for me, but I would not recommend this book, and I'm not planning to read the sequels.", "summary": "Predictable", "unixReviewTime": 1250467200} +{"reviewerID": "A3R2RCCTA5PVI3", "asin": "0002253194", "reviewerName": "Elizabeth Hopper", "verified": true, "reviewText": "I have always enjoyed reading Jeffrey Archers books, but this one did nothing for me. Perhaps because I am not keen on Russian stories. It lacked his famous writing style, and the end was pretty obvious.", "overall": 3.0, "reviewTime": "11 20, 2015", "summary": "Spy story or not?", "unixReviewTime": 1447977600} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A29Y60EHO9GEOW", "asin": "0007204167", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Belizegal", "reviewText": "Good read, but not as good at the first book I read of his. Worth getting though.", "summary": "Good Read", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A1NNXXFCF7IU65", "asin": "0006137741", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kristen", "reviewText": "I read these when I was young and now I anbre-reading. I love each and every book I have read of hers.", "summary": "I love each and every book I have read of hers", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2009", "reviewerID": "ARXI7ZGF0VZ9G", "asin": "0002261839", "style": {"Format:": " Paperback"}, "reviewerName": "Amira Nabil Mekawy", "reviewText": "A lovely story that is so real and takes your heart, and makes you want to finish it", "summary": "lovely", "unixReviewTime": 1240876800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A1PMTYRKXETP57", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gail A. Phillips", "reviewText": "I loved this book. I was quite skeptical when it was recommended to me, but I read it anyway and boy and I glad. It was v ery insightful, thoughtful, and heartwarming. This is for everyone who is a dog lover.", "summary": "Heartwarming", "unixReviewTime": 1358294400} +{"reviewerID": "A3HCMA2OH33MCV", "asin": "0002247437", "reviewerName": "Mary Lou Knight", "verified": true, "reviewText": "Great movie but very very hard to read. Just couldn't get into these books at all. But I won't miss the next season. Good luck with this read.", "overall": 1.0, "reviewTime": "01 26, 2015", "summary": "Great movie", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A33K4LHXW2O7X3", "asin": "0007269374", "style": {"Format:": " Hardcover"}, "reviewerName": "Nancy", "reviewText": "Happy with purchase.", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2SFFZ7AV5631L", "asin": "0002325454", "style": {"Format:": " Kindle Edition"}, "reviewerName": "crittah", "reviewText": "Gripping from the opening lines! Adds deeper insight into the story than did the tv episode (which was outstanding).", "summary": "Awesome", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "AC1XH3M0KI6H0", "asin": "0006513220", "style": {"Format:": " Paperback"}, "reviewerName": "Marilyn Novak", "reviewText": "A wonderful read. Romance and history combined. Wow wow wow wow wow wow wow wow wow wow wow wow wow!", "summary": "The Bronze Horseman", "unixReviewTime": 1357862400} +{"overall": 3.0, "verified": true, "reviewTime": "08 3, 2012", "reviewerID": "AH0THM53LRRB0", "asin": "0007201818", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jmoore", "reviewText": "The 4th novel in the Conqueror series is not as captivating as the previous 3, but still an \"ok\" read. I found this story seemed to \"drag\" at times and lacked the intensity of the previous novels.", "summary": "Not as good as the other Conqueror Novels", "unixReviewTime": 1343952000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2012", "reviewerID": "A39YVJVTA92NAN", "asin": "0007263899", "style": {"Format:": " Hardcover"}, "reviewerName": "Michael Eade", "reviewText": "Our two little girls love the whimsical nature and pure ridiculousness of both this book and The Incredible Book Eating Boy, also by the author. This book gets bonus points because they love trying to find all the objects that end up getting stuck in this tree.", "summary": "Made it to our regular rotation", "unixReviewTime": 1340496000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1HQG7M4LFDDYO", "asin": "0006178219", "style": {"Format:": " Kindle Edition"}, "reviewerName": "auscgguysgirl", "reviewText": "First book I ever read by V.C. Andrews and one of the few that does not include sequels. Page turner. This book had me hooked!", "summary": "Great 1st read for anyone interested in V.C. Andrews", "unixReviewTime": 1439769600} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A3YE5AU021XZL", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Reviewer", "reviewText": "Not my favorite book in this series but still a good one and a very welcome one as I sit here shriveling up waiting for this series to finish.", "summary": "Not my favorite book in this series but still a good one ...", "unixReviewTime": 1420329600} +{"overall": 4.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A2WOJYIX7J7QWJ", "asin": "0007172109", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda m rowley", "reviewText": "Good suspenseful novel, good characters, full sense of environ...good read", "summary": "Four Stars", "unixReviewTime": 1426118400} +{"overall": 4.0, "verified": false, "reviewTime": "07 4, 2017", "reviewerID": "A1V5UID1RTK7FI", "asin": "000714282X", "style": {"Format:": " Hardcover"}, "reviewerName": "Fleetwoodboy", "reviewText": "A very enthralling and enjoyable tale. Lots of red herrings, angst and excitement in this fluid and well written story. I listened to the narration but will assume the book is just the same and as good. Highly rfckmmendrd", "summary": "Guilt never goes away", "unixReviewTime": 1499126400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A2LEL2MP1MDIQC", "asin": "0002155192", "style": {"Format:": " Hardcover"}, "reviewerName": "Linda", "reviewText": "This is my favorite book ever. I've read and re-read it. I've bought dozens of copies to share with people I love. Reading this book is life altering. You'll have a whole new understanding of \"Mister God\" after reading this book. I highly recommend it.", "summary": "Mister God - as seen through a child's heart & soul...", "unixReviewTime": 1463702400} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "05 20, 2017", "reviewerID": "ASG2JM62JCDQF", "asin": "0007304838", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "If you are a dog lover, do NOT read this book!", "summary": "Could not finish this one!", "unixReviewTime": 1495238400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A2TE884CMV4V2L", "asin": "0007270747", "style": {"Format:": " Paperback"}, "reviewerName": "GOCSouthernConsumer", "reviewText": "I read this book because it was required for an advanced modern literature class. I didn't think I would like it but really enjoyed the content. Amazon definitely has the best prices and super fast shipping. Thanks again for a great Amazon purchase!", "summary": "Interesting Read", "unixReviewTime": 1365033600} +{"overall": 3.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "AKA67933FE06K", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "gladiator unbeatable", "reviewText": "It was okay. I never read it in school. I have always heard good things about it but I just can't really get in to it. I guess it's just not my type of book", "summary": "Eh", "unixReviewTime": 1435017600} +{"overall": 3.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A1ZQLGG43SQ9FP", "asin": "0007247095", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JD", "reviewText": "Incredible story, but ended so abruptly, that I felt there might have been a glitch on my Kindle.", "summary": "Three Stars", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "ASNHGGPBJDBEI", "asin": "0007312164", "style": {"Format:": " Paperback"}, "reviewerName": "Jon Martin", "reviewText": "Very nice. Quick shipping.", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A2H10Y7HUPHGX9", "asin": "0007359101", "style": {"Format:": " Paperback"}, "reviewerName": "Raymond Vorbeck", "reviewText": "If you miss Steig, read Lars!", "summary": "Creepy!", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A2TFOIQCLA098N", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Dot Day", "reviewText": "Essential for secondary school teachers using The Hobbit. My first copy was stolen from my classroom (I suspect another teacher).", "summary": "Film follow-up in schools", "unixReviewTime": 1388361600} +{"reviewerID": "A3SALY61OCU779", "asin": "0001050230", "reviewerName": "rohit kumar rout", "verified": true, "reviewText": "Good", "overall": 4.0, "reviewTime": "10 22, 2014", "summary": "Four Stars", "unixReviewTime": 1413936000} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A16QPPUDH454KG", "asin": "0006152465", "style": {"Format:": " Kindle Edition"}, "reviewerName": "G. Mitchell", "reviewText": "Good collection. I like all of Stephen R Donaldson books on Thomas Covenant. I didn't Like his character in the first book but you grow to like him.", "summary": "good book", "unixReviewTime": 1400716800} +{"reviewerID": "A35KPAC2P9WYNC", "asin": "0001050230", "reviewerName": "Active Citizen", "verified": true, "reviewText": "Just what I had hoped for! An accessible version (original text along side contemporary) for my students to use!", "overall": 5.0, "reviewTime": "07 30, 2015", "summary": "A pound of great ideas!", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A2DZGWMV5COPMI", "asin": "0007175167", "style": {"Format:": " Hardcover"}, "reviewerName": "sh", "reviewText": "This was one odd my favorite books when I was little and I hope it will bedtime one of my daughter's favorites. The illustrations are fun and vibrant. Perfect for an early learner and a great book for a toddler to search for odd things on each page. A true classic.", "summary": "Who doesn't love Dr Suess?", "unixReviewTime": 1489276800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A3GBI78TEBNCXG", "asin": "0007230028", "style": {"Format:": " Paperback"}, "reviewerName": "Penelope", "reviewText": "A wonderful explorative look at the position of women's place in the family unit of society. Philippa did a wonderful job bringing these women to life. So masterfully written to make you feel as you know them.", "summary": "Loved all of them", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "AHEWIPS1SOGQK", "asin": "000733186X", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "If you are a fan of Mr. Cornwell you will not be disappointed. I only wish this was a series rather than a stand alone novel.", "summary": "Cornwell you will not be disappointed. I only wish this was a series rather ...", "unixReviewTime": 1426550400} +{"overall": 4.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "A2ARW956UKZ1QX", "asin": "0007204167", "style": {"Format:": " Paperback"}, "reviewerName": "D. J.", "reviewText": "Got here in time for Xmas which was a bonus. My daughter requested it, she's a fan of author. The only drawback was it was a little more worn than expected.", "summary": "Xmas gift", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": false, "reviewTime": "08 20, 2011", "reviewerID": "A3HP7TFYARZXFL", "asin": "0007311273", "style": {"Format:": " Hardcover"}, "reviewerName": "Willow", "reviewText": "have read all her books & each one is great. She is my favorite author & this is my favorite series.", "summary": "Hard to believe they get better with each book in the series", "unixReviewTime": 1313798400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A31VH37CWG38JE", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "Another excellent book in the series. Read them all!", "summary": "Great!", "unixReviewTime": 1468108800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "AHURA5H4D7AM", "asin": "0007247095", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "True, sad, & memorable ... Beautifully written. I was able to hear the author speak a couple of years ago. Profound. Even more so after reading Ishmael's whole, detailed story. Our book club finally read the book this month, & will lead to a powerful discussion tonight.", "summary": "True, sad, & unforgettable", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": false, "reviewTime": "01 1, 2013", "reviewerID": "AS2L5BND7AFY5", "asin": "0007310250", "style": {"Format:": " Hardcover"}, "reviewerName": "Erika Gunther", "reviewText": "It was so cool to see a new fresh and disturbing twist on the vampires we all know and have romanticized.\n\nSo creepy and when it ends, you can't wait to pick up the Fall.", "summary": "Love apocalyptic thrillers", "unixReviewTime": 1356998400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "ANOI6Y10I9OXV", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "tracy matteson", "reviewText": "Any fan of the tv series will enjoy this book. The script was often taken right from the original text where Graham did a wonderful job of developing his characters. Loved it!", "summary": "Well done.", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2013", "reviewerID": "A1ZPQ0UFV7T0D0", "asin": "0002256312", "style": {"Format:": " Paperback"}, "reviewerName": "David Buckbee", "reviewText": "Cornwell writes the best historical fiction. Sharpe (the main character) is the James Bond of the early 1800's,\nno special weapons or gadgets but what a fighter, leader, and ladies man !", "summary": "Outstanding", "unixReviewTime": 1372464000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2013", "reviewerID": "A3P140FTO745ZQ", "asin": "0007203136", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "This story was a good book. I have enjoyed reading this book. Dean Koontz is a very good writer.\n\nThis story will keep you on the edge of your seat and makes you want to read more.", "summary": "Great book", "unixReviewTime": 1374537600} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A34E6TX8NU3A2L", "asin": "0001846590", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MichaelB", "reviewText": "Very reminiscent of the old fairy tales, including some old fashioned English language. MacDonald is a master at spinning stories, a very enjoyable read.", "summary": "A Public Domain Book", "unixReviewTime": 1412121600} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "A3PYJTURPMWBKS", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Melody Lasseter", "reviewText": "author has a great imagination and such fluidity in creating this civilization. Was a great read but should have been longer and did not like the ending at all", "summary": "Wow it's really over already", "unixReviewTime": 1392768000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A3V3PW3GGISBR0", "asin": "0006172768", "style": {"Format:": " Paperback"}, "reviewerName": "SH", "reviewText": "was a gift", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A2UUWMFIES8E08", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Christopher Sosnowski", "reviewText": "Great books. I love that they are in one volume for long overseas flights.", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": false, "reviewTime": "05 24, 2016", "reviewerID": "A1WVDW6JTOVLH3", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cuba Barron", "reviewText": "Always a favorite...", "summary": "Five Stars", "unixReviewTime": 1464048000} +{"reviewerID": "AR2OW3JB2UEVB", "asin": "0002242052", "reviewerName": "Dewayne", "verified": true, "reviewText": "Excellent book! If you are in any way a fan of the Jack Ryan novels you know who CIA officer John Clark is. This is the gripping story of how he came to be in the service of the world's greatest intelligence agency. A great read that never once left me bored!", "overall": 5.0, "reviewTime": "12 20, 2014", "summary": "Excellent book! If you are in any way a ...", "unixReviewTime": 1419033600} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A3K6503Z9HAFFF", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cagramps", "reviewText": "The first time I read this I was in grade school and thought it was great. How ever this time thought that it was a little hard to read due to the older English. With that said I think that it should be required reading for every student in school.", "summary": "Required Reading", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2013", "reviewerID": "A3J98WS58MKZOF", "asin": "0007271190", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Travis smith", "reviewText": "What a really great writer Conn Iggulden is.\n\nFrom start to finish i have not been able to put any of his books down.", "summary": "Great finish to a sensational series.", "unixReviewTime": 1372809600} +{"reviewerID": "A1XM1VN85VIS6T", "asin": "0002247437", "reviewerName": "Tyler J Clark", "verified": true, "reviewText": "Gripping from beginning to end. The world building is unmatched. Some of the characters are maddening, and the ability to elicit that emotion is a sign of good writing I feel.", "overall": 5.0, "reviewTime": "12 8, 2016", "summary": "Enthralling", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A3FJUUELYETLTA", "asin": "0002726874", "style": {"Format:": " Paperback"}, "reviewerName": "David A. Grant", "reviewText": "Wow -- beautiful memorable writing of a subject which fascinates -- the Brits in Burma at an awful, awful time.", "summary": "Great writing!", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": false, "reviewTime": "10 25, 2017", "reviewerID": "A26GGLQE8PBMKW", "asin": "0007141874", "style": {"Format:": " Kindle Edition"}, "reviewerName": "PessimistLass", "reviewText": "I can't remember how I was first introduced to Paddington, whether it was the books or the shows, but I've loved him since I was small. Rereading the original book as an adult brought back such fond memories of being a kid, and it resparked my love for this silly little bear.", "summary": "Paddington is Comfort", "unixReviewTime": 1508889600} +{"overall": 4.0, "verified": false, "reviewTime": "02 25, 2013", "reviewerID": "A2NFZCF6YFFSCZ", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Raymond S Craig", "reviewText": "I liked the book a lot they gave background on the characters in the crash. I learned a lot about war efforts in this area that I was not aware of. Learned about a culture I did not know existed. The roles of women and minorities in the service during this time period.", "summary": "Nice", "unixReviewTime": 1361750400} +{"overall": 3.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A3PVUHEGLOECJE", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "roland", "reviewText": "easy read but not to much intrigue.", "summary": "Easy Read", "unixReviewTime": 1500422400} +{"overall": 1.0, "vote": "5", "verified": true, "reviewTime": "06 13, 2011", "reviewerID": "A19NB5ABUICP5W", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "BC Pappin", "reviewText": "I bought this version as it is the 'latest version' and after all of the chat about missing illustrations, I thought that the powers that be just might have rectified this version, but no, no illustrations.", "summary": "Again, no illustrations", "unixReviewTime": 1307923200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "A2OO8GQ369OECU", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patrick Hammer", "reviewText": "This was read to me as a child and I'm now reading it again before I see the movie. I've enjoyed it just as much as I did before as it provides a backdrop for the Lord of the Rings series. A story of courage against all odds, this is a great read for all ages.", "summary": "A fantastic read for kids and adults", "unixReviewTime": 1357084800} +{"overall": 4.0, "verified": false, "reviewTime": "06 15, 2017", "reviewerID": "A1TF2GTX20N6QQ", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Alex Healey", "reviewText": "Great read! Went by faster than I expected. The plot, setting and characters draw one in because of the seamless story. Wonderful to include dire wolves and dragons and things that go bump in the night. Excited to see where the story goes and how all the characters grow", "summary": "Bane of Thrones!", "unixReviewTime": 1497484800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A1VVX52P8RGCIS", "asin": "0001720295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jva", "reviewText": "This was a pleasant read---interesting plot, good vs evil! Was wondering if they would every get back to\nthe wardrobe closet---read it, you'll enjoy it!---\nJCA (not JVA)", "summary": "The Lion, the Witch and the Wardrobe:The Chronicles of Narnia---Kudos to CS Lewis", "unixReviewTime": 1359936000} +{"reviewerID": "ATXB9YFEVHTCH", "asin": "0002246678", "reviewerName": "Harry Strickland", "verified": false, "reviewText": "Came promptly and as described.", "overall": 5.0, "reviewTime": "08 5, 2014", "summary": "Five Stars", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2014", "reviewerID": "AHCHTW4SAYMGZ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Damasio Velasquez", "reviewText": "Tolkien is a great author, and I plan to read more of his writings. May Bilbo live a long life until the Lord of the Rings!", "summary": "Very Well Written", "unixReviewTime": 1393632000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A3TTBVPA4M0YPG", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Blair Chisum", "reviewText": "wonderful Narnian story", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A3KXBZZFFN6H4E", "asin": "000713746X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Godess4lfe", "reviewText": "reading now", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "AUMAUUTLB5ZJ4", "asin": "0002185385", "style": {"Format:": " Hardcover"}, "reviewerName": "Jerry D. Bicknell", "reviewText": "Every golfer should own this book", "summary": "Four Stars", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A24JXFSGFRY80F", "asin": "0002259842", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jackie", "reviewText": "New historical information to me. Loved it!", "summary": "Don't miss this one!!", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": false, "reviewTime": "04 26, 2013", "reviewerID": "AM3GL7ATVLJVU", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L. B.", "reviewText": "truly a magnificent and beautiful read. I've read this multiple times and it never gets old. wish he would come out with a new book", "summary": "i could read thjs book over ad over", "unixReviewTime": 1366934400} +{"overall": 2.0, "verified": false, "reviewTime": "06 6, 2014", "reviewerID": "A24JD0MGUWCF45", "asin": "0007304145", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Country reader", "reviewText": "Lovely plot, very vivid descriptions of places where story takes places, beautiful love story. However, the language is too primitive and repetitive, that ruined effect for me.", "summary": "Light Read", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "A2FCLVOW24CCTV", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "patricia fountain", "reviewText": "How can humble me make a rate or attempt to comment on Oscar Wilde? It is Oscar Wilde what else is to be said? Brilliant? Delightful? Amusing? Insightful?Troubled? Always relevant.", "summary": "wonderful", "unixReviewTime": 1371427200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 30, 2009", "reviewerID": "A1VOD1RO4QVJ91", "asin": "0007222017", "style": {"Format:": " Paperback"}, "reviewerName": "Listener", "reviewText": "I loved this book. Tragic but the ending makes up for it. Lots of hope, inspiration, and insight.", "summary": "An amazing young soul.", "unixReviewTime": 1243641600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A2MCUGQZA3BM0J", "asin": "0007172044", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1408838400} +{"reviewerID": "A2VSNMGCJ8QQDA", "asin": "0002226529", "reviewerName": "jrr", "verified": true, "reviewText": "I thought this was a very entertaining book with enough twists and turns to make it interesting. Mary Higgins Clark is always a winner", "overall": 5.0, "reviewTime": "06 11, 2015", "summary": "I thought this was a very entertaining book with enough ...", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2017", "reviewerID": "A2QELMEK71WI5E", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Annie", "reviewText": "excellent story", "summary": "Five Stars", "unixReviewTime": 1490313600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A2WABZLCS0TUI4", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "clearlynal911", "reviewText": "This replaces my vinyl records -- good sound quality", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 3.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "ADKSJLDL1KKA3", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SarahL", "reviewText": "There's a reason people can only quote the first page, very hard read", "summary": "Three Stars", "unixReviewTime": 1415923200} +{"reviewerID": "A37J3MBV2T3HBI", "asin": "0001050230", "reviewerName": "Judyjeep", "verified": true, "reviewText": "Who can complain about books?", "overall": 5.0, "reviewTime": "12 14, 2016", "summary": "Five Stars", "unixReviewTime": 1481673600} +{"overall": 4.0, "verified": false, "reviewTime": "12 13, 2016", "reviewerID": "ALT4H62O9N251", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ginny", "reviewText": "Unbelievable, however it is true. Louie was quite the man. He somehow endured what would kill most of us! Great job!", "summary": "What a story!", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A3TILVIX9HF6MK", "asin": "0007250916", "style": {"Format:": " Hardcover"}, "reviewerName": "Brentwoodwalla", "reviewText": "Very informative.", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A2M1QVXF0ROC78", "asin": "0006176909", "style": {"Format:": " Paperback"}, "reviewerName": "Jon Hodson", "reviewText": "Good read", "summary": "Four Stars", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A39TFQC2S3R8U5", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jules Love", "reviewText": "My favorite", "unixReviewTime": 1507680000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A1IQVJG7UZDUIJ", "asin": "0007329083", "style": {"Format:": " Hardcover"}, "reviewerName": "Kim", "reviewText": "This book was bought for my father-in-law. He loves to read! I am sure that he enjoyed it very much!", "summary": "Book", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A1MDNE5KLPEYFI", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Victoria Key", "reviewText": "I buy several copies of this book to give to High School graduates as gifts. I also have a copy for my self to read to kindergarden students when they move on to the next phase of their educatation. love this book.", "summary": "love this book", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2014", "reviewerID": "A7ZML7279DPDJ", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary L. Nigels", "reviewText": "I have been on a quest to fin myself. It gave me another direction to pursue. I enjoyed the story and the messages.", "summary": "searching", "unixReviewTime": 1396483200} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A3TMHVIYSGNDFY", "asin": "0007367473", "style": {"Format:": " Paperback"}, "reviewerName": "Margaret Q. Dienhoffer", "reviewText": "Had no idea what to expect but loved it! Brooks always supplies great historical information as well as complex characters.", "summary": "Had no idea what to expect but loved it! Brooks always supplies great historical information as ...", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2010", "reviewerID": "A2QI93E2DU7I57", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Veron B Sparks", "reviewText": "I never really got Jane Austen when I was young, but now find something new to reveal itself about her in all her heroines. Must read!", "summary": "Great novel set.", "unixReviewTime": 1284249600} +{"reviewerID": "A1PPTXD1I03WLB", "asin": "000171760X", "reviewerName": "Bagl8y", "verified": true, "reviewText": "Great for /r/ therapy carryover", "overall": 5.0, "reviewTime": "10 12, 2015", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A2ZCE2FZ4JMNK", "asin": "0002250101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George Oneil", "reviewText": "This is a great story about India during the early days of British colonial rule when France had designs on India as well. I couldn't put it down once I started reading it.", "summary": "Great Read!", "unixReviewTime": 1381708800} +{"overall": 3.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "AWUJ8N2WL0SKD", "asin": "0006064922", "style": {"Format:": " Hardcover"}, "reviewerName": "Charles Michael Hill", "reviewText": "One of many helps(?) in studying scripture, but in too lockstep Greekish Orthodoxy!", "summary": "One of many helps(? ) in studying scripture, ...", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2017", "reviewerID": "A175SB24GSEBXM", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Sally", "reviewText": "I have enjoyed these books since I was in fifth grade. I bought the series for my grandson for his parents to read to him. My children loved these books too and wanted to pass that love to their children.", "summary": "I have enjoyed these books since I was in fifth grade", "unixReviewTime": 1507075200} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A3SHYCRJ00BQ2G", "asin": "0001713256", "style": {"Format:": " Library Binding"}, "reviewerName": "frankie lawson", "reviewText": "Another good book for toddlers,", "summary": "Four Stars", "unixReviewTime": 1424131200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A31OLTHIQBMIU4", "asin": "0006485944", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "very good book", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 3.0, "verified": true, "reviewTime": "06 27, 2013", "reviewerID": "A1KCME8M3IO21O", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sandra Ruggiero", "reviewText": "I love the ODD THOMAS BOOKS but this one is not his best work. it's good reading:) just a lot to take in lol", "summary": "good but not his best", "unixReviewTime": 1372291200} +{"overall": 3.0, "verified": true, "reviewTime": "04 21, 2014", "reviewerID": "A1VMLLB72PJJ6J", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CynShine", "reviewText": "Sorry but this story is pretty simplified. An easy read that I might encourage my grandsons to read at age 12.", "summary": "adequate, unless I missed the \"young adult\" label", "unixReviewTime": 1398038400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A2BM5HPNMRRHCA", "asin": "0007201109", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "This book is history of the outrageous Ya Ya's. If you haven't read the previous books, please read them now! Laughter and tears flow from every page.", "summary": "Who needs family and friends?", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A3GLZLXDW05O4U", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Great classic", "summary": "Recommended", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2013", "reviewerID": "A9B6O97TV8LVI", "asin": "0002433036", "style": {"Format:": " Kindle Edition"}, "reviewerName": "guy leitch", "reviewText": "It is great that these classics are now accessible on kindle - they provide a great opportunity to celebrate the best of old writers", "summary": "An all time classic!!", "unixReviewTime": 1358640000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A3OZQKRIJ4FK8N", "asin": "0006478964", "style": {"Format:": " Paperback"}, "reviewerName": "Kevin", "reviewText": "John Sandford does it again with his installment of Night Prey. A lucas Davenport novel of suspense carefully crafted to deliver intense character development in a great mystery!", "summary": "Prey novels", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A1Q4OL2SF056RI", "asin": "0006479227", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CT reader", "reviewText": "I read this when I was a kid and had completely forgotten it. It's Dickensian.", "summary": "wonderful", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A2I09VE16I9TV1", "asin": "0007190298", "style": {"Format:": " Hardcover"}, "reviewerName": "Cammie Elliott", "reviewText": "great!!", "summary": "Five Stars", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2011", "reviewerID": "A1R3CLJXNLAOKN", "asin": "0007149123", "style": {"Format:": " Hardcover"}, "reviewerName": "Aaron Gyarfas", "reviewText": "Finally! All of Tolkien's shorter works in one volume! This collection is great. Wonderful illustrations. Nice quality hardback. Don't settle for less!", "summary": "Good stories. Great collection.", "unixReviewTime": 1307318400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A2ZT4YGWCA6W37", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "angipoo", "reviewText": "Liked the small size and smooth cover", "summary": "Pocket books", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "AP61EUD1QD7N5", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ellie Baird", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A3BJY4S1XXDES7", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "mar_in_mar", "reviewText": "This is still a great read for those interested in understanding Christian beliefs and the reasonableness of accepting these beliefs.", "summary": "A great, well reasoned read", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2CFRCIC8S8W4K", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Kate B.", "reviewText": "I love this edition. The notes on the text are helpful to middle or high school readers. Students will enjoy the photographs of a 1978 production in which Ian McKellan played the title role.", "summary": "Perfect teaching edition", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "AZEJ8W3FVMBV8", "asin": "0006513255", "style": {"Format:": " Kindle Edition"}, "reviewerName": "silvia feldman", "reviewText": "Love this book. Kept me interested, not wanting to put it down so I can find out what came next.", "summary": "excellent", "unixReviewTime": 1419033600} +{"overall": 5.0, "verified": false, "reviewTime": "01 18, 2008", "reviewerID": "A1PJTQZM9MCMH9", "asin": "0006486029", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "H. Conklin", "reviewText": "Another great book by Robin Hobb! This book was great and I'd highly recommend to anyone who is a fan of the Farseer Trilogy. I HIGHLY suggest you read the Live Ship Traders trilogy first. It really enhances this trilogy.", "summary": "Another great book in an awesome trilogy", "unixReviewTime": 1200614400} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A2HCEBKF6W654P", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cheryl Rampelt", "reviewText": "Th book exceeded the movie. I was able to better understand how Louie survived his captivity.", "summary": "I was able to better understand how Louie survived his captivity", "unixReviewTime": 1459728000} +{"overall": 3.0, "verified": false, "reviewTime": "05 20, 2012", "reviewerID": "A3M840UMP5H0MI", "asin": "000231309X", "reviewerName": "joanntreat", "reviewText": "Slow start gets better ending threw me off could not figure out... 1st book i read by this author not sure about a second maybe. i have started read some books gave up and would not get another by that author but i finished this one....", "summary": "it was okay", "unixReviewTime": 1337472000} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "05 31, 2001", "reviewerID": "A2C75MF4UPFH8M", "asin": "0002180618", "style": {"Format:": " Paperback"}, "reviewerName": "leron", "reviewText": "I love the simplistic yet important messages the authors project. A worthwhile read. Staff members require direction, support and responsibility... and they/we will surprise.", "summary": "Praise is more Powerful than criticism", "unixReviewTime": 991267200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "A3FHUUYE0KD4YL", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "Mary M. Marin", "reviewText": "Each page is full of exciting details, so adults never tire of reading this book to small ones. So much to talk about on each page!", "summary": "Richard Scarry's books are the BEST!", "unixReviewTime": 1388188800} +{"reviewerID": "A1Z5HWFDLYQYE", "asin": "0002256649", "reviewerName": "Tom L.", "verified": true, "reviewText": "He delivers again and it just makes me want more. Reading these books was the one thing I mossed out as a youngster.", "overall": 5.0, "reviewTime": "09 25, 2013", "summary": "What can I Say", "unixReviewTime": 1380067200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A1M0FE6WF9EWC1", "asin": "0006415008", "style": {"Format:": " Paperback"}, "reviewerName": "Child of God", "reviewText": "Love this book!!", "summary": "Five Stars", "unixReviewTime": 1445558400} +{"overall": 3.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A1RYRID4AJCRED", "asin": "0007231601", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Middle-ground Ministries", "reviewText": "Certainly inventive...", "summary": "A Mockery of the Bible", "unixReviewTime": 1471305600} +{"overall": 3.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "AXAWI01TNS1PG", "asin": "0007368658", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DARRYL Marie", "reviewText": "Entertaining. It ended too soon.", "summary": "An easy read.", "unixReviewTime": 1456790400} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2013", "reviewerID": "A1UQM33XWL1KHG", "asin": "000733186X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "fritz", "reviewText": "As usual an excellent read. A little slow at the beginning, thus the 4 stars.\n\nThe battles made you feel as if you were there.\n\nI'm always happy for a new Bernard Cornwell book.", "summary": "good read for a Bernard Cornwell fan.", "unixReviewTime": 1382140800} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A343DJQYHHQPUC", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Jessi", "reviewText": "Just as described!", "summary": "Five Stars", "unixReviewTime": 1430870400} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A3KD5MX4N961RQ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Melissa F", "reviewText": "It's good. A lot of detail", "summary": "It's good. A lot of detail", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": false, "reviewTime": "06 23, 2015", "reviewerID": "AAUZAQVAAI5OA", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cliff", "reviewText": "This book is a foundation to one of the best stories written. A must read for any fantasy novel lover.", "summary": "Amazing start", "unixReviewTime": 1435017600} +{"overall": 4.0, "verified": false, "reviewTime": "04 18, 2014", "reviewerID": "A1NCT540J28I5W", "asin": "0007189885", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kdahlberg1", "reviewText": "I just finished this book for a book club what a great story! This book makes me want to pick up more from Chimamanda. :-)", "summary": "Great Read!", "unixReviewTime": 1397779200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81TYff4KjYL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A1YITR4REGM2VB", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "FosterPacks", "reviewText": "Love this book. Am a huge bushcraft enthusiast. Everyone should own this book", "summary": "Everyone should havr a copy", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2005", "reviewerID": "A23KE9TTHBXTJ5", "asin": "000649885X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "M. Chapman", "reviewText": "I love Robin Hobb's books, and i admit, i was a little skeptacle of this one, but it was amazing. Just like her other books, it was full of detail and characters you just have to hate. I can't wait to read the next one!", "summary": "awsome", "unixReviewTime": 1126569600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "A3GSQWJWMQGFN1", "asin": "0007151276", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lawrence R hamilton", "reviewText": "Excellent story that is well researched and well told. The names were a little confusing, I should have written them down while reading.", "summary": "The real story of thr Mayflower survivors.", "unixReviewTime": 1481414400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A3PV8U137CFPRO", "asin": "0007284543", "style": {"Format:": " Board book"}, "reviewerName": "Amazon Customer", "reviewText": "We love splat the cat at our house so another addition for\nChristmas.", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A12YS6I4A61YJA", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lw", "reviewText": "It's a classic Agatha Christie.", "summary": "Five Stars", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "AGPTOZ8EW5ABV", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Joy Jarrett", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1454371200} +{"reviewerID": "A3SOTDCDV06EJ5", "asin": "0002242052", "reviewerName": "Blue1966", "verified": true, "reviewText": "Page turner. The style of Clancy keeps the story moving and getting more intense right to the end", "overall": 4.0, "reviewTime": "10 22, 2015", "summary": "Page turner", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "ARQU0DNMO9W6E", "asin": "0002226162", "style": {"Format:": " Paperback"}, "reviewerName": "Iris E. Cantlon", "reviewText": "In this book one of the most prominent characters comes into the story. An excellent series and all 12 books should be read.", "summary": "An excellent series and all 12 books should be read", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2016", "reviewerID": "A2HINP4WCANEZ0", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "jmo", "reviewText": "Classic", "summary": "Five Stars", "unixReviewTime": 1475971200} +{"reviewerID": "A572ONG3NLUYG", "asin": "0002247437", "reviewerName": "Richard Godette", "verified": true, "reviewText": "Great", "overall": 5.0, "reviewTime": "01 2, 2015", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A1NW9U8AWYWQNG", "asin": "0007285973", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gorild Dohl", "reviewText": "Greatly improving after a bit long winding start. Glad I stuck with it - enjoy!", "summary": "Well researched and good", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A2Z0GJG8MR2YE", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Tolkein at his finest. Clear you schedule if you've made this purchase - whether you've read it before or not, you won't be able to put it down.", "summary": "Clear your schedule", "unixReviewTime": 1392595200} +{"overall": 3.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A375MMAG1WF6PC", "asin": "0007398638", "style": {"Format:": " Paperback"}, "reviewerName": "DeAnn Rossetti", "reviewText": "I enjoyed this book, and I think I would read another by this author if it came into my hands.", "summary": "Interesting YA novel", "unixReviewTime": 1399161600} +{"overall": 4.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A17D1G0XKXISPY", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jim", "reviewText": "I really enjoyed reading this book. It was so interesting to learn of these experiences. I greatly admire the attitude of those involved. Would recommend it highly to anyone interested in WWII stories.", "summary": "Good Book", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2014", "reviewerID": "A35RWR8OCGG29E", "asin": "0002259842", "style": {"Format:": " Kindle Edition"}, "reviewerName": "alex", "reviewText": "I spent days sitting alone contentedly reading this book and it never got old. It's one of my now favorites.", "summary": "This book is so captivating...", "unixReviewTime": 1394755200} +{"reviewerID": "A1KUMK36AZ6D7T", "asin": "0001050230", "reviewerName": "Jeffry Beer", "verified": true, "reviewText": "IT WAS GREAT 5/5", "overall": 5.0, "reviewTime": "03 27, 2016", "summary": "Five Stars", "unixReviewTime": 1459036800} +{"overall": 5.0, "verified": false, "reviewTime": "10 12, 2009", "reviewerID": "ACHGC6Q2OY3CA", "asin": "0007310250", "style": {"Format:": " Hardcover"}, "reviewerName": "carynification", "reviewText": "Vampires are all the rage, but this book gives yet another twist to the lore. Tap, tap, tap. A good entertaining scare.", "summary": "a fresh twist in the vampire fad", "unixReviewTime": 1255305600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A3M5Y7AWFMY366", "asin": "0007368461", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Thank you Steven for sharing your story. I loved every minute of reading it. You are to me the one and only drummer of Guns. I hope your sobriety lasts.", "summary": "Great read", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": false, "reviewTime": "06 8, 2003", "reviewerID": "A2QFX8XTIOLDH4", "asin": "0003302245", "reviewerName": "Paul Taylor", "reviewText": "I got this book for 99p and wow is all i can say. From start to finish it keeps you gripped as to what could happen in the near future. Just felt i owed it to Stoker to review this book.", "summary": "Classic", "unixReviewTime": 1055030400} +{"overall": 5.0, "verified": false, "reviewTime": "03 13, 2004", "reviewerID": "A2F8R8HRI0IP0F", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Chris", "reviewText": "Not that my opinion means much, but these books may be the greatest works of fiction every made.", "summary": "True fantasy Adventure", "unixReviewTime": 1079136000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A1Y5SPDV90MQ50", "asin": "0007117213", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rande Pauly", "reviewText": "I loved the book from the beginning. I was sorry it had to end!", "summary": "Five Stars", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "AWVU4OVI67W36", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gregory billings", "reviewText": "After the Bible, nothing better. Great for all people. CS Lewis talks directly to you. You will not be disappointed. Go buy this book!", "summary": "Amazing book", "unixReviewTime": 1436313600} +{"overall": 3.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A1144FROW4FF40", "asin": "0007119313", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Vicki L. Gregory", "reviewText": "good read", "summary": "Three Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A2DA6HOBLBUQL6", "asin": "0007213220", "style": {"Format:": " Hardcover"}, "reviewerName": "Mary Jo Wood", "reviewText": "Again, it's Agatha Christie. Love her writing style.", "summary": "Good Agatha", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "AT24F02AP0S0C", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Wendy Liz", "reviewText": "Having my kid's teachers sign this each year and giving it to them for graduation.", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "AFUH8DP3E2CMH", "asin": "0006988644", "reviewerName": "Nicki Haataja", "reviewText": "Using this for a community college course on business and consumer finance and i really like the layout and content of this textbook.", "summary": "Great textbook", "unixReviewTime": 1365465600} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2012", "reviewerID": "A3MJT1L3R0P4H8", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I have fond memories of reading this book repeatedly many years ago and it's great to have a Kindle copy now. Times and manners may have changed since the more gentile era of this book, but there is still a lot that resonates here, all the way to the present day.", "summary": "Worth Reading Again and Again", "unixReviewTime": 1340928000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A3IWRETS6KT3T4", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kevin Clements", "reviewText": "Tolkien is one of my favorite authors and I have been reading The Hobbit and The Lord of the Rings since childhood. Definitely recommend this book!!", "summary": "Great read!", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A26DAE48DXCRZS", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Great adventure, well paced, with great characters and enemies. Couldn't put it down. Look forward to seeing the movie. Hope it can compete....", "summary": "Excellent. Better I believe than the Lord of the rings!", "unixReviewTime": 1356998400} +{"overall": 1.0, "verified": false, "reviewTime": "01 21, 2017", "reviewerID": "A2YQ0ULTPTMHJS", "asin": "0006480101", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Audrey Anderson", "reviewText": "I really liked the first book but couldn't get into this one. Started out more of a love struck character than I cared for. Seemed to lose the thread and go off into a love story.", "summary": "Was not looking for a love story", "unixReviewTime": 1484956800} +{"reviewerID": "A35NDP775N6H44", "asin": "0002247437", "reviewerName": "lula", "verified": true, "reviewText": "This is a great series. I'm half way through this book and so far this book is keeping up with some of the old characters and adding some new ones.", "overall": 5.0, "reviewTime": "01 20, 2014", "summary": "Great series!", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2017", "reviewerID": "A120SD7MSDCFQE", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Lizzy Girl", "reviewText": "Everyone should read this book, Christians and non-Christians, believers and skeptics. Definitely would be a good bucket list book.", "summary": "Classic Christian Apologetic", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A2VMP0AI4B65XK", "asin": "000711835X", "style": {"Format:": " Kindle Edition with Audio/Video"}, "reviewerName": "mark r burg", "reviewText": "This is a Story that you can read and read again...each time you get something new.", "summary": "Five Stars", "unixReviewTime": 1473984000} +{"overall": 3.0, "vote": "3", "verified": false, "reviewTime": "02 27, 2007", "reviewerID": "A17HKLW51BRQS", "asin": "0007181604", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "A. Rayburn", "reviewText": "I felt this book was entirely too long. There were some exciting scenes: the Antartic scene and the jungle scene at the end. What would've made this book a LOT better, given its volume, would be to have a lot more natural disasters caused by man; not just a tsunami.", "summary": "Way too long", "unixReviewTime": 1172534400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "AEQ51LLTOGJZO", "asin": "000712838X", "style": {"Format:": " Hardcover"}, "reviewerName": "Meedge", "reviewText": "Great book to read to little ones", "summary": "Fun book", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2017", "reviewerID": "A2W2UAOHUVBZIX", "asin": "0007155662", "style": {"Format:": " Hardcover"}, "reviewerName": "Minna C.", "reviewText": "Great book! I highly recommend to give as a gift to grads!", "summary": "Five Stars", "unixReviewTime": 1498694400} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "AGE2CDG6175AT", "asin": "0007420412", "style": {"Format:": " Kindle Edition with Audio/Video"}, "reviewerName": "Angela S.", "reviewText": "I books", "summary": "Five Stars", "unixReviewTime": 1465344000} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "A275GUJYO3OMXY", "asin": "0007193157", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Westie", "reviewText": "I've just discovered Stuart McBride as an author and these novels are every bit as good as Rankin's Rebus novels. The bonus is that they are set in Aberdeen where I spent my University years", "summary": "great mystery in the Rankin/Rebus tradition", "unixReviewTime": 1399766400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A1RQ2F0KZPW0I6", "asin": "0007327064", "style": {"Format:": " Paperback"}, "reviewerName": "D. Volovski", "reviewText": "Item As described. Fast shipping.", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 4.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "AQYEULTRAC0IL", "asin": "0007196997", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Zeheeba", "reviewText": "I'm really enjoying this series. This edition was good, but not the best. Read it anyway!!! The next novel in the series more than makes up for it.", "summary": "Not the best in the series, but great!", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "AEGYEXPGUV5EE", "asin": "0007198019", "style": {"Format:": " Hardcover"}, "reviewerName": "mapareviews", "reviewText": "love the Dr. Seuss Book to celebrate for my grandson birthday. Great addition to his book collection", "summary": "Happy Birthday to You! Book", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A120X4LS7ZEH62", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joan", "reviewText": "Brilliant writing and Wilde's acerbic wit make this a wonderful classic read. Be wary of what you wish for. Since most people know the story, I'll just say it is certainly worth reading.", "summary": "A Great Classic", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "AG8YN7XU511JJ", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Max", "reviewText": "excellent read. a long book but very readible. For dog lovers even better but even for a dof hater still a good find. Excellent plot.", "summary": "yes", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": false, "reviewTime": "06 18, 2013", "reviewerID": "A38RYTPPGMOWBJ", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eric Holloway", "reviewText": "I really felt for the different characters as they fell in love, had emotions manipulated, and feelings hurt. But at the end everything is resolved harmoniously, and it makes me happy.", "summary": "Nice resolution to all the relationships", "unixReviewTime": 1371513600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A180VID435R3XF", "asin": "0007319185", "style": {"Format:": " Paperback"}, "reviewerName": "M. Radu", "reviewText": "Shockingly pretty dull", "summary": "ZZZZZZZZ........", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": false, "reviewTime": "03 4, 2017", "reviewerID": "A2RTFTZW3X3J36", "asin": "0001384198", "style": {"Format:": " Hardcover"}, "reviewerName": "Gerald T. Cloniger", "reviewText": "A wonderful story that I will always remember from my childhood!! All about doing your best!! Kaye Cloniger", "summary": "A Great Little Story!", "unixReviewTime": 1488585600} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "AHDB1OX35RBL4", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "A Viking's Mother-in-law", "reviewText": "a classic set I am sharing with my grandchildren", "summary": "Worth reading again and again!!", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "ATN5A9338GITE", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Sheri Foster", "reviewText": "i'm so glad I chose this set of books over a regular set of smaller paperbacks. Great quality, they are just beautiful, and my daughter loves them.", "summary": "beautiful set of books", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2013", "reviewerID": "A2198X8TKIV9GD", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ryan Lowery", "reviewText": "Best book ever you have to read it I give it 5 stars best book ever read in whole life.", "summary": "The Hobbit", "unixReviewTime": 1359590400} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2012", "reviewerID": "A2KH75P9CMASAJ", "asin": "0007224796", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This book is a lovely book and the children in class love it when I read it. It also looks like the printed book and flows nicely digitally so that is good.", "summary": "Great Book", "unixReviewTime": 1354406400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2013", "reviewerID": "A2DMQIIW1UQZ1X", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Teo GM", "reviewText": "This story may suits better to older kids.\nWhat a speech!! It made me think maybe more then to my 6 year old grandkid.\nMy husband and I really like it.", "summary": "Teo GM", "unixReviewTime": 1376438400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "A202P0FM4CB7K8", "asin": "0007271239", "style": {"Format:": " Hardcover"}, "reviewerName": "JustMyOpinion", "reviewText": "Garth Stein's \"The Art of Racing in the Rain\" is a wonderful book. Have given it as gifts and loaned a copy still not returned. Bought another!", "summary": "The Art of Racing in the Rain", "unixReviewTime": 1361577600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A3FKNV75M77BTW", "asin": "0002008599", "style": {"Format:": " Paperback"}, "reviewerName": "Mary E", "reviewText": "This is a story that reads like a mystery. Can't wait to get to the next page. Very easy to read. Deep concepts presented story form. Want to read other books by this author", "summary": "a page turner", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A196LCAFEYV9IK", "asin": "0007200285", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marilyn Mccorkell", "reviewText": "It is so easy to forget tragedies from over 40 years ago as new wars keep going on, but this book brings it all to life as if it were happening today.", "summary": "extremely sad", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A32799R2S7RSU9", "asin": "0006392237", "style": {"Format:": " Paperback"}, "reviewerName": "michemich", "reviewText": "The great American novel", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A3R2FGKQ7VFU3N", "asin": "0007217099", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Thomas P. Grotenhuis", "reviewText": "Enjoyable look at the main underlying character in the series.", "summary": "Good read", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2013", "reviewerID": "A58DVRG4NX2PJ", "asin": "0007121091", "style": {"Format:": " Kindle Edition"}, "reviewerName": "RhymeswithTerri", "reviewText": "Does it get any better than the best? It's not just the plot or the story; I simply love the way she puts words together...", "summary": "It's Agatha Christie....", "unixReviewTime": 1377129600} +{"overall": 5.0, "verified": false, "reviewTime": "04 30, 2013", "reviewerID": "A25IGOLDR81MGP", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Elizabeth", "reviewText": "The Cronicles of narnia by Cs Lewis is definetly a five star book! It is very detailed and suspensfull. My favroite thing about the book of all is that the end of the story is good to leave open story guide lines to start one more book in the same series.", "summary": "great book!", "unixReviewTime": 1367280000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A1STKVJWL3V9AO", "asin": "0007343906", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Arthur", "reviewText": "Reginald Hill's brain must have its axons and synapses connected in ways unique to mankind. His plots are devilishly clever and complex but all the plot lines are drawn together in a manner sure to surprise and blindside you in the end. A great book.", "summary": "A great book.", "unixReviewTime": 1483401600} +{"overall": 4.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "AK15ZJ99D66YW", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Goodie 2 Shoes", "reviewText": "I would like to finish this book but then I had to and was so glad I did. It will stay with me forever. I am a woman, don't even like cars, love dogs though but there is so much here to glean !!! It's a gem.", "summary": "II didn't think....", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A1HAQFJYI6QU91", "asin": "0007326513", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Awesome couldn't,t wait for them to get even loved the book the author is awesome", "summary": "Awesome couldn't, t wait for them to get even ...", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A30T9CVEF8TTFV", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John H.", "reviewText": "Never gets old. 3rd time I read it and still discovering new things. Incomparable!", "summary": "Never gets old. 3rd time I read it and ...", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "APXL93FY58MVW", "asin": "000172066X", "style": {"Format:": " Board book"}, "reviewerName": "Peggy", "reviewText": "This is my favorite book to read to my toddler.", "summary": "Great book", "unixReviewTime": 1470182400} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2013", "reviewerID": "A2H8RYBPIC441A", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John", "reviewText": "I absolutely loved reading this again, it's about as fun as a book can get. My only (minor) quibble is that the kindle version occasionally skips to the index when changing pages, so pay attention to where you are at when reading!", "summary": "Gold Standard for Fantasy", "unixReviewTime": 1368835200} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "A37SX2V2V6JP9E", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "The E Traveller", "reviewText": "It is a very cool book, I enjoyed the story and was surprised how different it was from the first movie and the 2nd movie which I saw last evening\n\nI think I enjoyed more than the movies too date", "summary": "A walk there and back again", "unixReviewTime": 1386979200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2013", "reviewerID": "A273J4YHAH2HBP", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Johanna Hurwitz", "reviewText": "Five stars is not enough for this novel. It's amazing how Hilary Mantel could take the bare bones of history and create a world of living breathing characters, amazing dialogue and even humor out of a world full of tension, disease, hate and fear.\n\n Johanna Hurwitz", "summary": "A fantastic book!", "unixReviewTime": 1359158400} +{"overall": 2.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "A38M3Z6UUECADD", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stephanie Prichard", "reviewText": "Great writing, bummer of a story. I threw the book across the room when I read the ending.", "summary": "Two Stars", "unixReviewTime": 1435708800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A3H5TM8TCEMKPK", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. DeBruhl", "reviewText": "Truly one of the best books ever written. Samwise being one of the great characters of literature. Read this book.", "summary": "one of the best ever.", "unixReviewTime": 1422316800} +{"overall": 4.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "ASZIOZEBQE0DU", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kathy Lafferty", "reviewText": "Not Jane's best, but still witty and charming, and better than most things in print these days!", "summary": "Charming satire", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "AIJMSXLJAJ1C6", "asin": "0007197675", "style": {"Format:": " Hardcover"}, "reviewerName": "Luis", "reviewText": "All I do is win.", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "AHQYXLIQMKNBH", "asin": "0007158505", "style": {"Format:": " Hardcover"}, "reviewerName": "Mellissa L. Thomas", "reviewText": "cute book", "summary": "Five Stars", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "ARDX43TZFJ6GH", "asin": "0007181701", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eskimino Thunderbunny", "reviewText": "This book is WONDERFUL. One of my all time favorites. Depressing as all hell but it's lovely. 10/10 would recommend always.", "summary": "This book is WONDERFUL. One of my all time favorites", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2017", "reviewerID": "A2UQLOVPC9BF0Q", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DH", "reviewText": "Epitome of the art of crafting a novel.", "summary": "Could not be any better.", "unixReviewTime": 1512691200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A2PXBHHYYF5OQB", "asin": "0007331010", "style": {"Format:": " Paperback"}, "reviewerName": "RX", "reviewText": "I like this book and find it very inspirational. Have also given it as a gift to others.", "summary": "Five Stars", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A1I2R8AJCHO4GZ", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jim L.", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "ASBVXWSB854DX", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mark Birchfield", "reviewText": "An excellent tale of the Elvish world before Middle Earth, before The Hobbit, and the Lord of the Rings. A must read for any Tolkien fan.", "summary": "Before Middle Earth", "unixReviewTime": 1389398400} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2003", "reviewerID": "A3VYL3CC3AKZKL", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Forest J. Handford", "reviewText": "This book is an excellent way to see how English society ran hundreds of years ago. The only issue that people will have with the book is that it is written in an older style of English which can be hard to follow.", "summary": "Excellent Book, for it's time", "unixReviewTime": 1063238400} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A3DUZZEPVDI911", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda Anderson", "reviewText": "Good book.", "summary": "Four Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A278TNDT0D75IM", "asin": "0007276176", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kate Thomas", "reviewText": "I would recommend this book to anyone who loves fantasy series that you just can't put down. The characters have so much depth and the plot is gripping.", "summary": "Fantastic", "unixReviewTime": 1429747200} +{"overall": 2.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "AXLLS633BNQH1", "asin": "0007172826", "style": {"Format:": " Paperback"}, "reviewerName": "Jean S.", "reviewText": "Slow read", "summary": "Two Stars", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A2IJNONXZGF83X", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tammy Britter", "reviewText": "Good book. Worth reading. I think I will read the rest of the series now. blah blah blah blah blah", "summary": "Good book", "unixReviewTime": 1420243200} +{"overall": 4.0, "verified": false, "reviewTime": "12 16, 2014", "reviewerID": "ACVA40MZ6ODR7", "asin": "0006551807", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Edward D. Franco", "reviewText": "Wonderful, insightful prose.", "summary": "Four Stars", "unixReviewTime": 1418688000} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A2MVLDK2HI4YJL", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Karl Hackbarth", "reviewText": "Don't like the writing style/grammar of some of these older writers. Somewhat difficult for met to follow. I know Mr. Lewis is a very highly regarded Christian author but not really for me.", "summary": "Somewhat disappoionted", "unixReviewTime": 1378080000} +{"reviewerID": "A1FF69Q9Y426J5", "asin": "0002116456", "reviewerName": "avid reader", "verified": true, "reviewText": "loved the book", "overall": 5.0, "reviewTime": "08 4, 2014", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 3.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "ADZWEQP05MI05", "asin": "0006176666", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Julia", "reviewText": "I debated between 3 and 4 stars. It was an intriguing book. I love Clive Barker's twisted ideas and he definitely doesn't disappoint in this book.", "summary": "An interesting read", "unixReviewTime": 1402876800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A2Y5LLY32PF550", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "One of my favorite books of all time.", "summary": "Great Book", "unixReviewTime": 1456876800} +{"overall": 4.0, "verified": false, "reviewTime": "04 11, 2014", "reviewerID": "A2EVOK39WLTY3O", "asin": "0007338104", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Goutam Barman", "reviewText": "An excellent history of World War II. Presents a graphic picture of the war from both military and civilian viewpoints. Eminently readable.", "summary": "Excellent War History", "unixReviewTime": 1397174400} +{"overall": 3.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A333DC52OS0NAO", "asin": "0007265077", "style": {"Format:": " Hardcover"}, "reviewerName": "Donna Levy", "reviewText": "So disappointed in the ending. The long story led nowhere. Turned me off from ever ordering another Oprah book.", "summary": "Disappointing.", "unixReviewTime": 1417996800} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A2O422FWUPFZ8E", "asin": "0006486029", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Richard Cox", "reviewText": "Fantastic", "summary": "Another wonderful book by Robin Hobb", "unixReviewTime": 1446336000} +{"overall": 4.0, "verified": false, "reviewTime": "08 15, 2014", "reviewerID": "ASFH9P54G32QL", "asin": "0007317298", "style": {"Format:": " Paperback"}, "reviewerName": "L. .G. avid reader", "reviewText": "Great book for school", "summary": "school", "unixReviewTime": 1408060800} +{"overall": 4.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "ACUN4M7SQ7KFV", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jake", "reviewText": "Book was OK, but story-line was a bit juvenile and it ending with a fizzle.", "summary": "Four Stars", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A1GK454SYF7U8K", "asin": "0002258757", "style": {"Format:": " Hardcover"}, "reviewerName": "Bruce Frank", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2014", "reviewerID": "A9282V2SGKLK2", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kelli", "reviewText": "Such an amazing read! Well worth the price and it keeps you interested until the very last page and beyond!!", "summary": "I will never get tired of this story!", "unixReviewTime": 1388966400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "A1OVI77XM26RZF", "asin": "0007145101", "style": {"Format:": " Paperback"}, "reviewerName": "midwestnurse", "reviewText": "Ordered this for a class, but enjoyed the scientific discussion into different realms of reality and interdimensional concepts. Thought this was cool, some classmates were totally weirded out.", "summary": "multidimensional", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A3KVWP0VZRNE9R", "asin": "0006064922", "style": {"Format:": " Hardcover"}, "reviewerName": "Freecalkid", "reviewText": "Love this version. I ordered this one to cut up to post scriptures in my home. Pri t size and paper quality is perfect.", "summary": "Love this version", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A29UN2F0CNHWLY", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jackie r", "reviewText": "This 4th ODD THOMAS book is another masterpiece by Dean Koontz. I'm rereading the series and enjoying it as much as the first time.", "summary": "ODD Hours", "unixReviewTime": 1477612800} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "ASH5YM6ADMKSJ", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "bettie j. beswick", "reviewText": "Looking forward to reading it very soon.", "summary": "Four Stars", "unixReviewTime": 1412121600} +{"overall": 3.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A4UEIDVAD5WEF", "asin": "0002311909", "style": {"Format:": " Paperback"}, "reviewerName": "kenneth", "reviewText": "It's okay haven't finished reading it yet", "summary": "Three Stars", "unixReviewTime": 1432771200} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "A13BT38H7AINBX", "asin": "0006152465", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JB", "reviewText": "Loads of typos. It's a good story, I read the print version years ago, but I can't believe anyone would release this for sale in this condition.", "summary": "Proofread!", "unixReviewTime": 1382659200} +{"overall": 3.0, "verified": true, "reviewTime": "02 8, 2014", "reviewerID": "A2P2E8BS6JIM31", "asin": "0007219733", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jane Rondeau", "reviewText": "Good story. Decently written. Definitely Walter Mitty for VIkings, but who cares? A little repetitious, but characters are more one dimensional. Nice nod to historical facts, maybe???\nI keep buying them, so they are at least satisfying escape literature.", "summary": "Page turner", "unixReviewTime": 1391817600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A3DNANSTAX2R0S", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Rebecca A. Acosta", "reviewText": "This is a perfect gift for graduation. I bought it for my 8 year old to teach him a little about life.", "summary": "Love it!!!", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A1XUSXH1E7HEZ0", "asin": "0006064922", "style": {"Format:": " Imitation Leather"}, "reviewerName": "marceline", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A347DVJQ2BHBBS", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "N.K", "reviewText": "Very good book, i liked it as a fan of Tolkien wolrd...", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A2I7HH4WKRAE4N", "asin": "0001846590", "style": {"Format:": " Kindle Edition"}, "reviewerName": "cilrogers", "reviewText": "This is one book I read years ago but enjoyed again as I do novels by MacDonald. The faith of a child where there is nothing visible is amazing, and even through difficult times, the princess knows her grandmother is overseeing her safety. A great book for youth and adults.", "summary": "Fantasy At Its Best", "unixReviewTime": 1391472000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2CGCJ4F8T4EO0", "asin": "0007286414", "style": {"Format:": " Paperback"}, "reviewerName": "Shannon", "reviewText": "This was a gift and she loved it.", "summary": "A Loved Gift", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A1QQQPJEZIVSJV", "asin": "0007250916", "style": {"Format:": " Paperback"}, "reviewerName": "Betty Armstrong", "reviewText": "Excellent Review of the history of Cancer. There are good stories to provide human interest, and plenty of scientific facts to appeal to the most intellectual among us.", "summary": "Excellent Review of the history of Cancer", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A3P974J1CW6NSD", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John P. Stratis", "reviewText": "I came to Hemingway late in life. Enjoyed several of his books, Movable Feast is very good but this is the best so far. What struck me most was Hemmingways profound understanding of thoughts under a variety of circumstances.\nGreat read.", "summary": "great book", "unixReviewTime": 1414281600} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2016", "reviewerID": "A2KEENIBJAEI2D", "asin": "0007193181", "style": {"Format:": " Kindle Edition"}, "reviewerName": "babywilly", "reviewText": "If you don't mind the English language words for many of the comments this book it is. A good book. At first it was to English for me, however I got used to it and finished it. Liked the story, Liked the book.", "summary": "Lot's of English sayings", "unixReviewTime": 1472256000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2018", "reviewerID": "A1U4MVED72DMBH", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "PrimeLove", "reviewText": "My son loves this book. Tries to read it on his own.", "summary": "Good buy.", "unixReviewTime": 1522800000} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A1UUIV2251UKHJ", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suelaine", "reviewText": "Twists I didn't see coming and characters so fully developed that I cared deeply for them. A great read. You will not want it to end.", "summary": "wonderful saga.", "unixReviewTime": 1405123200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A2NZ86JC4LHH64", "asin": "0007307136", "style": {"Format:": " Hardcover"}, "reviewerName": "Danielle J. Monahan", "reviewText": "I got a lot more from Mr. Wong's recipes from his U Tube appearances. I did like the info on individual herbs.", "summary": "Grow your own drugs.", "unixReviewTime": 1434499200} +{"overall": 2.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A14PEBV3N72IG7", "asin": "0007304552", "style": {"Format:": " Paperback"}, "reviewerName": "Perhaps", "reviewText": "Disappointed with writing!", "summary": "Two Stars", "unixReviewTime": 1428710400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 10, 2014", "reviewerID": "ADJEZT71E96KK", "asin": "0007219822", "style": {"Format:": " Kindle Edition"}, "reviewerName": "rodinsd", "reviewText": "Comprehensive and intriguing. Hastings writing style and grasp of well-researched facts provided an easy and interesting read. I look forward to reading future Hastings' works.", "summary": "Intriguing", "unixReviewTime": 1399680000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "AX7NIOPY5G2N6", "asin": "0006895492", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "Best deal and best anatomy book ever. I almost read the whole book and thank God passed the class with a 95% a solid A. I would greatly recommend this book.", "summary": "Five star no doubt", "unixReviewTime": 1481414400} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2017", "reviewerID": "A3HIFP00VOJDPE", "asin": "0007169930", "style": {"Format:": " Hardcover"}, "reviewerName": "T. Jungenberg", "reviewText": "First of all, it is definitely NOT racist, haha! This was one of my favorite books to read to my children at bed. It really makes you tired and sleepy! I bought this copy for my Grandson.", "summary": "Really Relaxes You and Makes You Sleepy!", "unixReviewTime": 1509840000} +{"overall": 5.0, "verified": false, "reviewTime": "04 4, 2016", "reviewerID": "AZ90LWO8QPGV1", "asin": "0007378033", "style": {"Format:": " Paperback"}, "reviewerName": "HW9001", "reviewText": "AMAZING STORY! So enriching to read and absorb the entertaining yet historical events. Highly recommend and is my new favorite, staple book.", "summary": "MUST READ", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A17HQW4283M98X", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael R. Margrave", "reviewText": "Everyone should read this book at some point in their life. The movies can't do justice to the theme. Classic Dickens.", "summary": "Real Meaning of Christmas", "unixReviewTime": 1486339200} +{"overall": 2.0, "vote": "6", "verified": false, "reviewTime": "01 22, 2007", "reviewerID": "A1JTNWHFID0J0A", "asin": "0007165870", "style": {"Format:": " Paperback"}, "reviewerName": "Agatha Dashwood", "reviewText": "I was shocked when March won the Pulitzer Prize. Geraldine Brooks is a well-spoken storyteller in her own steady way, but this is no masterpiece. Average, average, average-certainly not up to the standards of quality implied by the Pulitzer.", "summary": "solid but not particularly memorable", "unixReviewTime": 1169424000} +{"overall": 4.0, "verified": false, "reviewTime": "09 30, 2014", "reviewerID": "A26MI50IECCPUA", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Vanessa", "reviewText": "print to small", "summary": "Four Stars", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A1Z3QOV52MC6ML", "asin": "0007223773", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joan L.", "reviewText": "A finely woven intriguing story of four strangers who meet at an Italian villa and how their lives are intertwined. This book sweeps you up and takes you away. You can't stop reading and yet you are disappointed when you've finished. You want it to go on and on.", "summary": "Beautiful story", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A1BA9EOG0S37QB", "asin": "0007226586", "style": {"Format:": " Audio CD"}, "reviewerName": "Eric Hayley", "reviewText": "This is a series of Odd Thomas books. The story is riveting and I was, as I always am with his books, sorry that it ended.", "summary": "Great story", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "AUU2WQ96NEI3C", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Dana L Lemke", "reviewText": "Bought this for my grandsons preschool graduation. Great price.", "summary": "Great price.", "unixReviewTime": 1464912000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A37HD7Z40FIVKW", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "DB", "reviewText": "Recorded Books are awesome.", "summary": "Five Stars", "unixReviewTime": 1426723200} +{"overall": 3.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "A2R52SO9GHM42M", "asin": "0001720295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "william", "reviewText": "good story", "summary": "Three Stars", "unixReviewTime": 1415750400} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "ABFJ6E85IO1Z5", "asin": "0001846590", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marjorie Chan", "reviewText": "Easy to read.", "summary": "Three Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A1ZDVJTJKHETVQ", "asin": "0007141343", "style": {"Format:": " Paperback"}, "reviewerName": "Angelo Capasso Jr.", "reviewText": "Would have given 6 stars!!!!", "summary": "Five Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "vote": "5", "verified": false, "reviewTime": "03 4, 2012", "reviewerID": "A30KNLUAYQ73F2", "asin": "0006231268", "style": {"Format:": " Audible Audiobook"}, "reviewerName": "The Old Hen House", "reviewText": "I am delighted to hear of someones perspective on God & churches that is very much like mine! This book is a bit \"chopped up\" as it is basically a compilation of Muggeridge's thoughts, sermons, speeches, etc. Davidson does a wonderful job as usual", "summary": "Finally, a soulmate...", "unixReviewTime": 1330819200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "A7YOPAQNG19YU", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Traci", "reviewText": "After seeing the movie I needed to read the book. Excellent imagery and an enchanting read. This is a book I will read again and again.", "summary": "The Hobbit", "unixReviewTime": 1357948800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A4KUB0HWS0UBF", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wayne H.", "reviewText": "classic Agatha Christie, what else can i say. i have read this novel several times. it was a fun read each time.", "summary": "Excellent", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1YNDTG0PYL3QY", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JC11", "reviewText": "Starts a bit slow but winds up great, can't wait for the next installment! It's been far too long in coming!", "summary": "awesome", "unixReviewTime": 1419292800} +{"overall": 4.0, "verified": false, "reviewTime": "03 7, 2013", "reviewerID": "AWAWJWTQZU1W0", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dr. NT", "reviewText": "Love the voice of Enzo and the human story but not so much the racing details a lovely book !", "summary": "Heartfelt memories of my own dear pup", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A3SWLWZEMJ9DS7", "asin": "0006540279", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sasha Lee", "reviewText": "A must read... classic Jung.", "summary": "Five Stars", "unixReviewTime": 1457049600} +{"overall": 4.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A286F8RDZJQUI9", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Good book series. I had to quit because they were getting a little redundant at book ten. But still a great series.", "summary": "Good book series", "unixReviewTime": 1466812800} +{"overall": 4.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "A23FSCP92EH39H", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mark Bennion", "reviewText": "Good first effort, the plot has so many characters that it is difficult to define the main actors and the main plot. Perhaps that is the author's intent? The many characters give the author the ability to spin many different side plots and many subsequent novels.", "summary": "Interesting Beginning", "unixReviewTime": 1496966400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "ALISNOOF6T1K8", "asin": "000732197X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amie", "reviewText": "I cannot get enough of Rachel, Al and Jenks! I was hooked from the first book in this series. A definite MUST READ for all urban fantasy fans!", "summary": "My Favorite Series!", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A1Z01VL73AYU2S", "asin": "0007223722", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dave", "reviewText": "This is the 7th book I have read of his and they never let me down, I can't wait to start the next one!", "summary": "Another wonderful book", "unixReviewTime": 1494374400} +{"overall": 4.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A180JZWJ6GPPOG", "asin": "0007242476", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Brian Martin", "reviewText": "I have to say that I just stumbled across this book while searching for a new series. So glad I decided to read it. It's a definite page-turner.", "summary": "Excellent", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A3EOM4NZIU9BRL", "asin": "0007305931", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leslie H", "reviewText": "Camilla Lackberg's crime novels are notable for their excellent characterisation. In this particular one, the way in which the two time periods eventually connect is brilliant and surprising.", "summary": "The crimes are almost secondary", "unixReviewTime": 1381708800} +{"reviewerID": "A1KKTEPDSQ3B4N", "asin": "000100039X", "reviewerName": "Suzanne Stuart", "verified": true, "reviewText": "quite interesting insightive makes you question things about life love marriage death all kinds of feeling i have read this book many times i have some parts underlined to reread", "overall": 5.0, "reviewTime": "07 17, 2016", "summary": "most interesting book", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2012", "reviewerID": "AOCG2MPU1PZE3", "asin": "0003303187", "style": {"Format:": " Kindle Edition"}, "reviewerName": "corgimom", "reviewText": "This is a wonderfully funny book that also includes family dynamics and natural history.\nWould recommend this book to anyone.", "summary": "Great fun", "unixReviewTime": 1346889600} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A347H14VR6NG2O", "asin": "0007288867", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MJ Mom", "reviewText": "Another hit from my favorite author. Tight plot, interesting characters.", "summary": "Another Hit", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "AZHXS6OU52MLW", "asin": "0007420412", "style": {"Format:": " Hardcover"}, "reviewerName": "Jane Bovard", "reviewText": "Books arrived in mint condition. The books were recommended by my grandson and I must admit they were an entertaining read. Reminded me of the Hunger Games series.", "summary": "sci-fi hit", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A108S5UHSVI7BB", "asin": "0006361684", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cheryl Eggo", "reviewText": "A harrowing account of a somewhat dysfunctional family fallen on hard times during the depression. Very well written, enjoyed it.", "summary": "Great Read", "unixReviewTime": 1393113600} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "AE78F0TF805RJ", "asin": "0006479561", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "avidreader", "reviewText": "I listened to this first on a CD and liked it enough to buy the book to read. I enjoyed the references to a part of the country I know and like very much", "summary": "I listened to this first on a CD and liked it enough to buy the book to read", "unixReviewTime": 1428883200} +{"overall": 5.0, "vote": "7", "verified": false, "reviewTime": "02 27, 2005", "reviewerID": "A19IC59PCJ9MJY", "asin": "0007107005", "style": {"Format:": " Paperback"}, "reviewerName": "Jacq", "reviewText": "If you are a devoted Iyengar student, and would like to start self/home practice, the sequences at the back of this book are detailed and excellent. For a less intensive sequencing program, refer to Yoga - the Iyengar Way by Mira Metha.", "summary": "Sequences for Yoga", "unixReviewTime": 1109462400} +{"reviewerID": "ALP9XTK7MNRO8", "asin": "0002219417", "reviewerName": "Robert B.", "verified": true, "reviewText": "One of the finest historical novels ever written by the master of the genre.", "overall": 5.0, "reviewTime": "07 9, 2015", "summary": "Superb", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "A3KP11JB3IAKOG", "asin": "0007295685", "style": {"Format:": " Kindle Edition"}, "reviewerName": "iefbr14", "reviewText": "I read it twice to be sure everything hangs together. Great characters. I feel like I know them. Read this book. You won't be sorry", "summary": "Fabulous.", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A3KYGL5KJCZNHM", "asin": "0007193181", "style": {"Format:": " Kindle Edition"}, "reviewerName": "stugodwin", "reviewText": "This guy is good! And the quirks in Scotland's criminal laws are interesting.", "summary": "Really good", "unixReviewTime": 1447632000} +{"overall": 2.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A1FTF7K2ZH21PB", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "iKnowBetter", "reviewText": "Found some grammatical error", "summary": "Nice enough.", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "A1UZJ4TEMSCMPM", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "PC", "reviewText": "Still trying to figure out how Agatha Christie think and come up with these mysteries. I have not yet figured out the ending of her mystery novels.", "summary": "Always a surprise ending", "unixReviewTime": 1511049600} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "05 12, 2011", "reviewerID": "A33YGNE3TCRCCM", "asin": "000243248X", "style": {"Format:": " Paperback"}, "reviewerName": "bahgainhunter", "reviewText": "Her sense of humor is at its best here, and the depiction of a close-knit family and how newcomers are welcomed into the fold - or not - is entertaining.", "summary": "One of D.E. Stevenson's best", "unixReviewTime": 1305158400} +{"reviewerID": "A15D6I23NCCH1P", "asin": "0002259664", "reviewerName": "J. Sherburne", "verified": true, "reviewText": "I love Cornwell's encyclopedic command of historical detail, particularly around battles, and the detail of combat. This one was a touch predictable, but I enjoyed it nonetheless.", "overall": 4.0, "reviewTime": "03 15, 2016", "summary": "I love Cornwell's encyclopedic command of historical detail", "unixReviewTime": 1458000000} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A1VWZVN957EV3O", "asin": "0006498736", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Enthused Gardener", "reviewText": "One of my favorite Poirot mysteries.", "summary": "Four Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A3CN1RXF62G249", "asin": "0007131925", "style": {"Format:": " Hardcover"}, "reviewerName": "Robert T. Pearse", "reviewText": "A gift", "summary": "Five Stars", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2017", "reviewerID": "AKONYRYHYWYU5", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "R.A. Whitaker", "reviewText": "I love Jane Austen and I love getting her complete works for free with Amazon Prime.", "summary": "Complete and Free with Amazon Prime", "unixReviewTime": 1510272000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2016", "reviewerID": "A32HPMGN9GVZSU", "asin": "0006476414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Meg Lohmeyer", "reviewText": "Fabulous!!", "summary": "Five Stars", "unixReviewTime": 1475884800} +{"overall": 5.0, "verified": false, "reviewTime": "12 24, 2014", "reviewerID": "A1279YVGFSLJCJ", "asin": "0003302245", "reviewerName": "Melanie J Reasor", "reviewText": "I have a tattered copy of this. It is something that I read and reread. It is a familiar friend. I am so pleased with edition that I have retired the old. I look forward to wearing this copy out as I did the other. What a wonderful book!", "summary": "I am so pleased with edition that I have retired the old", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A2YX1A9P3M9X3J", "asin": "0007117213", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nicki Moore", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A1PWY4VZ7JDZNW", "asin": "0001384198", "style": {"Format:": " Hardcover"}, "reviewerName": "Marcia Knight", "reviewText": "This book belongs in the heart of every child. It will continue to be a guide their whole life.", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A1WBD5E0AYNMSY", "asin": "000711835X", "style": {"Format:": " Imitation Leather"}, "reviewerName": "Steven G.", "reviewText": "Excellent buy!!", "summary": "Five Stars", "unixReviewTime": 1426464000} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "A213GBFSBLHD62", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eanbay", "reviewText": "This is a deeply moving store. One I could not put down. I highly recommend that you read this book.", "summary": "Moving", "unixReviewTime": 1459036800} +{"overall": 3.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A2DQLWTLNLO2PF", "asin": "0007142315", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Red", "reviewText": "It was only OK. Didn't enjoy it as much as I thought I would. Not even close to \"Ghost Story\" or \"Floating Dragon\".", "summary": "Not great", "unixReviewTime": 1474329600} +{"reviewerID": "A149EP1GPYQ9R3", "asin": "000100039X", "reviewerName": "cindy holm", "verified": true, "reviewText": "covered tattered by book is soulful", "overall": 4.0, "reviewTime": "06 5, 2017", "summary": "timeless", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A1ZFKQD1E1WAQW", "asin": "0006499236", "style": {"Format:": " Paperback"}, "reviewerName": "Robogeriat", "reviewText": "My personal favorite of the series. Villainy and festering resentments receive their just reward; loyalty, courage and affection are tested to their limit. The villainous spy is SO nasty, SO believable!", "summary": "My personal favorite of the series", "unixReviewTime": 1489017600} +{"overall": 3.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A3GCXW75UYDXSV", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Misty Finney", "reviewText": "read it for a book club, would not have chosen it myself.", "summary": "Three Stars", "unixReviewTime": 1473292800} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A1I337R6PYEVH9", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Jack Koehler", "reviewText": "Ex book", "summary": "Four Stars", "unixReviewTime": 1484870400} +{"overall": 1.0, "vote": "6", "verified": false, "reviewTime": "10 12, 2010", "reviewerID": "A323I0EHJC0R0G", "asin": "0007318529", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "Who could/would care about these people? I have tried and tried to see something profound or interesting in this book. I don't like the syntax or the 'voice.' Meandering, posturing, not real...in my lifetime anyway.", "summary": "Borrrrring!", "unixReviewTime": 1286841600} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "A1ULGAYSC0DPTJ", "asin": "0004340515", "style": {"Format:": " Hardcover"}, "reviewerName": "DCat", "reviewText": "Glad I bought this book. For the price, this will be a great resource or reference for all my writing needs.", "summary": "Recommended book.", "unixReviewTime": 1403481600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A3JI269H2BB3M0", "asin": "0007276176", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bruce 22", "reviewText": "I await impatiently the next volume in the series. Who is the true Deliverer? Personally I would prefer if this mysterious figure would be mankind itself and not an individual.", "summary": "This a complex story", "unixReviewTime": 1395187200} +{"reviewerID": "AWX3D9WJ9C4U0", "asin": "0001951076", "reviewerName": "Kurtrina Ritter", "verified": true, "reviewText": "Classic!", "overall": 5.0, "reviewTime": "02 17, 2017", "summary": "Five Stars", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A22F24KIVC5V34", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David Helfrich", "reviewText": "Oh my gosh. As a Marine, this book touched me. Awesome", "summary": "Awesome", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A6JSRZPD7B5L5", "asin": "0007378033", "style": {"Format:": " Paperback"}, "reviewerName": "D. John Crannell", "reviewText": "Great book so much better than the movie. The movie was poorly directed.", "summary": "Great book much better than the movie", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "A36GJ1Q0CAO4BV", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "dlshops", "reviewText": "I have read this book over and over throughout my life, and I get something different out of it each time.", "summary": "Never get tired of this book", "unixReviewTime": 1360540800} +{"overall": 3.0, "verified": true, "reviewTime": "09 30, 2012", "reviewerID": "A23M9WLU8SQ5SR", "asin": "0007310250", "style": {"Format:": " Hardcover"}, "reviewerName": "CherB", "reviewText": "This wasn't a bad read,its not my favourite in the trilogy but it sought to answer some of the questions from the previous two. The ending was not quite what I had expected, given all the momentum that was building, but it wasn't a disaster either.", "summary": "Brace yourself!", "unixReviewTime": 1348963200} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "03 3, 2014", "reviewerID": "A1OF3E6L96P8SC", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "MJ", "reviewText": "Of all the Shakespearean tragedies, Othello seems like one of those most fraught with such heart-wrenching remorse. Mans passions are exploited in all their majesty and vileness.", "summary": "Othello", "unixReviewTime": 1393804800} +{"reviewerID": "A3GY00QBKW9Y8Y", "asin": "0001939777", "reviewerName": "Eric Martin", "verified": true, "reviewText": "One of my favorite books. This particular version is quite compact, but the traditional illustrations are still in here, I think all of them.", "overall": 5.0, "reviewTime": "03 3, 2018", "summary": "One of my favorite books. This particular version is quite compact", "unixReviewTime": 1520035200} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A37E8SA5EI3JRU", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "LMS", "reviewText": "I love Dr Suess and always have. I love that I am now reading his books to my son. What great memories!", "summary": "I love Dr Suess and always have", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A1D39GJOZPZ2WX", "asin": "0007217099", "style": {"Format:": " Kindle Edition"}, "reviewerName": "wengy", "reviewText": "It fills in al the gaps and provides the real story behind it all. We all love Aunt Pol.", "summary": "We all love Aunt Pol", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A3RWX7VJZX7B91", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda", "reviewText": "I read this book straight through so I can reread it. Answered many questions for me.", "summary": "A Life Changer", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A3EP8E7UIXCKK3", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Great Book! Mystery, murder, twist and turns!", "summary": "Five Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "AZDVE8H688EMP", "asin": "0007120796", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Facepalm", "reviewText": "Agatha Christie is a wonderful classic writer. You really can't go wrong with any of her books.", "summary": "Five Stars", "unixReviewTime": 1435708800} +{"overall": 4.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A3CJ3K36EIL8YA", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "marcy vance", "reviewText": "Almost finished. Not my favorite read, but acceptable", "summary": "Not my favorite read, but acceptable", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "ANG6BTGZGEIHE", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "DARLENE D", "reviewText": "One of my favorite all time books, I purchased for my daughter when she was a child and as a gift for my best friend having a baby. Highly recommend as one of Seuss' best ever!", "summary": "One of my favorite all time books", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A2F4ISYMKE86X1", "asin": "0007141424", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "great book", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2014", "reviewerID": "A106393MZH9T4M", "asin": "0007271190", "style": {"Format:": " Hardcover"}, "reviewerName": "Michael Louis Minns", "reviewText": "No one wants to declare someone as the best in historical fiction, but this series of Rome is amazing... hard to say which is better... this one or his other amazing series ... If Iggulden's name is on the book, I will buy it.", "summary": "Great Historical Fiction", "unixReviewTime": 1390435200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A2ICELPZRQ363", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "CATHERINESCANNELL", "reviewText": "How awful it would be to live in a cold unemotionless world as described in The Giver. I can't imagine not having memories or not feeling love/affection for others. Makes you appreciate the world we live in...", "summary": "How awful it would be to live in a cold ...", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": false, "reviewTime": "12 15, 2013", "reviewerID": "A2NOB1248TC3MZ", "asin": "0006476155", "style": {"Format:": " Amazon Video"}, "reviewerName": "Dot G.", "reviewText": "Filled with intrigue and surprises, my husband & I both thoroughly enjoyed it & recommended it to family and friends.", "summary": "Great Movie", "unixReviewTime": 1387065600} +{"reviewerID": "A11V480VOKXYL2", "asin": "000100039X", "reviewerName": "Moonbeam Bimm", "verified": true, "reviewText": "I have always loved this book.", "overall": 5.0, "reviewTime": "12 27, 2016", "summary": "Five Stars", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A1YMOQ0BBW05CD", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Kari", "reviewText": "The product worked great. I will buy this product again in the future. I am very happy with the purchase.", "summary": "great book!", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "AORFQ4NNRHN1J", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "cavewoman", "reviewText": "this series is so awesome", "summary": "keep on writing George!", "unixReviewTime": 1407974400} +{"overall": 4.0, "verified": false, "reviewTime": "07 6, 2013", "reviewerID": "A1S9U7XHCJGS0E", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jan iiams", "reviewText": "Told from the viewpoint of a lovely character...a dog. I found it touching and tender and funny at times. It was a quick read with a satisfying ending.", "summary": "I give it four woofs", "unixReviewTime": 1373068800} +{"overall": 4.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A2UVUAX2FV30QV", "asin": "0007120680", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Elizabeth", "reviewText": "I really enjoyed this Agatha Christie novel, right before Halloween. I had not heard of it. In typical Christie style, it will keep you guessing. Enjoy!", "summary": "I really enjoyed this Agatha Christie novel", "unixReviewTime": 1446249600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A17WRQ9QQ0F2KS", "asin": "0007331010", "style": {"Format:": " Paperback"}, "reviewerName": "Dwayne Keith Williams", "reviewText": "Nice easy insight for each day.", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A2VOTGQHZC45IM", "asin": "0006367992", "style": {"Format:": " Kindle Edition"}, "reviewerName": "nancy parrigin", "reviewText": "It certainly explained the Cary Grant we never knew. I would have liked him, I think, which is more than I could say of Jimmy Stewart after reading his bio.", "summary": "Cary Grant: A Real Star!", "unixReviewTime": 1462579200} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AG3B2D3CHJOJA", "asin": "0007181701", "style": {"Format:": " Paperback"}, "reviewerName": "natasha moore", "reviewText": "Son had to read for school. He liked it more than he thought he would.", "summary": "He liked it", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2013", "reviewerID": "AX765FWP43782", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Matthew", "reviewText": "I hadn't read The Hobbit before but was glad that I finally sat down and read it now. This is a tieless classic in my opinion and worth reading again and again.", "summary": "An imaginary and inspiring read!", "unixReviewTime": 1376697600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "AA9JU5CUQTIIL", "asin": "0007213182", "style": {"Format:": " Kindle Edition"}, "reviewerName": "J. Michael Wine", "reviewText": "It's perfect. You still have to work at it...looking up words and variations on words. But it does help you solve that tough crossword enigma. A breadth of information, but too easy. Perfect.", "summary": "Become a Crossword Champion", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": false, "reviewTime": "05 16, 2012", "reviewerID": "A28ZQSMFWU4XLU", "asin": "0003303187", "style": {"Format:": " Audible Audiobook"}, "reviewerName": "Amazon Customer", "reviewText": "Durrell's memoir of his childhood combines humor with a love of the natural world in an enchanting setting. His characters, human and otherwise, are delightful and his story is both fascinating and hilarious.", "summary": "Wonderful", "unixReviewTime": 1337126400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2013", "reviewerID": "A37RIN2187DI1M", "asin": "0007148976", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Martha johnson", "reviewText": "Very good book. First time I have read this book. I liked it very much. Good story.kept you guessing and not able to put it down. Now ready to read the next one.", "summary": "The witch of blackbird pond.", "unixReviewTime": 1371945600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2008", "reviewerID": "A3BQ2Z6X0MWWUR", "asin": "0002155192", "style": {"Format:": " Paperback"}, "reviewerName": "JLPAL", "reviewText": "This is one of my favorite books ever. Anna is a delightful little girl with a most tragic background, but she has all she needs to go back home! This book is simply wonderful.", "summary": "Wonderful", "unixReviewTime": 1210550400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A1F2UALZZQL1HW", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I enjoyed the mixing of traditions to tell an age old tale of two of coming.of age and finding fortunes.", "summary": "Lyrical And Beautiful", "unixReviewTime": 1493510400} +{"reviewerID": "A2B4T2N7K6KVWJ", "asin": "0002211505", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "Not as good as Grandmother and the Priests but not a total loss.\nShe did a lot of research on St. Luke however parts of it seem left to her imagination.\nIt's a good read but not entirely believable.", "overall": 4.0, "reviewTime": "01 2, 2014", "summary": "OK", "unixReviewTime": 1388620800} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A2U1Y4U4HXJ9QP", "asin": "0004244079", "reviewerName": "Harshjudge", "reviewText": "It was a gift, the receiving person loved it", "summary": "Great Gift", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A3MH5NU9N59Z13", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "TDRiggs", "reviewText": "Enjoyed everything about this Book Reading. The character development was incredibale. Voices for each character were spot on. Enjoyed everything.", "summary": "Great reading...", "unixReviewTime": 1402963200} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A91UJNWXE8EL5", "asin": "0007331908", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David Kenneth Swaine", "reviewText": "i have read all but book nine , but these books are expensive", "summary": "Four Stars", "unixReviewTime": 1441584000} +{"overall": 1.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A3E4U97BZ2IH5P", "asin": "0007230028", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Barbara Gerdtz", "reviewText": "I was disgusted with the language used in this book I didn't finish the book", "summary": "One Star", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A2MEYMGPRNYCJC", "asin": "0006480101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Karla Pate", "reviewText": "There is only one thing to say about this trilogy....OUTSTANDING!\nRead all so fast I'm mad: like when you finish a real good meal.", "summary": "like when you finish a real good meal", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": false, "reviewTime": "02 1, 2010", "reviewerID": "A1N9OONOG6OJCN", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "C. Williams", "reviewText": "My father brought me and my siblings up on Tolkien. This illustrated version stays true to the original \"Hobbit\" and has been a great way for me to get my kids interested in reading Tolkien's works for themselves.", "summary": "a classic", "unixReviewTime": 1264982400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2013", "reviewerID": "AE8TQI7A5ZFWR", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rebecca Mickaus", "reviewText": "Pretty much anything Crichton writes is going to be worth the read. This was an easy read. Good escapism book. I hope he keeps on writing for years to come.", "summary": "Pirates", "unixReviewTime": 1359158400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A1XCIJL8UMYIQA", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amanda", "reviewText": "i want more", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A12GMMPV6FOPXA", "asin": "0007196202", "style": {"Format:": " Paperback"}, "reviewerName": "Mary V. Ker", "reviewText": "Wonderful series. Cant' recomment it too highly!", "summary": "Wow! What a deep,y imagines world!", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2013", "reviewerID": "A30OT0Y77FFIT6", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patricia L. Saletore", "reviewText": "Who doesn't like Agatha Christie? I read at night to relax and this is the best of all worlds for that.", "summary": "great stuff", "unixReviewTime": 1357344000} +{"overall": 3.0, "verified": true, "reviewTime": "06 5, 2011", "reviewerID": "A2NY19LARTOETA", "asin": "0007318529", "style": {"Format:": " Hardcover"}, "reviewerName": "Jessica Snow", "reviewText": "I really liked the writing style and the character development, but the interpersonal relationships were so negative that it was adversely affecting me to keep reading. I stopped halfway through.", "summary": "Well written, but relationships too negative", "unixReviewTime": 1307232000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A250W6GGTXH9EM", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bob", "reviewText": "This book is much longer than I expected but much richer in details than the movie. The romance truly makes you feel happy. The faults and follies make you ponder upon your own character. All in all a beautiful book.", "summary": "enchanting", "unixReviewTime": 1426723200} +{"overall": 4.0, "verified": false, "reviewTime": "06 16, 2014", "reviewerID": "AL8KEH4W2LVX6", "asin": "0006510973", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Baby", "reviewText": "My wife turned me on to this writer. I really enjoyed this book. So much so I have started to read his other books.", "summary": "Great writer", "unixReviewTime": 1402876800} +{"overall": 2.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A2UK63X62KGWXK", "asin": "000738436X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Audrey McGhee", "reviewText": "Definitely engrossing, nothing that makes you think too hard. An interesting murder mystery, quick action and a predictable end. fun to read for a few hours.", "summary": "beach reading", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": false, "reviewTime": "05 25, 2013", "reviewerID": "AREL8ODVVSZQI", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "william Gleason", "reviewText": "This is just a wonderfully funny story. It did have its tragic parts too I couldn't put it down. Wish it didn't have to end.", "summary": "Just too funny, Great book", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "ASJSWPSS6LD63", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "bookreader", "reviewText": "my daughter needed this for her class, she got it here because it was cheaper than going look all over for it.", "summary": "for school", "unixReviewTime": 1395446400} +{"overall": 5.0, "verified": false, "reviewTime": "01 19, 2016", "reviewerID": "A2OB1HLNOXP4FF", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Sindhu", "reviewText": "One of my all time favourites. Can read over and over, and not get bored.\nby Sindhu S\nAuthor of Meantime Girl: a love story", "summary": "and not get bored. by Sindhu S Author of", "unixReviewTime": 1453161600} +{"overall": 3.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "AWM0V317JA4X5", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Phylrile Customer", "reviewText": "This is a very interesting book but it to wordy. After a while it got a little boring after awhile.", "summary": "North and south", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A12UDHCZTN8LA4", "asin": "0007200285", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tore R.", "reviewText": "Excellent, need the follow-up !", "summary": "Five Stars", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A1J9SEDR6E3M0U", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "jan", "reviewText": "Very satisfied thank you. I read this book in high school and had to have it again, if for no reason, but because I enjoyed it so much then and wanted to read it again.", "summary": "Brave New World", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A3VB28XORNS9K0", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "H. Coats", "reviewText": "A coworker of mine recommended this book and I absolutely loved it. I has a great story that reveals wonderful messages throughout the book. It is very well written as well which makes it incredibly easy to delve into.", "summary": "I recommend this to anyone", "unixReviewTime": 1356048000} +{"overall": 2.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "AN7SYHMWAGNG0", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tristin", "reviewText": "The storytelling did not do a great job bringing this story into modern day and the story of Emma and George was very minor. The story ended very abruptly.", "summary": "The storytelling did not do a great job bringing this story into modern day and the ...", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A31LW4NG1QG4HM", "asin": "000172066X", "style": {"Format:": " Hardcover"}, "reviewerName": "Jen", "reviewText": "This book is perfect with a beautiful hard cover.", "summary": "Adorable", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A7ER4DKFOZ0P4", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Squeeker", "reviewText": "I read it years ago. I decided to reread it after seeing the movies. It was as good as I remember.", "summary": "It was as good as I remember", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "AYB8F47I2FBN", "asin": "0006478964", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary E Story", "reviewText": "Love John Sanford! Best police procedural EVER!!!", "summary": "Five Stars", "unixReviewTime": 1405036800} +{"overall": 3.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3JEJ1LMJJS5FD", "asin": "0007350783", "style": {"Format:": " Hardcover"}, "reviewerName": "Delta", "reviewText": "I love anything by Alexander McCall Smith. This was a unique tour de force, by placing the original Austen story in a 21st century setting. But I do prefer McCall Smith's own work in which his personal musings and discussion of ethical dilemmas are more evident.", "summary": "I love anything by Alexander McCall Smith", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2012", "reviewerID": "A2FBDAOGUTOZSV", "asin": "0007181701", "style": {"Format:": " Kindle Edition"}, "reviewerName": "RP123", "reviewText": "Bradbury is my favorite sci fi author. The book is full of poetic imagery, and thoughtful commentary of the direction he saw society heading.", "summary": "A must read", "unixReviewTime": 1348531200} +{"overall": 5.0, "verified": false, "reviewTime": "05 20, 2008", "reviewerID": "A272HQGVMJGZNU", "asin": "0007217099", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Richard T. Seeber", "reviewText": "The Belgariad and the Malloreon would have to be one of my favourite book series of all time . I reread the series every year and never get bored with it. If you haven't read the series start with The Pawn of Prophercy first. 10/10", "summary": "one of the best series on the genre", "unixReviewTime": 1211241600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "A44GVPTASVXXU", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Catherine E. Butler", "reviewText": "The story is grown up,(not ADULT, in the sense of something you can't share with your children) but with all the complexities of deception and seeing through it, being aware of exactly who and what you follow, and why.", "summary": "Still a wonderful story wrapping up so much to think about!", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A24FDW2FIMVISN", "asin": "000172066X", "style": {"Format:": " Hardcover"}, "reviewerName": "Ann", "reviewText": "Always a good read for my little one", "summary": "Five Stars", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A3PA4NEEEZSV0L", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L. Henderson", "reviewText": "I've always heard wonderful quotes from this series, but previously I'd never gotten past The Lion, the Witch, and the Wardrobe. However, I'm now on the third book in the series and really enjoying and being inspired by it.", "summary": "Enjoyable and faith-inspiring!", "unixReviewTime": 1432944000} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2V9YBQYNRE48J", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deb Fitzgerald", "reviewText": "Swashbuckling adventure filled with villans,hero's and treasure found an lost. In day's gone by. Pirate's abound. An all around good read.", "summary": "An all around good read.", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2003", "reviewerID": "A49D1WYKKAQC3", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "J. McGuinnes", "reviewText": "I loved it and now my 2 1/2 year old son loves it too. We have a great time looking for Goldbug. The only negative thing I can say is that he wants to read it every night!", "summary": "My son is crazy about this book.", "unixReviewTime": 1050537600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A1WV2NIS0X5DU7", "asin": "0007353588", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Grace M. Zanatta", "reviewText": "Absolutely compelling! I enjoyed it even more than Wolf Hall", "summary": "Excellent", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2012", "reviewerID": "A2UOZL34I1EG5N", "asin": "0007265077", "style": {"Format:": " Hardcover"}, "reviewerName": "NHS", "reviewText": "This book is one of my all time favorites, so much so that I have easily bought 8 -10 copies to give to friends. I have never had one person dislike the book. My only complaint was that I did NOT want it to end.", "summary": "one of my all time favorites", "unixReviewTime": 1330560000} +{"overall": 1.0, "verified": true, "reviewTime": "05 17, 2014", "reviewerID": "A1EE1FXMML70PG", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "caligirl 137", "reviewText": "This yogurt tastes awful! This is the worst yogurt I have ever tasted! Bleck! Don't buy this yogurt, it SUCKS!!!", "summary": "TERRIBLE!!!", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "A1AVGJAG2YH4ZS", "asin": "0007111096", "style": {"Format:": " Hardcover"}, "reviewerName": "Tim G", "reviewText": "gift for grandson", "summary": "Five Stars", "unixReviewTime": 1450915200} +{"overall": 4.0, "verified": true, "reviewTime": "07 14, 2013", "reviewerID": "A2XRFF02GONEB9", "asin": "0007386621", "style": {"Format:": " Kindle Edition with Audio/Video"}, "reviewerName": "TRH", "reviewText": "One of the most unusual events of World War II. Well written by Michell Zuckoff. It is hard to imagine the amount of research that was done for this writting, especially since the event occured 68 years ago.", "summary": "A story that needed to be told", "unixReviewTime": 1373760000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A3ALX04E1Z5JCB", "asin": "0007166052", "style": {"Format:": " Paperback"}, "reviewerName": "Saida Allen", "reviewText": "it's become my daily read. thought provoking and inspiring.", "summary": "it's become my daily read. thought provoking and inspiring ...", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "A3KCO8FCJUUWLT", "asin": "0007191324", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Brenda J. Taylor", "reviewText": "The main characters in this book are interesting and their back stories keep you interested. It was well written with complex inter-relationships and changing circumstances. In the tradition of a good complex romance it kept you on the edge of your seat waiting for the finale.", "summary": "Satisfying read.", "unixReviewTime": 1359244800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A12RCF9RSSP8HJ", "asin": "0007158505", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kathy", "reviewText": "I use this for Martin Luther King day with preschoolers. It was perfect!", "summary": "It was perfect!", "unixReviewTime": 1484697600} +{"overall": 4.0, "verified": false, "reviewTime": "07 27, 2008", "reviewerID": "A16EWH4ERT51YN", "asin": "0007263589", "style": {"Format:": " Hardcover"}, "reviewerName": "Neil Glasser", "reviewText": "an interesting look at how we think. if you liked Freakonomics, you'll like this even more.", "summary": "predictably interesting", "unixReviewTime": 1217116800} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A92WW0JUMLEPW", "asin": "0002256312", "style": {"Format:": " Paperback"}, "reviewerName": "Dan L", "reviewText": "My favorite historical fiction author. I like his attention to detail as well as the characters.", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "01 8, 2007", "reviewerID": "A2VP7YLE0Z30A4", "asin": "0007133103", "style": {"Format:": " Paperback"}, "reviewerName": "K. Cole", "reviewText": "Sorry, but I didn't get much out of this one. Hard to read and boring.", "summary": "Didn't get much out of it", "unixReviewTime": 1168214400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "05 13, 2008", "reviewerID": "A2VS2YEO5FHHSO", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "K. Kirby", "reviewText": "I have no right to review Jane Austen. I give this book 4.5 billion stars.", "summary": "4.5 billion stars", "unixReviewTime": 1210636800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A12BQLTKG6OLGA", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Yogi", "reviewText": "Clearest explanation of why there is a God", "summary": "Five Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A2880TJWNPOG7A", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I would highly recommend this novel to serious readers of historical fiction,those who deplore the bodice-ripper approach. The writing style is tinged with wry humor. The characters are portrayed with sensitivity and depth. I can't wait to read the second novel in this series.", "summary": "Authentic Historic Treatment for an Often Hackneyed Period of History", "unixReviewTime": 1357430400} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2018", "reviewerID": "AZOQDQXYRIW0Z", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Loris Scagliarini", "reviewText": "Re-read it after 40 years. It is still pleasant reading", "summary": "Five Stars", "unixReviewTime": 1516665600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A1MN9IMNOVEHW3", "asin": "0007224796", "style": {"Format:": " Hardcover"}, "reviewerName": "1chelle13", "reviewText": "Great book from my childhood that both of my children enjoyed!!", "summary": "Five Stars", "unixReviewTime": 1442534400} +{"overall": 5.0, "verified": false, "reviewTime": "05 24, 2011", "reviewerID": "A1K1S7DX40PC8I", "asin": "000732197X", "style": {"Format:": " Hardcover"}, "reviewerName": "carlypi", "reviewText": "I find myself liking The Hollows series more with every book. There is a lot more demons & ever after in this book and the progressing like/hate relationship with Trent. Can't wait for book 10.", "summary": "Still loving The Hollows", "unixReviewTime": 1306195200} +{"reviewerID": "A3PZQH77PK24LR", "asin": "0002253194", "reviewerName": "Tartan splash", "verified": true, "reviewText": "I am always so excited to read a book by Jeffrey Archer ! Like always this book was great !", "overall": 5.0, "reviewTime": "04 2, 2014", "summary": "The Eleventh Commandment By Jeffrey Archer ...", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2018", "reviewerID": "A31PS1VR7O27TD", "asin": "0007336829", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John Thornton", "reviewText": "This is an excellent book. With over 700 other reviews, there is hardly anything for me to say here. I liked the book. I found the writing to be superb, and the spiritual elements were a nice surprise. As a Christian and a dog lover, I highly recommend this book.", "summary": "As a Christian and a dog lover, I highly recommend this book.", "unixReviewTime": 1518393600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "AREE0I3QZD2UH", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jane Mundie", "reviewText": "This has been my favorite book since I was a child many years ago. When I was younger I was even going to name my children after all the Little Women! However, I had 2 boys so never got the opportunity!", "summary": "Little Women by Louisa May Alcott", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "AT0BHSX5L7ZHI", "asin": "000710829X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Beverly Kevill", "reviewText": "a must read", "summary": "Five Stars", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "A3BFN3PZ8ZKR0R", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "Dutch", "reviewText": "Wonderful written and very thoughtful, especially the dog. Good to read a book from a dog's perspective and I have to admit, I cried when Enzo died. Beautiful ending I recommended it to any dog lover!", "summary": "Any dog lover needs to read this book!", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A1PMI4GJYGOV1A", "asin": "0002552868", "style": {"Format:": " Paperback"}, "reviewerName": "Trudance", "reviewText": "a great read", "summary": "Five Stars", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2007", "reviewerID": "A3Q1UHIC704EAN", "asin": "0007240279", "style": {"Format:": " Paperback"}, "reviewerName": "C.S Navarro", "reviewText": "I got the postcast to listen every day, being married with a english guy wasn't enough to understand what Karl was saying. Now i can read, laugh and listen at the same time.", "summary": "Hilarious!", "unixReviewTime": 1174867200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "A1HB74KU18D6UL", "asin": "000617342X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ernest Svec", "reviewText": "Very good story mixed well with history. Looking forward to the next book in this series. Takes you back 800 years", "summary": "History Lesson", "unixReviewTime": 1366675200} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A3SKW58FJR00LJ", "asin": "0007336829", "style": {"Format:": " Paperback"}, "reviewerName": "Flynda R. Russette", "reviewText": "Love this author! Haven't gotten to read it just yet but will soon.", "summary": "Five Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "A1NEHHZAL31VO5", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ben Sultenfuss", "reviewText": "A classic now in BluRay. I bought this to replace the old DVD. Lots of good extras.", "summary": "A Classic", "unixReviewTime": 1414800000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2014", "reviewerID": "A1AG60FGJCXNHT", "asin": "0002238594", "style": {"Format:": " Hardcover"}, "reviewerName": "hts2denver", "reviewText": "This books condition exceed my expectations.", "summary": "Five Stars", "unixReviewTime": 1416009600} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2JNL4OXZ1C5GA", "asin": "0007250916", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JOCE jesson", "reviewText": "Very interesting especially for those with cancer. I\nA clearly written science book.", "summary": "Good read", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A28WM17W59TJAJ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Margodiva", "reviewText": "Wasn't sure how I'd like reading on the Kindle Fire....but it was great....I re-read the Hobbit and The Lord of the Rings every couple years, now I have it in a convienent format!", "summary": "all time classic", "unixReviewTime": 1357689600} +{"overall": 2.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A3SZR6CHIMJ2J", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "TS", "reviewText": "predictable, yet entertaining", "summary": "Two Stars", "unixReviewTime": 1461628800} +{"overall": 3.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A34OG6AUXWCOOW", "asin": "0007327064", "style": {"Format:": " Paperback"}, "reviewerName": "Bobio", "reviewText": "an old good one", "summary": "Three Stars", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "ARO8OA4O33PL3", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Inky", "reviewText": "Very satisfied.", "summary": "Five Stars", "unixReviewTime": 1446336000} +{"overall": 1.0, "verified": true, "reviewTime": "01 22, 2010", "reviewerID": "AP57XCOMP5BNL", "asin": "0007101716", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "George Vick", "reviewText": "If you cannot say something good about somebody, it is best to\nsay nothing.", "summary": "Impossible for me to finish reading", "unixReviewTime": 1264118400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A2TNC3T8TUK2SB", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Luna Stormcrow", "reviewText": "without my JJRT would be death. These books really are in our \"never lose these under any conditions\" box of books (when we're not reading them, of course).", "summary": "To be stranded on a desert island", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "A38WA18PEUCY8E", "asin": "000711835X", "style": {"Format:": " Vinyl Bound"}, "reviewerName": "tolkieniano.blogspot.com", "reviewText": "My full review of this product you can read it on my website on the collecting inspired by J.R.R. Tolkien and his works.\nhttp://tolkieniano.blogspot.it/2012/12/the-hobbit-edizione-speciale-americana.html", "summary": "Tolkieniano Collection", "unixReviewTime": 1357084800} +{"overall": 3.0, "verified": true, "reviewTime": "01 17, 2013", "reviewerID": "A1BYPFEJY3QJTJ", "asin": "0007285973", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Paula", "reviewText": "Not as good as some of her other books but still a very pleasant, easy to read & well researched book.", "summary": "Not bad!", "unixReviewTime": 1358380800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2010", "reviewerID": "A31QCE017EURMB", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "DeeDee Willy", "reviewText": "My three year old grandson absolutely loves this book! It is read over and over and over! Highly recommended!", "summary": "Great toddler book!", "unixReviewTime": 1265500800} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A2CZSGAP12NN42", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy D", "reviewText": "Great characters and story. My only complaint would be that some of the language is hard to read though I understand they are trying to get the dialect in there.", "summary": "Great bedtime reading", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "ARUAGZWXFYC0G", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Lashonda Knowles", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A3PE7DUHPEKHTX", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Erik", "reviewText": "Anyone interested in Tolkien or the Lord of the Rings movies who wants the background on how his world came to be should read this. This should be the next film.", "summary": "A classic", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A3G4OXWDU1BHX9", "asin": "0007304838", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Roberta J. Salamon", "reviewText": "Each one of his books makes me hungry for the next one. This is another blockbuster.\\", "summary": "Great", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A112RLTQ204BF4", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Cheryl L. Willoughby", "reviewText": "Always loved Dr. Seuss", "summary": "Five Stars", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": false, "reviewTime": "08 9, 2015", "reviewerID": "A3HSSGZ6QCKYIB", "asin": "0007189885", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Judi", "reviewText": "Really enjoyed this very well written book", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2013", "reviewerID": "A86XBBY6N7OLF", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cory Ridge", "reviewText": "Wanted to read this book again after I watched the movie in the fall. Just as good as the first time!", "summary": "Loved it again!!!", "unixReviewTime": 1363478400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A2MJQA3A97Y0UU", "asin": "0007145632", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Annie", "reviewText": "Love this series! Read his first in series and never stopped till the end. Was sad it had to end!", "summary": "Love!", "unixReviewTime": 1384387200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2018", "reviewerID": "ASLGTPNDBZ50L", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Ann", "reviewText": "Lovely book", "summary": "Good read", "unixReviewTime": 1521158400} +{"overall": 3.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A2A65H2WUZWQL7", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marlene Shockley", "reviewText": "Not really excited about the difficulty accessing note and books", "summary": "Three Stars", "unixReviewTime": 1436832000} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A19PPM63JQTVH2", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Barb B", "reviewText": "Learned a lot from this book. Greatly enjoy the detailed explanations.", "summary": "Greatly enjoy the detailed explanations", "unixReviewTime": 1445212800} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "A12F4M3C5AQ4UL", "asin": "0007181701", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Katie", "reviewText": "Not sure for I missed this for so long, but so glad I finally caught up with this brilliant work.", "summary": "Finally read this classic!", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": false, "reviewTime": "09 19, 2014", "reviewerID": "A1NBJI11ZMLWR6", "asin": "0007190301", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Margie Kinman", "reviewText": "Always a great writer", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"reviewerID": "A34GZGF83KTERI", "asin": "0002252317", "reviewerName": "ERNIE SADOSKY", "verified": true, "reviewText": "Just a terrific book that someday I will read again...and again. This is a \"don't miss\" ! Get this one as soon as you can.", "overall": 5.0, "reviewTime": "04 19, 2016", "summary": "Jack and Jill.....one you will not solve nor forget!", "unixReviewTime": 1461024000} +{"reviewerID": "A124256HP3FHC3", "asin": "0002241277", "reviewerName": "suesuenlou", "verified": true, "reviewText": "Very disappointing... I'm sure some people like violent sex and murder, but not me. I liked the Murder Club series, it had sex and murder, but this one was just sick.", "overall": 2.0, "reviewTime": "12 20, 2012", "summary": "Kiss The Girls", "unixReviewTime": 1355961600} +{"overall": 5.0, "verified": false, "reviewTime": "08 11, 2013", "reviewerID": "A1QBU7C6ZWC46P", "asin": "0006476414", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Sadie", "reviewText": "One of my favourite novels, Without Remorse makes no apologies. Its an all out vigilantly justice story with a broken hero and interesting marine background. Loved it. Its a NOVEL so just sit back and enjoy it. In my opinion Clancys best.", "summary": "great read", "unixReviewTime": 1376179200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "A2BXG6W3BBNJAL", "asin": "0002238594", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ekaterina Puffini", "reviewText": "My old copy wore out and I got a replacement. Excellent reading on an airplane or in a hotel room whilst away from home on business.", "summary": "Great", "unixReviewTime": 1392422400} +{"overall": 5.0, "verified": false, "reviewTime": "06 21, 2017", "reviewerID": "A24GN9L1XL37VU", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "J Combs", "reviewText": "My son loved this book. He loves Dr. Suess books", "summary": "Five Stars", "unixReviewTime": 1498003200} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "A1VOKUS029ZVR3", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Good old classic. With a very peaceful ending!!", "summary": "Five Stars", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2013", "reviewerID": "A1JRUPY3M09WFJ", "asin": "000733186X", "style": {"Format:": " Hardcover"}, "reviewerName": "Frank C Johnson", "reviewText": "As usual, Bernard Cornwell provides one a great read. His writing is something that puts one right in with the action.", "summary": "another great novel by Bernard Cormwell", "unixReviewTime": 1364515200} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A2E8V6AMG2TUKT", "asin": "0006280935", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sigma C.", "reviewText": "Can't say I totally understood why the chapter on animal pain is there, but aside from that, a great read if you want insight into yours and others suffering, cruelty and its relationship to God/Christianity.", "summary": "a great read if you want insight into yours and others ...", "unixReviewTime": 1436659200} +{"reviewerID": "AS2RUO7ZCBDIW", "asin": "000171760X", "reviewerName": "Jack P. Horne, Jr.", "verified": true, "reviewText": "This is a darling, really old book. I read this to my kindergarten classes hundreds of times (no exaggeration) and have now shared it with my 20 month old brilliant granddaughter, who hangs in there through the whole long story and loves it!", "overall": 5.0, "reviewTime": "07 21, 2015", "summary": "I read this to my kindergarten classes hundreds of times (no exaggeration) and have now shared it with my 20 month old brilliant", "unixReviewTime": 1437436800} +{"overall": 3.0, "vote": "4", "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "A1KFT4ENGHH169", "asin": "0007197675", "style": {"Format:": " Hardcover"}, "reviewerName": "David Reed", "reviewText": "A book about winning (at business) by someone who made a lot of money and achieved a lot of worldly power. If this is what you want, buy the book.\n\nBetter books have been written about winning at life.", "summary": "Better books have been written about winning at life", "unixReviewTime": 1442880000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "ARG8U2OE3KV0", "asin": "0006497071", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Betty J. Mason", "reviewText": "I first read this book many years ago, and after rereading it, I still find it interesting an informative. A satisfying read.", "summary": "Worth rereading..", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": false, "reviewTime": "07 13, 2017", "reviewerID": "AFC3CT77IN1QJ", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Christy K.", "reviewText": "Lovely edition.", "summary": "Five Stars", "unixReviewTime": 1499904000} +{"overall": 4.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A21OI0XVJU915U", "asin": "0007141424", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "MMA", "reviewText": "It is a cute book but it doesn't know where to end.", "summary": "Four Stars", "unixReviewTime": 1455753600} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "A2993DX2DGLT9B", "asin": "000614182X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Flight doc", "reviewText": "O'Brian is known to have remarkably accurate descriptions of life in the Royal Navy at the time of this story. This was a fascinating read, and highly entertaining.", "summary": "fascinating description of life in Nelson\"'s Navy", "unixReviewTime": 1374451200} +{"overall": 3.0, "verified": true, "reviewTime": "05 1, 2013", "reviewerID": "A26THROSNYGOX4", "asin": "000733186X", "style": {"Format:": " Hardcover"}, "reviewerName": "David T.", "reviewText": "I have been a big fan of Bernard Cornwell's books. This one however wasn't up to his usual standards. At times I felt like I was reading a book geared to young teen readers, rather than adults.", "summary": "Cornwell's 1356", "unixReviewTime": 1367366400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A387ZPC296CQ7O", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "My son loves this edition.", "summary": "Great starter book for kid who saw the movies first.", "unixReviewTime": 1482883200} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A3DQPXZHGZOF24", "asin": "0007350783", "style": {"Format:": " Hardcover"}, "reviewerName": "Mr. Malcolm G. Yunker", "reviewText": "Bought this as a Christmas gift for my daughter in law. She loved it!", "summary": "She loved it!", "unixReviewTime": 1453248000} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2012", "reviewerID": "A2FE8HMVBVMOVC", "asin": "0007285973", "style": {"Format:": " Kindle Edition"}, "reviewerName": "nanajean", "reviewText": "I really enjoyed this book, it is totally different to other stories that I have read and it was one of those books that you cant put down.", "summary": "The Kashmir Shawl", "unixReviewTime": 1348185600} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A203Y7SV5RMVSH", "asin": "0007157169", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rebecca Richardson", "reviewText": "The good thing about science fiction is that often it does not matter when it was written. Out of the Silent Planet is timeless, makes me think, and I am eager to begin the next one.", "summary": "Very good.", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A3EIP87P57I95B", "asin": "000648011X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "R. B.", "reviewText": "The author writes in such a way that you are totally immersed in this fantasy world and its fascinating characters! Robin Hobb has a rare and wonderful gift!", "summary": "Fantastic Fantasy", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "AR2JU8RZMNIJR", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Colton", "reviewText": "Loved it, minus the fact that it ruined the movies for me.", "summary": "Great read", "unixReviewTime": 1455667200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 19, 2009", "reviewerID": "A1AB0J8DPUNUSH", "asin": "000710829X", "style": {"Format:": " Hardcover"}, "reviewerName": "D. Wetzel", "reviewText": "Second in the wilderness series and very enjoyable. Good story line and strong characters. A book I couldn't wait to get back to.", "summary": "good story", "unixReviewTime": 1247961600} +{"reviewerID": "A2DEX6MQSQU0FH", "asin": "0002256649", "reviewerName": "Randy ", "verified": true, "reviewText": "Is long and initially a little slow, but the last half was hard to put down", "overall": 4.0, "reviewTime": "06 5, 2015", "summary": "Four Stars", "unixReviewTime": 1433462400} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A2AYTOVNOZ7HP8", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Martha", "reviewText": "Some parts held my interest. However, the book was too long. I especially thought the journal of Dominico was hard to read through and could have been shortened.", "summary": "Some parts held my interest. However, the book ...", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2013", "reviewerID": "A28A8FD37Q6HF9", "asin": "0007284241", "style": {"Format:": " Paperback"}, "reviewerName": "Abe", "reviewText": "begin reading this book with an open mind knowing that it is filled with biography, geography, and mythological beings. it is a good practice to the Hobbit and later the Lord of the Rings.", "summary": "complex yet informative", "unixReviewTime": 1363824000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A5DY80H91I6P3", "asin": "0007173156", "style": {"Format:": " Kindle Edition"}, "reviewerName": "cporras", "reviewText": "It is Dr Suess, need I say more?", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A2LZ4RQZDDH6DA", "asin": "000726755X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Danny Stewart", "reviewText": "great read", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": false, "reviewTime": "09 30, 2013", "reviewerID": "A1SUEOW00F86V4", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jean Crosby", "reviewText": "One of the most thought provoking books I have read. Leaving the ending Up in the air makes for some good discussions among readers.", "summary": "Great read", "unixReviewTime": 1380499200} +{"reviewerID": "A33H0T0Y5Y7R5D", "asin": "0002219417", "reviewerName": "ROBERT J HIGGINS", "verified": true, "reviewText": "Read is when it was first printed. Enjoyed it more this time around. Highly recommend it and now reading the sequel.", "overall": 5.0, "reviewTime": "10 18, 2016", "summary": "Enjoyed it more this time around", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2012", "reviewerID": "AU4MVMWODACJB", "asin": "0007318499", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sam twain", "reviewText": "i myself can not relate the experiences i had living in berkeley during the early eighties, this certainly evokes the transcending history berkeley.", "summary": "as it was and evolves.", "unixReviewTime": 1349395200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A2S35RCCD8F1FZ", "asin": "0006064922", "style": {"Format:": " Paperback"}, "reviewerName": "Robert wilson", "reviewText": "Very good,hard to read but great.", "summary": "Very good, hard to read but great", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": false, "reviewTime": "03 20, 2018", "reviewerID": "A1RLRNSAXWHQXK", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "moseylion", "reviewText": "A great start to a great series. I wasn't sure at first due to the series on tv, but I love the books better. The show is great, but the books far surpass the show.", "summary": "A great start to a great series", "unixReviewTime": 1521504000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A3O0TQRTZYTSZI", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "ST", "reviewText": "My daughter loves these books. They are the perfect size for her.", "summary": "My daughter loves these books", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "AHGHMI5Q3SZTY", "asin": "0007147295", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Suprising female heroine taking the reader to unexpected places. Also a nice glimpse of Dudley's character and the social and political events of the time.", "summary": "Also a nice glimpse of Dudley's character and the social and political ...", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A34VFWNGGGSHFG", "asin": "0006735967", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Russ Thompson", "reviewText": "This is an excellent book about the experiences of soldiers who served in the Vietnam War.", "summary": "Great Book!", "unixReviewTime": 1476403200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "ACRJN7F4ZLY7G", "asin": "0002259842", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Astoria Girl", "reviewText": "Politics was a deadly business even in Tudor England.", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2017", "reviewerID": "A1FPV05597Y6CY", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Robert D. Wood", "reviewText": "Great book Studied it in a church group.", "summary": "Studied in church group.", "unixReviewTime": 1484352000} +{"overall": 5.0, "verified": false, "reviewTime": "09 8, 2007", "reviewerID": "ABWS7RB8XS06W", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Pamla Langford", "reviewText": "One of the best trilogy set I've ever read. This will be the fourth time I have read them.", "summary": "The Hobbit and The Lord of the Rings", "unixReviewTime": 1189209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2013", "reviewerID": "A39X2Z7057RGPZ", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Curiousgrandpa", "reviewText": "I love to read Tolkien's books, I had read this one years ago and I wanted it for my collection and have enjoyed reading it again. Almost as good as the Trilogy of the rings.", "summary": "Tolkien", "unixReviewTime": 1363046400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A3DDPNRH1GEQ5V", "asin": "0007119593", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Matthew Thyer", "reviewText": "One of my all time favorites", "summary": "Contempory Classic of SF", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2017", "reviewerID": "AYYVHW014ZJ02", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I had been reading the Classics as of late. I remembered that this great Dickens novel here on my iPad. It has been a delight indeed to have read it. Anyone who wants to explore this historic time would love this novel.", "summary": "Great Expectations", "unixReviewTime": 1509840000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "ATFPUTROPFPM4", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carol H. Mislow", "reviewText": "Would recommend this book to everyone.\n. . . . . . . . . . . .. . .", "summary": "Excellent reading", "unixReviewTime": 1354838400} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A305XGQJ0D49KA", "asin": "0007149883", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Larry S", "reviewText": "Good story keeps you wondering what will happen next.", "summary": "Four Stars", "unixReviewTime": 1445731200} +{"overall": 3.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "A2PDGB3NTDFLA4", "asin": "0006158048", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DE", "reviewText": "In general I am a fan of Alistair Maclean's writing. Bear Island seemed too contrived & the main character had several seeious lapses in judgment that I found disappointing.", "summary": "Not my favorite", "unixReviewTime": 1502755200} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "A2AVZYDXR07PWM", "asin": "0007276176", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Just as good as the first of tbe series. Great character growth and story development. Anxious to keep reading the series", "summary": "Just as good", "unixReviewTime": 1491264000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2013", "reviewerID": "A2A50I5VGLUZJR", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This was very popular among my fellow students when I was in college, so, of course, I didn't read it. I missed a rattling good yarn, but no longer.", "summary": "A rattling good yarn.", "unixReviewTime": 1357776000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2018", "reviewerID": "A1OW108I8V2BCO", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Elaine F. Mann", "reviewText": "A keeper. Plan to read it again and again", "summary": "Five Stars", "unixReviewTime": 1517184000} +{"overall": 5.0, "vote": "7", "verified": false, "reviewTime": "01 5, 2004", "reviewerID": "A3A0GTGE1FMV6G", "asin": "0006275192", "style": {"Format:": " Paperback"}, "reviewerName": "Noel Pratt", "reviewText": "Is he casting aspersions? That's OK. DeMello was obviously way beyond Catholic theology and either enlightened or on his way there. A beautiful, simple, and simply amazing book.", "summary": "Oh, the poooor old Pope...", "unixReviewTime": 1073260800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A2HZ20T7Q7NFJM", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "DeAnn", "reviewText": "Shipped fast. Quality product.", "summary": "Five Stars", "unixReviewTime": 1441497600} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A1XDL5J0SQUNH4", "asin": "0006162754", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lucy Brown", "reviewText": "Another great book by Agatha Christie. Until the last 7/8 of the book, I didn't have a clue as to who did it. I really like the little violence in Christie's murder mysteries.", "summary": "Another Agatha Christie Hit.", "unixReviewTime": 1466380800} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "A3D5IUJ926K3GO", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "V-girl", "reviewText": "i have read the complete \"Odd\" series and although sometimes I want to beat my head against a wall with the long descriptive way \"Odd\" thinks, in the end you can't help but like him and want to follow his adventures.", "summary": "Odd is oddly good", "unixReviewTime": 1360108800} +{"reviewerID": "A2Y8RJ3LLIILHJ", "asin": "0002219417", "reviewerName": "Amazon Customer", "verified": false, "reviewText": "I liked this because it gave me what I wanted. A view of WWII. Almost an insiders view, and for that reason very appealing. On the other hand, it was not written in a current or elegantly appealing style, which would have been to my preference.", "overall": 3.0, "reviewTime": "02 5, 2016", "summary": "I liked this because it gave me what I wanted", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2013", "reviewerID": "AAKERXGFE87IA", "asin": "0007379587", "style": {"Format:": " Hardcover"}, "reviewerName": "Lisa Weaver", "reviewText": "This is the cutest book... you always see baby books and half the time they aren't filled out completely, but this is great because it is something your child can do him/herself... it's great and i would highly recommend it to anyone with kids. i bought two", "summary": "I LOVE IT!!!", "unixReviewTime": 1373414400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "ARV6UTGI19HTC", "asin": "0007178638", "style": {"Format:": " Paperback"}, "reviewerName": "Virginia", "reviewText": "This is a sequel to Holes - starring Armpit!", "summary": "Five Stars", "unixReviewTime": 1470182400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A2B7JZ0YU6GTM8", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Don Lloyd, Jr.", "reviewText": "Great book, kept me in it start to finish.", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": false, "reviewTime": "01 20, 2013", "reviewerID": "A1J11O1XKEX45", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Elise Kloster", "reviewText": "This book is amazing!\nI have read it three times already and it is amazing every time!\nYOU HAVE TO READ IT!", "summary": "The Hobbit", "unixReviewTime": 1358640000} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A1IGJU2VY2L2VT", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Juli", "reviewText": "Wanted to read before I saw the movie. Great for discussion as a part of a book club.", "summary": "what do you see as the hidden meaning?", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A1REZ3V8YA6WB", "asin": "0007141343", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lexa McAdams", "reviewText": "This was the first Agatha Christie book I read MANY years ago. Have to say I was definitely startled at the ending. Enjoy!", "summary": "Startling Ending", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A1IVL1C4TV56YI", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Andrea Kelliher", "reviewText": "Great series.", "summary": "Five Stars", "unixReviewTime": 1447718400} +{"overall": 4.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "A2WNNQMAY3YNO5", "asin": "000719174X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Angela", "reviewText": "I loved the tenacity of the journalist and the Lord Peter Wimsey feel of the setting. I just wished that Cordelia's work demands had been a part of the story as well.", "summary": "Fun Murder Mystery", "unixReviewTime": 1427587200} +{"overall": 4.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A3EBCNHNQIP2Z3", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "p thomas", "reviewText": "This more than any other book I know of epitomizes the whodunit. All the suspects and evidence are methodically laid out for the reader. In this case you might figure out who, but the how and why are equally compelling. A fun, fast read.", "summary": "Classic Whodunit", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "AUT5EOPQM34BK", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mariah Gamble", "reviewText": "Of course", "summary": "Five Stars", "unixReviewTime": 1433721600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "01 25, 2007", "reviewerID": "A28UXJAV22VZTK", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Dokie", "reviewText": "The bookends are made by Sideshow Weta which happens to be the best LOTR company on the market. They are very collectible and attractive to look at. The book speaks for itself. Top quality for both items and attractive and protective packaging.", "summary": "LOTR bookend gift set", "unixReviewTime": 1169683200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A2V88J8NOJ6D6K", "asin": "0007200285", "style": {"Format:": " Kindle Edition"}, "reviewerName": "AP", "reviewText": "Outstanding. Well worth reading.", "summary": "Five Stars", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A3TEY6C94IJ6H0", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "Rita M. Fornwalt", "reviewText": "Am anxious to read this. I love animals and am anxious to get in a quiet corner and cozy up and read it as soon as possible.", "summary": "The Art of Racing in the Rain", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A2H31TG6IM0QUH", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jessica Patton", "reviewText": "Ok, you have my attention, and apparently the attention of the world. BRAVO!!! Can't wait to read the next one. Thank you for the experience.", "summary": "blown away", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A2YSJYWCGF11HF", "asin": "0007254806", "style": {"Format:": " Hardcover"}, "reviewerName": "persist", "reviewText": "Apparently on top 100 books and I was asked to order for grandchild. You can say simplicity of learning. Neat.", "summary": "Just what wanted", "unixReviewTime": 1390521600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "A1CKSO580WJLGP", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Daniel Mori", "reviewText": "Stupid John Green, making me feel feelings and cry tears and stuff. Great book. Much better than \"The Fault In Our Stars\", which was also excellent.", "summary": "Not sure what I expected...", "unixReviewTime": 1389225600} +{"overall": 4.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A3076EOC4KH3OX", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Caeli's mom", "reviewText": "I liked this first book although I was a bit put off at the beginning. It grew on me.", "summary": "Good read.", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3P7W5REZUZI3M", "asin": "0002431548", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anupam Banerji", "reviewText": "Really good!", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2018", "reviewerID": "A2J9BYAO3JDRQ9", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Needed for class", "summary": "Five Stars", "unixReviewTime": 1518825600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A3PV7UUBFRLDW1", "asin": "0001712845", "style": {"Format:": " Hardcover"}, "reviewerName": "bmohler", "reviewText": "I purchased this book for my grandchildren. It is a book that my children loved when they were young. It is a solid, spooky and fun book!", "summary": "It is a book that my children loved when they were young", "unixReviewTime": 1446422400} +{"overall": 3.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "A165BQEB7FAWSF", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suzanne Beaulieu", "reviewText": "I liked it. I hadn't read anything by Charles Dickens before. Though I have seen a few plays based on the book. I do love The Muppet Christmas Carol because of its songs. The book was okay in some areas and great in others.", "summary": "I liked it", "unixReviewTime": 1478995200} +{"overall": 2.0, "verified": false, "reviewTime": "11 16, 2015", "reviewerID": "A2U3MPJTVIVB69", "asin": "0006913636", "style": {"Format:": " Hardcover"}, "reviewerName": "barbara bendix", "reviewText": "The book was not in good condition.", "summary": "Two Stars", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A1Z4HY6XG2CEXF", "asin": "0004502280", "style": {"Format:": " Paperback"}, "reviewerName": "John A. Presutti", "reviewText": "Used for school", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A3VW69B9W6Q5UB", "asin": "0007120907", "style": {"Format:": " Paperback"}, "reviewerName": "Kristen A. Miller", "reviewText": "Agatha Christie is my favorite writer. I enjoy reading the Hercule Poirot mysteries and trying to figure out whodunit.", "summary": "Great Author", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "ANUA6MDPUW178", "asin": "000726755X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "BettyBoop", "reviewText": "I have enjoyed Dean Koontz books for years. His books are hard to put down and make for many sleepless nights. The Odd character is a good one and I'm glad Koontz has chosen to write more than one book with this character.", "summary": "An enjoyable read", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A1U0A114W9UUJA", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "TgnPhilly", "reviewText": "As always, Austen does not disappoint. Her sense of a well-timed retort is excellent and infused with tongue-in-cheek humor while exposing the wits and wiles deemed necessary in a world without women's rights. Refreshing, honest, charming.", "summary": "Any Jane Austen classic is worth a reread!", "unixReviewTime": 1489449600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A3GS7HP6GG95LO", "asin": "0007350961", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joe B.", "reviewText": "Not a monster story, but one of a very troubled creature and a comment on scientific responsibility.", "summary": "Five Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": false, "reviewTime": "11 10, 2014", "reviewerID": "AR6TRJSY9JN7", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Deb S", "reviewText": "I have loved these books all throughout my childhood and Tolkien's writing style, plots, languages, and Middle Earth have always been my favorite things in the world of fiction.", "summary": "I have loved these books all throughout my childhood and Tolkien's writing ...", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "AJU6XXW8H6NRG", "asin": "0006472303", "style": {"Format:": " Kindle Edition"}, "reviewerName": "zinger", "reviewText": "This is another of the continuing saga of WWII with all the characters we have come to know. I have read many of Griffin's books and they do not disappoint, some better than others but always a good read. For military drama you can't go wrong. I recommend", "summary": "Great Read As Always", "unixReviewTime": 1378339200} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A3EMZ64GQ74OXC", "asin": "0006499236", "style": {"Format:": " Hardcover"}, "reviewerName": "gallus quigley", "reviewText": "Got hooked on this entire series. I love old ships, history, combat, and birding these books have it all.", "summary": "Great series of books", "unixReviewTime": 1446854400} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A3UUW4VUFNV0FK", "asin": "0006476155", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ruth M", "reviewText": "Compelling & captivating storyline. Hard to put it down.", "summary": "Five Stars", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2017", "reviewerID": "A2NYEY8P6LOE1", "asin": "000715707X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "mayes8", "reviewText": "Good read for movie comparisons.", "summary": "Five Stars", "unixReviewTime": 1492819200} +{"overall": 4.0, "verified": false, "reviewTime": "09 14, 2008", "reviewerID": "A6HXFDIC7DVTC", "asin": "0007141882", "style": {"Format:": " Hardcover"}, "reviewerName": "Ulyyf", "reviewText": "Like everybody else, I know the story of the Grinch. It's even better in print than on screen, so, yes, buy this book if you haven't.", "summary": "Classic for a reason - accept no substitutions!", "unixReviewTime": 1221350400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A3SDP1YQJRCT9T", "asin": "0007236093", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Dumb, I couldn't get past the 2nd chapter.", "summary": "One Star", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A2FFH23IKHPXH4", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rush Woman", "reviewText": "Greatly enjoyed the story. Even a week after finishing the book, I find myself looking forward to reading the story during my reading time. Best recommendation for a book I could give.", "summary": "Greatly enjoyed the story", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A3F6YOQVL5G6ZF", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda D Blehm", "reviewText": "One of my favorite books.", "summary": "Five Stars", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "AHSICBLPIO666", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Carter Flagg", "reviewText": "This is one more in an excellent series that does not disappoint those of us who need large print. The paper is a clean white and the font and ink color are easy to read.", "summary": "This is one more in an excellent series that does not disappoint those of us who ...", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2013", "reviewerID": "A2XQMUJTIT2TK5", "asin": "0007195087", "style": {"Format:": " Paperback"}, "reviewerName": "Alexia Huart", "reviewText": "Although it's a thick book and I haven't completed my reading, 'The Success Principles' has exceeded my expectations!\nThis book specifically walks you through to change/goal. It's like having your personal coach!", "summary": "Thanks, Jack Canfield!!!!", "unixReviewTime": 1378512000} +{"overall": 3.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "AJWEPKNZ78K68", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "robert mccarthy", "reviewText": "Horrible ending", "summary": "Three Stars", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2013", "reviewerID": "A1VNFA7W7PMQZJ", "asin": "0002239892", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Junebug", "reviewText": "This is a different kind of Stuart Wood 's novel. Lots off twists and turns. Keeps you interested to the very end. Another type of novel for Woods.", "summary": "Mystery To The End", "unixReviewTime": 1369872000} +{"reviewerID": "ASW9FWXSGKV2C", "asin": "000100039X", "reviewerName": "Ken Smith", "verified": true, "reviewText": "A short and magnificent book that will forever withstand the test of time because it speaks to, and from, the heart.", "overall": 5.0, "reviewTime": "03 9, 2014", "summary": "None Better", "unixReviewTime": 1394323200} +{"reviewerID": "A2FJJ743KSB9KM", "asin": "000171211X", "reviewerName": "Michael McGlothlin", "verified": true, "reviewText": "I loved this book when I was a toddler and now my daughter loves it. This book is fun and easy to read even for young children. Much better than the similar A and C books.", "overall": 5.0, "reviewTime": "04 29, 2010", "summary": "A book I loved as a child is now my daughters favorite.", "unixReviewTime": 1272499200} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "A3FJTK3WNLZBKP", "asin": "0007141882", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "How could you not love this classic book. Definitely worth having and reading whenever you want, even if it's not Christmas time.", "summary": "Classic book", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2013", "reviewerID": "A2BZ9GIVMYEAIK", "asin": "0007149832", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donald Hecht", "reviewText": "I'm in the middle of this book now and don't want it to end. Chabon's prose is delicious. However, for full enjoyment and appreciation, I think a smattering of knowledge of Yiddish might be necessary.", "summary": "Fantastic Chabon", "unixReviewTime": 1357344000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "AZTET1TH75CL6", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "A Classic. My kids love it. They loved our old copy to pieces, so this was a replacement.", "summary": "My kids love it. They loved our old copy to pieces", "unixReviewTime": 1478304000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A2OZ2TSGVBBFLW", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "Malcoln_Rodgers", "reviewText": "one of my favorite dr. seuss books of all time... how can anyone have a favorite with bartholomew, the cat in a hat, happy birthday, the lorax, zax, green eggs and ham, etc. etc. etc.", "summary": "one of my favorite dr. seuss books of all time", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A30T9AD0VQZYDB", "asin": "0007250916", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wezzy", "reviewText": "I have know so many with cancer and wanted to understand it better. This truly helped me to get to know this monster inside us all.", "summary": "Enlightened", "unixReviewTime": 1474156800} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2014", "reviewerID": "A2KPLRXHSSZ2F2", "asin": "0007295685", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Quick read. Story was well written, quick paced and had enough twists and turns to keep me guessing. If you like mysteries you should read this", "summary": "Great story. Real page turner", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "AZ3CD9HC4701B", "asin": "0001048767", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tessa Polizzi", "reviewText": "One of his best.", "summary": "Five Stars", "unixReviewTime": 1420934400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2017", "reviewerID": "A2ZQVH0NL4923Y", "asin": "0002310015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Margaret Galt", "reviewText": "One of my favourite Miss Marples", "summary": "Five Stars", "unixReviewTime": 1502496000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A19DSVSQ1OZZCC", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Peter C. Lampen", "reviewText": "Strong continuation of the series.\nAfter about 4000 pages so far, I am anxious for the next installment.\nHurry up George!", "summary": "Strong continuation of the series. After about 4000 pages ...", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "AFE83MJ9H2G3A", "asin": "0007236360", "style": {"Format:": " Paperback"}, "reviewerName": "deanna", "reviewText": "loved it", "summary": "Five Stars", "unixReviewTime": 1472428800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A10J63FD3RTCXN", "asin": "0007173156", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Darese King", "reviewText": "I'm 30 and transitioning into new heights and Dr. Seuss book still hit home and made me realize the places I will go. Love it!", "summary": "Just perfect", "unixReviewTime": 1497398400} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A6FY3S3OW86GP", "asin": "0007192142", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Caroline Jacobson", "reviewText": "Once again, I could not put this book down. The drama, intrigue, and tyranny ebbed and flowed as did my emotions while reading.", "summary": "A four star winner", "unixReviewTime": 1478908800} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A3E14G2TSYL48O", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L. Robinson", "reviewText": "This novel was hard to put down - I thought the writing and the story were compelling me the interest level high.", "summary": "long but fabulous", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A2MO2DSOO8YN75", "asin": "000720924X", "style": {"Format:": " Paperback"}, "reviewerName": "Churchmouse", "reviewText": "Love this book!", "summary": "Five Stars", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A1A7GGPMBGPS3R", "asin": "0006476414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "EO Geezer", "reviewText": "Great character development. Straight forward believable plot. Good assembly of reoccurring characters from other Clancy Books. Very tough to put down.", "summary": "Best of all the Clancy books", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A204MYQFFXQGHD", "asin": "0007181701", "style": {"Format:": " Paperback"}, "reviewerName": "Samuel Dean Jr", "reviewText": "great book", "summary": "Five Stars", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": false, "reviewTime": "07 2, 2014", "reviewerID": "A1QKWGNEVIX7L9", "asin": "0007166052", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda Straub", "reviewText": "Wonderful book about love and life.", "summary": "Coelho is a great storyteller", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A150U46VAYRMNU", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Richard Jakob-Hoff", "reviewText": "Dicken 's prose and story telling still reads as well now as it undoubtedly did when he wrote it. This is still a wonderful book with a compelling narrative, a moral centre and several unexpected twists. Highly recommended.", "summary": "Still a classic", "unixReviewTime": 1403395200} +{"reviewerID": "A19CYLUCJ1PQ0L", "asin": "0002242052", "reviewerName": "Andrew", "verified": true, "reviewText": "This is definitely one of my all time favorite books. If you're looking to start reading the Tom Clancy series, I highly recommend you start with this one. Additionally if you've read other Clancy/Ryan books and are curious about this one it's definitely worth the read.", "overall": 5.0, "reviewTime": "07 19, 2014", "summary": "This is definitely one of my all time favorite books. If you're looking to start reading the ...", "unixReviewTime": 1405728000} +{"reviewerID": "A2NC6WJ30AVLMY", "asin": "0001951076", "reviewerName": "mkflorida", "verified": true, "reviewText": "I've always loved this book and enjoy sharing it with my GREAT grand child!~", "overall": 5.0, "reviewTime": "10 10, 2015", "summary": "Awesome!", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2018", "reviewerID": "A1CW24EFI8VF1K", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "A classic", "summary": "Five Stars", "unixReviewTime": 1520899200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A1LAAZUR8YFRW8", "asin": "0007350899", "style": {"Format:": " Hardcover"}, "reviewerName": "Barbara", "reviewText": "A charming little edition of A Christmas Carol that is sure to be a treasured keepsake! Very inexpensive and well worth the purchase.", "summary": "A Charming Treasured Keepsake!", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A1PLBG4N7XW734", "asin": "0006476155", "style": {"Format:": " Hardcover"}, "reviewerName": "WES DYMEN", "reviewText": "Fantastic", "summary": "Five Stars", "unixReviewTime": 1430352000} +{"reviewerID": "A2UHT4FUM3TYQZ", "asin": "0002256649", "reviewerName": "Lawrence Ertner", "verified": true, "reviewText": "One of his best, really shows the dark side of politics", "overall": 5.0, "reviewTime": "03 30, 2016", "summary": "Five Stars", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "AR3E6W7CC53YQ", "asin": "0006511295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Very good ALAN Hurst effort.", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"overall": 4.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A1GD68OLKXFLZ4", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "This is a wonderful book to begin with, and this edition does a great job with it. Cover is nice.", "summary": "It's the Hobbit.", "unixReviewTime": 1386288000} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "ADLJWK37SZ010", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Reader", "reviewText": "Easy read war story.", "summary": "Four Stars", "unixReviewTime": 1417305600} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A1BYZNLYYCE536", "asin": "0006280560", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Andrew Rock", "reviewText": "Having read the Lion, the Witch and the Wardrobe, The Screwtape Letters and the sci fi trilogy including Peralandra, I wasn't expecting to encounter yet another original vision and journey of gentle counsel. A rapid and enjoyable book.", "summary": "more wit and wisdom and Christianity fro a master story teller", "unixReviewTime": 1423180800} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A7EBSYMGAKDGY", "asin": "0007116985", "style": {"Format:": " Paperback"}, "reviewerName": "Mark C. Manderson", "reviewText": "Specific tactics on dealing with problematic employees", "summary": "Quick and to the point", "unixReviewTime": 1426291200} +{"overall": 4.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A32VM7Z0Z695NQ", "asin": "0006546684", "style": {"Format:": " Paperback"}, "reviewerName": "V. Karl", "reviewText": "I am a huge fan of Anne Proulx but this book was my introduction to her writing. I was blown away by this story and the form she uses, literally postcards, to tell the story. Highly recommended.", "summary": "Highly recommended.", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "AMKBYG4PQ6KI3", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suitable Stitches", "reviewText": "Love this book.", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A16KH2YLNZAG9R", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Susanna DiGennaro", "reviewText": "A must read for anyone with a dream. For the journey lying in these pages will be inspiring and gratifying.", "summary": "Outstanding", "unixReviewTime": 1415923200} +{"overall": 3.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A3Q6AKOKWC2NH9", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Its Dickens. 'nuf said!", "summary": "Three Stars", "unixReviewTime": 1483574400} +{"overall": 4.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "AF21IGOHC08JA", "asin": "0007224400", "style": {"Format:": " Kindle Edition"}, "reviewerName": "debolick", "reviewText": "This book is highly informative and well written. An intriquing read that sheds light on how certain conditions have aided in survivability.", "summary": "Required reading for college and high school biology", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "A1MM0779ZJYEXH", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patricia L. Hensley", "reviewText": "This is a timeless classic. I read this as a young girl and now that I'm a retired adult. It still was a great read!", "summary": "Great read!", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A18RPWZHSGFT55", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "gamster", "reviewText": "a must read for everyone...... full of pearls of wisdom", "summary": "Five Stars", "unixReviewTime": 1486425600} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A399EX3UULKLU2", "asin": "0007189885", "style": {"Format:": " Kindle Edition"}, "reviewerName": "E. Deliz", "reviewText": "This author once again blows me away with this heart wrenching story.", "summary": "HEART WRENCHING!!!", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A3RQO4501E119N", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rob Blomquist", "reviewText": "What a wonderful book. The people that he meets and the things he does to get to the pyramids were both interesting and reveling of his person. The subtext of the author presenting a philosophy to live by is great. I am currently in a place where this book has been helpful.", "summary": "What a wonderful book. The people that he meets and the ...", "unixReviewTime": 1411344000} +{"reviewerID": "A1YRS0PLBV7P6I", "asin": "0002247437", "reviewerName": "afreitag1011", "verified": true, "reviewText": "I love this series! You can really get into the story. Though some parts might seem drawn out or boring, each encounter/place/person has a purpose that ties the whole thing together! I can't wait to read a Dance with Dragons and see next season of a Game of Thrones.", "overall": 5.0, "reviewTime": "09 6, 2013", "summary": "A Feast for Crows", "unixReviewTime": 1378425600} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "AV48RVGOS8OI1", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Barbara", "reviewText": "Are you kidding? Good for all ages. Depth that never disappoints.", "summary": "For everyone.", "unixReviewTime": 1406851200} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "AC8KQ9I10G3SP", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Coffeholic", "reviewText": "This book was simply written, but the underlying story had heart and depth. The characters were interesting, and I found myself routing them on in their quest. Worth reading for both young and old.", "summary": "Entertaining", "unixReviewTime": 1356652800} +{"overall": 3.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A1VVFRH9ZCM88J", "asin": "0007321961", "style": {"Format:": " Hardcover"}, "reviewerName": "Sherry Georgia Burnett", "reviewText": "A friend told me I might like it. I have not gotten around to reading it yet as I have a couple of more books to read, so I cannot really say what I think about it. He liked it a lot, though.", "summary": "book", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "AZM9G2E1UMKRZ", "asin": "0006140459", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Christie's description of the dysfunctional family is great but scary. The ending is a surprise although I knew the answer before the. The setting provides an air of mystery.", "summary": "Wonderful as usual", "unixReviewTime": 1431302400} +{"overall": 4.0, "verified": false, "reviewTime": "05 29, 2006", "reviewerID": "A2PKETN0D94IY3", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Curtisray", "reviewText": "I got into LOTR from watching the first movie movie. After that I bought the books and read all three in about a month or two. I just could put the books down. I greatly recommend this book if you like fanatasy novels.", "summary": "Excelent Set", "unixReviewTime": 1148860800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 9, 2008", "reviewerID": "A22076SWM8FDT2", "asin": "0007331010", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "I read the meditation daily and find that it is a positive influence as I go about my daily life", "summary": "good way to start the day!", "unixReviewTime": 1207699200} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "AQ4ICGPO38U2S", "asin": "0006499473", "style": {"Format:": " Paperback"}, "reviewerName": "Mom of boys", "reviewText": "This is not a mystery and is a rather depressing story. It provides insights into human nature but I did not enjoy it.", "summary": "Not agatha christie!", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2017", "reviewerID": "A3C0EIZRBK5V1M", "asin": "0003303187", "style": {"Format:": " Kindle Edition"}, "reviewerName": "fabulouschrissie", "reviewText": "Fabulous book. Gerry Durrell spins a wonderful yarn. You can see where his love for wildlife started as a small child, and continued for his whole life.", "summary": "My Family and Other Animals", "unixReviewTime": 1494288000} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A2DIR5V85ASQYU", "asin": "0007195087", "style": {"Format:": " Paperback"}, "reviewerName": "Tasia Tyler", "reviewText": "Phenomenal book!", "summary": "Helpful to my journey!", "unixReviewTime": 1489017600} +{"reviewerID": "A31225OIMTEO1M", "asin": "0002219417", "reviewerName": "Elizabeth B.", "verified": true, "reviewText": "Riveting in parts...I was inspired to read after watching the tv series with Robert Mitchum. I really enjoy the use of World Empire Lost as a narrative of the historic events. Towards the end it seemed just a touch too long.", "overall": 5.0, "reviewTime": "02 21, 2015", "summary": "Good story", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "ACI7J2C6GJFTA", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lovesvinyl", "reviewText": "Enter the world of Middle Earth. Join in as Bilbo leaves the comfort of the Shire to join Gandalf..a wizard..and the dwarves on an adventure that will forever change Bilbo's life. Tolkien masterfully weaves a story that has become a classic for the ages.", "summary": "Join in the adventure", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "ALTXIGZAB4D53", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suz", "reviewText": "It would be all well and good If this story warmed every heart that read it. Our world would be all the better for it.", "summary": "A heart warming story that still has meaning this day.", "unixReviewTime": 1513468800} +{"overall": 5.0, "verified": false, "reviewTime": "02 2, 2006", "reviewerID": "ALDRY40BPNY09", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Scott Walker", "reviewText": "Wow, what an inspiring book, I surely needed it. For those of you who are perfect, you don't need to read it.\n\nIf there was one book, besides the KJV bible, that I would recommend reading, it is this one.", "summary": "Transformation", "unixReviewTime": 1138838400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A3BITE9HVNP4ZJ", "asin": "0006281141", "style": {"Format:": " Kindle Edition"}, "reviewerName": "From: Lizzie", "reviewText": "One of Dallas Willard's best books!", "summary": "Great!", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "AC7X9YGHFEB5P", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Matthew", "reviewText": "This book will captivate you", "summary": "Five Stars", "unixReviewTime": 1516838400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "AHK2QH101GOOB", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael Conley", "reviewText": "Had as much fun reading this as I did the first time about 40 years ago. A classic!", "summary": "Five Stars", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "AFWO5EHC7ON3W", "asin": "0006511295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jerry cade", "reviewText": "great atmosphere and engaging plot. How can Alan Furst know so much about this period of time?", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"reviewerID": "A2Q1Z5KEXZ3YG8", "asin": "0001050230", "reviewerName": "Buzz Kill Will", "verified": true, "reviewText": "Great price", "overall": 5.0, "reviewTime": "11 1, 2016", "summary": "Great price", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A2PO244IXA0PJ1", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jessann", "reviewText": "Dickens is my favorite and can be read over and over with no disappointment. Quick read as well, good to read to kids over holidays.", "summary": "Christmas classic", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": false, "reviewTime": "08 23, 2014", "reviewerID": "A3CRJOT0WV4MHM", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I like J.R Tolkien. The book helped piece together more of the world of the author. Many of the things that happened in the first age give a better understanding of what will happen next.", "summary": "The book that leads to the Lord of the Rings", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2013", "reviewerID": "ASFA32798Y5A", "asin": "0006478964", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eva S.", "reviewText": "really enjoying the prey series.. John is an excellent mystery and thriller writer.. will enjoy finishing the series in future.", "summary": "excellent book", "unixReviewTime": 1368316800} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2E24KMJ2XRQJT", "asin": "0006371949", "style": {"Format:": " Kindle Edition"}, "reviewerName": "glenn andrew", "reviewText": "A well written and detailed book. A different perspective given it was not written by a Holocaust", "summary": "Interesting and detailed", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A2QMPWHEFXRIQ1", "asin": "0007274572", "style": {"Format:": " Hardcover"}, "reviewerName": "Deb Soco", "reviewText": "Loved this book...got a great deal...totally happy. I have always loved Agatha Christie and thought I had read them all..... Thank you", "summary": "My book order", "unixReviewTime": 1393545600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A1GAXZK8HWEHOC", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mujervieja", "reviewText": "Excellent purchase, works well with the Kindle app.", "summary": "KJV Good Choice", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": false, "reviewTime": "06 16, 2015", "reviewerID": "A1DWWO9ZM8AIJ5", "asin": "0007286414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jen M", "reviewText": "Perfect little story for a flight. Enjoyable and fun and quick read. Simple things explained with the wonder of a child's imagination.", "summary": "Quick and Enjoyable", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A2SVDS3OASOV2V", "asin": "0007295685", "style": {"Format:": " Kindle Edition"}, "reviewerName": "aurica", "reviewText": "liked it", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "A3TYDM1LNF8LQJ", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kris Klopfenstein", "reviewText": "I re-read this book (and the whole series) every couple of years or so and it's nice to have it on my Kindle, so that I can pick it up whenever/wherever I want!", "summary": "Much loved classic!", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "ANTETEDFJMCCT", "asin": "0001955071", "style": {"Format:": " Board book"}, "reviewerName": "Betsye Robinette", "reviewText": "Great story and illustrations! Wonderful for children and cat lovers!", "summary": "Five Stars", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A1YGBXRRO7IYE3", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Toni Lawrence", "reviewText": "Agatha Christie never fails to excite me and stir up suspense. I enjoyed this book just as much as the others I have read over the years. A good read.", "summary": "Agatha never disappoints", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": false, "reviewTime": "09 18, 2014", "reviewerID": "A74O6GFG2T4RZ", "asin": "000614182X", "style": {"Format:": " Hardcover"}, "reviewerName": "Professor Bob", "reviewText": "I have long said that everyone interested in history, especially nineteenth century history and naval history MUST read every one of O'Brian's books.", "summary": "HISTORY BROUGHT TO LIFE", "unixReviewTime": 1410998400} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2UJI4IIBY6XRC", "asin": "000727095X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Harry R. Davies", "reviewText": "Very well written. An easy read.", "summary": "An easy read.", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A266VAI0EWAGFV", "asin": "0006895441", "style": {"Format:": " Paperback"}, "reviewerName": "Shane M.", "reviewText": "For such a complicated topic, this book handles explanations well.", "summary": "Quality Diagrams", "unixReviewTime": 1456012800} +{"overall": 2.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A3KGM9E9GTOVY8", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eileen M. Bannat", "reviewText": "I found the story to be a very trying read- at times I had to force myself to pick the book back up in order to continue.", "summary": "Slow moving hisorical fiction", "unixReviewTime": 1428105600} +{"overall": 4.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "AUV6KYJOQ5RFO", "asin": "0007205600", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "JNW", "reviewText": "Enjoyed the story line - a bit off from the original Clive Cussler books when he was the sole author", "summary": "Enjoyed the story line - a bit off from the ...", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A338K18C9YHR59", "asin": "0006064922", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1485129600} +{"overall": 3.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "ABRLQQC5BQDRS", "asin": "0007311648", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rebecca Kleinhans", "reviewText": "It was interesting.", "summary": "Three Stars", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A1XCAPNXY2QV6J", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kofh", "reviewText": "Any seemingly slow parts are worth the trouble for understanding the ultimate completion.", "summary": "All the parts make the whole", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2013", "reviewerID": "A317342EVZCL4P", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "littlemscantbewrong", "reviewText": "All these books are great, if a bit frustrating jumping from one character to another. That said, I can not wait for the next book- I've been through the available books in the series and am making do with the TV show.", "summary": "Impatient for more!", "unixReviewTime": 1365120000} +{"overall": 3.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A6943VLOEQZ2Y", "asin": "0007190298", "style": {"Format:": " Kindle Edition"}, "reviewerName": "wetlander", "reviewText": "Better to read the actually works for C. S. Lewis. However, this collection could whet your appetite to read the ones not read yet.", "summary": "interesting", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2014", "reviewerID": "ADUH5711JLAL", "asin": "0007136900", "style": {"Format:": " Paperback"}, "reviewerName": "Sherry Wilmoth", "reviewText": "I very much enjoyed reading this book and bought the others by this author. Would recommend to anyone. Great characters.", "summary": "Good Book!", "unixReviewTime": 1395360000} +{"overall": 5.0, "verified": false, "reviewTime": "02 10, 1998", "reviewerID": "A1Z96PGQK8SZZ8", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "pfo633@nwu.edu", "reviewText": "I do love this book very much. I read it many times. This book and \"Lord of the Rings\" gave me an inspiration to create the musical cycle \"Music of the Elves\".", "summary": "Great introduction to LOTR which is magnificent masterpiece!", "unixReviewTime": 887068800} +{"overall": 4.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A2A3O3YD5X03NI", "asin": "0002318350", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Emily Cho", "reviewText": "One of my favorite Christies\nPlot genius", "summary": "Four Stars", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A37PV2B6WW8HZ2", "asin": "0007199759", "style": {"Format:": " Kindle Edition"}, "reviewerName": "nancy mullen", "reviewText": "Fabulous book", "summary": "Five Stars", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1SIUHS49SAYU", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Jason Heinz", "reviewText": "Having all of my child's teachers sign this with a cute note. Will be giving it on his graduation day as a gift!", "summary": "Very nice book", "unixReviewTime": 1404345600} +{"overall": 1.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A36OR022TEMIR7", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Too far fetched.", "summary": "One Star", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "ABBXFG3KEURK", "asin": "000274080X", "style": {"Format:": " Hardcover"}, "reviewerName": "Kevin W.", "reviewText": "great read", "summary": "Five Stars", "unixReviewTime": 1485648000} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2017", "reviewerID": "A24TKU2S504AVV", "asin": "0002259842", "style": {"Format:": " Hardcover"}, "reviewerName": "Suzanne", "reviewText": "Loved this book", "summary": "A+ Seller", "unixReviewTime": 1498348800} +{"overall": 5.0, "verified": false, "reviewTime": "04 2, 2015", "reviewerID": "AW4DPUVZJAECZ", "asin": "0006381146", "style": {"Format:": " Paperback"}, "reviewerName": "Jeanette grassi", "reviewText": "This has always been the go to book for any artist in pursuit of their ability to create. So much inspiration and positive thinking in regards to the artists finding their voice", "summary": "This has always been the go to book for any ...", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2012", "reviewerID": "A2BNN8J864X1RG", "asin": "0006498523", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sherryz28", "reviewText": "this is the second time I read this book as the first time was long ago but I still found my self page turning and anxious to read until way past midnight to finish it! lol", "summary": "great book!", "unixReviewTime": 1353456000} +{"overall": 3.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A2E2CZV6QRPH1Q", "asin": "0006545793", "style": {"Format:": " Unknown Binding"}, "reviewerName": "Emily", "reviewText": "CAUTION: The cover shown is NOT the cover of the book you receive. I was a little disappointed because I wanted this cover but I still got the book I wanted.", "summary": "Brave New World Review", "unixReviewTime": 1355875200} +{"reviewerID": "AUQLI1N9WB83Z", "asin": "0002219247", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "Imagine Patrick McGoohan as the narrator of this mystery and you're off on a wry adventure of words in ice-cold seas.", "overall": 4.0, "reviewTime": "08 4, 2016", "summary": "Not bad at all", "unixReviewTime": 1470268800} +{"reviewerID": "ACJNCI8IKFWLW", "asin": "0002241277", "reviewerName": "Wild Eyed Bill", "verified": true, "reviewText": "Fun reading some of Alex Cross's first adventures! the beginning of the history. Great book, delivered with speed and quality Thank you!", "overall": 5.0, "reviewTime": "02 5, 2014", "summary": "Thanks!", "unixReviewTime": 1391558400} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2011", "reviewerID": "A10SORC6LLRCTF", "asin": "0007419503", "style": {"Format:": " Paperback"}, "reviewerName": "K. Bernauer", "reviewText": "I hope the rest of Camilla Lackberg's books will be translated and available! This may be my favorite, I have said that about each one as I read them however.", "summary": "more please!", "unixReviewTime": 1320710400} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A1O8C1MK6B0GAR", "asin": "0007127049", "style": {"Format:": " Hardcover"}, "reviewerName": "Nina", "reviewText": "Bought it for a gift for a friend who had a baby and she loves reading it to her kid. And i loved reading it as a child as well ;)", "summary": "And i loved reading it as a child as well", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A1WZ715BDH5BAB", "asin": "000611718X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carla D Travis", "reviewText": "Could not put it down. Well written and very descriptive!", "summary": "Could not put it down. Well written and very ...", "unixReviewTime": 1475798400} +{"overall": 3.0, "verified": true, "reviewTime": "01 18, 2014", "reviewerID": "A2O06NGKNBYHU7", "asin": "0007264798", "style": {"Format:": " Kindle Edition"}, "reviewerName": "dave", "reviewText": "Chose this book without realising it was the third party of a trilogy. Nothing in the review told me. Still a good book. Have now purchased the first book in the trilogy", "summary": "more information please", "unixReviewTime": 1390003200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2014", "reviewerID": "A1JY3S32NQSM2U", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "NGK", "reviewText": "EXCELLENT- GRIPPING READ ON PLANE CRASH AND AFTERMATH.", "summary": "HIGHLY RECOMMENDED", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "A32ZHGW427WSU5", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Amanda Whitley", "reviewText": "Bought for my little girl to have her teaches write in it, so I can give it to her when she graduates high school!", "summary": "For my little girl!", "unixReviewTime": 1465862400} +{"overall": 2.0, "vote": "3", "verified": false, "reviewTime": "07 12, 2012", "reviewerID": "A1QXDMG5VPLGCL", "asin": "0007319185", "style": {"Format:": " Paperback"}, "reviewerName": "Michael B", "reviewText": "Steven Tyler is even more shallow and self-absorbed than you ever imagined. He had lots of sex and did lots of drugs. Whoopee. There are a few good stories in here, but you have to wade through a lot of boring, predictable, poorly written crap to get to them.", "summary": "Even more shallow than you imagined", "unixReviewTime": 1342051200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A1YX0U3KTMWDFV", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Cathy from PA", "reviewText": "Who doesn't love Dr Seuss! This is a must have for any child's library, whether large or small child that is.", "summary": "Dr. Seuss rules!", "unixReviewTime": 1445212800} +{"reviewerID": "AO43M8VXSD4CT", "asin": "0001050230", "reviewerName": "Crystal Martinez", "verified": true, "reviewText": "it was for class requirement", "overall": 4.0, "reviewTime": "02 26, 2015", "summary": "Four Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A1F7UME9HG6Z7F", "asin": "0007367473", "style": {"Format:": " Paperback"}, "reviewerName": "rosemary", "reviewText": "Love historical novels that help us understand the cultures of early America. Great characters based on New England and historic accuracy.", "summary": "good book", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2N3FQNDCDJ2LY", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "This is a great book with a wonderfully written story", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A28VEXFWKB6OSG", "asin": "0001711296", "style": {"Format:": " Hardcover"}, "reviewerName": "MommytomyKids", "reviewText": "My kids loved it.", "summary": "It's really cute.", "unixReviewTime": 1492300800} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "11 25, 1999", "reviewerID": "A2SUQKZRAPFPII", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "J. Baker", "reviewText": "An epic of our time, read it yourself, read it to your children, the only problem is there will be no more, but don't worry, you can read it again, it only gets better.", "summary": "One of the Best", "unixReviewTime": 943488000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A19MRXANZ4YN89", "asin": "0007119550", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Kristin", "reviewText": "This series is EPIC. If you haven't read the books, do yourself a favor and do so! If you like the HBO series and like to read, you will not be disappointed!", "summary": "If you like the HBO series and like to read", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A24Z6VJJBY8RG4", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Brittany", "reviewText": "Nice set, amazing books!", "summary": "love lotr", "unixReviewTime": 1424304000} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2018", "reviewerID": "A2BRUDVKXVP44C", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cheryl Batten", "reviewText": "Love this book and the series. Have read them over and over again. Love the characters and the plot. Good book!", "summary": "Worth reading again and again!", "unixReviewTime": 1515974400} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A2B0359QFHPKYC", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Judy", "reviewText": "Fun to read.", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"reviewerID": "AEG3UE5UL3YQ9", "asin": "0002242052", "reviewerName": "ivar jakobson", "verified": true, "reviewText": "as with all tom clancy books its a keeper. the man had a real talent for making his books page turners and always interesting. read them all.", "overall": 5.0, "reviewTime": "03 4, 2014", "summary": "without remorse", "unixReviewTime": 1393891200} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A24GMHM8L9LTSW", "asin": "0007173121", "style": {"Format:": " Hardcover"}, "reviewerName": "shopper", "reviewText": "One of Suess's funniest and best. LOVE LOVE LOVE.", "summary": "Best of the Best.", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A1TSON4ZO36PA0", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mindy", "reviewText": "I enjoyed the books much more than the movies.", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "A1DJGDS77H3ZTW", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Olivia magill", "reviewText": "This was a great book I love the description and all of the characters it is defantly a dark and scary pg 13 book though", "summary": "The hobbit", "unixReviewTime": 1359417600} +{"overall": 5.0, "verified": false, "reviewTime": "05 9, 2017", "reviewerID": "A10KL8QKHBEHOF", "asin": "0002256312", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SaraVirginia", "reviewText": "I am hooked on the Sharpe series. Sharpe and Harper are the land-based equivalent of Patrick O'Brian's addictive AubreyyMaturin books.", "summary": "Addictive Napoleonic historical fiction", "unixReviewTime": 1494288000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "ARY847XH9X9X8", "asin": "0007254008", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Janie D.", "reviewText": "A friend gave me The Ice Princess and I loved it! I've read the next 3 in the series and will be ordering the 5th in a moment. I have thoroughly enjoyed them all!", "summary": "Can't stop reading Camilla Lackberg!", "unixReviewTime": 1446681600} +{"reviewerID": "A3V7D7GW2C54LW", "asin": "0002242052", "reviewerName": "Jimd", "verified": true, "reviewText": "This is great recreation reading. I get drawn in to the character and when I'm done with the book I feel satisfied with my reading time. I guess you could say that I am a great fan of this type of plot and non-fiction material.", "overall": 5.0, "reviewTime": "04 30, 2014", "summary": "I can't seem to get enough of the stories by Tom Clancy", "unixReviewTime": 1398816000} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "AZNZ8N7YCV22X", "asin": "0007111932", "style": {"Format:": " Kindle Edition"}, "reviewerName": "maureen digiglio", "reviewText": "Another wonderful short story from Agatha Christie, so clean and pure, but full of mystery. The story is short enough for those who do not like to read anything longer.", "summary": "Easy to read and worth it.", "unixReviewTime": 1392768000} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A3J62F9Y0KPFGK", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Peter Iaria", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"overall": 4.0, "verified": false, "reviewTime": "02 12, 2009", "reviewerID": "ASNX71FHOU0GU", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "M. Thomas", "reviewText": "The Lord of the Rings needs no review by me. It is what it is, a timeless classic. This edition is a very high quality paperback, and a big enough format that the book is easy and enjoyable to read.", "summary": "Great printing of a classic work", "unixReviewTime": 1234396800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2H6DZ8QMQ3S5V", "asin": "0003302245", "reviewerName": "Dog Walker", "reviewText": "I couldn't put it down! I did, however, get tired of Van Helsing's ramblings.", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2017", "reviewerID": "A1N3QGZCFZ4BY9", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ms. Linda M", "reviewText": "Excellent!!!!!!!!!!!!", "summary": "Five Stars", "unixReviewTime": 1509235200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A1CG3N8HRNKIDD", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "This book has been around for a long time, and it is a fun book to read with children.", "summary": "and it is a fun book to read with children", "unixReviewTime": 1430265600} +{"overall": 4.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A3R1E7QNEI3ZXB", "asin": "0007196997", "style": {"Format:": " Kindle Edition"}, "reviewerName": "James S. Anderson", "reviewText": "Good follow-up to the first Odd. Koontz is clearly having a great time with this.", "summary": "Four Stars", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2012", "reviewerID": "A2WD1OR2GBEAGY", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Q Sawyer", "reviewText": "Great book that reminded me of my childhood. Can't wait for the movie in a few weeks. Must have for all.", "summary": "great read", "unixReviewTime": 1354492800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A1D8AI2PONCX4R", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John", "reviewText": "It's Jane Austen. What else needs to be said.", "summary": "Five Stars", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A74SX938W5O7A", "asin": "0006479227", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wilbur W. Lewis", "reviewText": "While several of the stories are dated, however, there is more than enough in this book that makes it still worth reading. As a storyteller he was unsurpassed.", "summary": "still worth reading", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2018", "reviewerID": "A1XGG94LEKOYST", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Thomas Edison", "reviewText": "This book is ominously awesome. Highly recommend this book. Especially in today's society. We're approaching this dystopian future with every passing day. 10/10", "summary": "You should read this book 10/10", "unixReviewTime": 1517011200} +{"overall": 3.0, "verified": false, "reviewTime": "12 4, 2015", "reviewerID": "A1V9NE49S1S5TX", "asin": "0007184883", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nancy Lundquist", "reviewText": "I really enjoyed this book.", "summary": "Three Stars", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2016", "reviewerID": "A6BY9TQXLYK3B", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "James E. Butler", "reviewText": "Excellent Read", "summary": "Five Stars", "unixReviewTime": 1482624000} +{"reviewerID": "A1IWTNHR3WOG2O", "asin": "0002247437", "reviewerName": "Kathy", "verified": true, "reviewText": "This is the fourth book I have read in the series and I love it. I am in the middle of book five now and don't want it to end.", "overall": 5.0, "reviewTime": "05 25, 2013", "summary": "A great read!!!", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2014", "reviewerID": "A32XKPF8VF40TN", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carolyn S Dean", "reviewText": "A truly wonderful story. This book is beautifully written. It is hard to believe that this is aimed at teenagers as I am well beyond my teenage years and loved every word !", "summary": "A truly wonderful story", "unixReviewTime": 1398988800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A3JTG6U0XTTX02", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Karen L.", "reviewText": "One of favorites in the series. Covers all the best characters.", "summary": "A favorite.", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": false, "reviewTime": "05 22, 2009", "reviewerID": "A1HL8QSFHAYWVI", "asin": "0007181701", "reviewerName": "DC", "reviewText": "Generally my favorite Bradbury illustrator is Ray's compadre Joe Mugnani, but Steadman's crazed, violent visions sharpen the edge on this book and help you see just how frightening Bradbury's dystopia really is. Craig Graham has done Bradbury fans a service. A beautiful book.", "summary": "The best 451.", "unixReviewTime": 1242950400} +{"overall": 5.0, "verified": false, "reviewTime": "11 6, 2014", "reviewerID": "A3DX6HTIAPKFUF", "asin": "0006179312", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Teresa M. Foster", "reviewText": "Another of Sheldon's winners......couldn't put it down", "summary": "Good read", "unixReviewTime": 1415232000} +{"reviewerID": "A2SLI77POZXY4H", "asin": "0002226928", "reviewerName": "Mary F", "verified": true, "reviewText": "This one was the best of the trilogy. I enjoyed it.", "overall": 5.0, "reviewTime": "03 22, 2015", "summary": "Five Stars", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A34HBU8ER930H2", "asin": "0006250025", "style": {"Format:": " Paperback"}, "reviewerName": "Jerr Jackson", "reviewText": "Gift for my daughter-in-law", "summary": "Gift", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": false, "reviewTime": "02 21, 2017", "reviewerID": "AMZT8TM0UYL6U", "asin": "0006482783", "style": {"Format:": " Paperback"}, "reviewerName": "Sylvia McIvers", "reviewText": "\"Three Septembers and a January\" and \"Ramadan\" should be framed in gold.\nThe rest of the book is pretty good too - we meet Orpheus in various stages of life & death, Marco Polo gets lost in a sandstorm, Cain & Abel kill each other endlessly for the first time....", "summary": "Best Book in a Great Series", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A1V96LT7RE07QY", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deb", "reviewText": "Nice to be able to read the Bible on line . I like the fact that i can read where ever i am", "summary": "Bible", "unixReviewTime": 1396224000} +{"reviewerID": "A2GDGUX20F911R", "asin": "0002242052", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "assume", "overall": 5.0, "reviewTime": "09 1, 2016", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"reviewerID": "A244OF3K701OS1", "asin": "0001050230", "reviewerName": "Laura", "verified": false, "reviewText": "Quite funny. My favorite Shakespeare that I have read/seen. I think this would be a good introduction to Shakespeare plays because it is accessible, easy to understand, and definitely amusing.", "overall": 4.0, "reviewTime": "11 1, 2013", "summary": "My Favorite Shakespeare", "unixReviewTime": 1383264000} +{"reviewerID": "A1UVGU7VV7X2SZ", "asin": "0001951076", "reviewerName": "Sally", "verified": true, "reviewText": "An excellent book. Fascinating for little ones.", "overall": 5.0, "reviewTime": "03 29, 2015", "summary": "Grandchildren loved it", "unixReviewTime": 1427587200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2014", "reviewerID": "A343NCGO6CE6C6", "asin": "0006480101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Colleen Maria Dubuque", "reviewText": "This is a great sequel and I can't wait to read book 3!!! The pace is fast, the writing is compelling, and the characters are addictive.... Really super!!", "summary": "A great, fast paced read!!", "unixReviewTime": 1395360000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2013", "reviewerID": "A2S0D4CBBC27OT", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Frank Ball", "reviewText": "One of the best books ever wirtten! I cannot wait to begin reading the next book in this amazing adventure!", "summary": "Amazing!", "unixReviewTime": 1381276800} +{"reviewerID": "A139Q72YSXJOZS", "asin": "0002247437", "reviewerName": "R. Mooney", "verified": true, "reviewText": "Good book, not as good as the others, but good, none the less. Mr Martin's afterward was interesting, too. I'm anxious to read #5 now.", "overall": 3.0, "reviewTime": "03 16, 2015", "summary": "ice and fire", "unixReviewTime": 1426464000} +{"reviewerID": "A1L9VGINCJIVM7", "asin": "0002247437", "reviewerName": "vicki", "verified": false, "reviewText": "This sequel to the saga is full of surprises, turn backs and double takes. The best yet! I can't wait to see what happens next!", "overall": 5.0, "reviewTime": "08 22, 2014", "summary": "twists and turns", "unixReviewTime": 1408665600} +{"reviewerID": "ALGQ52B0W8I55", "asin": "0001050230", "reviewerName": "John Koons", "verified": true, "reviewText": "A bare-bones rendition of the play, with no liner notes or commentary. Good for those who only look to read the play. An easily read format, faithful to the main work, unlike some adapted versions.", "overall": 4.0, "reviewTime": "02 11, 2018", "summary": "Decent version", "unixReviewTime": 1518307200} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2007", "reviewerID": "AWVONTSPAAG0C", "asin": "0001720392", "style": {"Format:": " Board book"}, "reviewerName": "Colliemo", "reviewText": "My friend purchased this book and uses it to urge her 4 year old to try new food. I purchased it and my 3 year old loves it. It is now part of our nightly reading routine.", "summary": "A good version of a classic book", "unixReviewTime": 1176249600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "AJEVF0AFTOXM0", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ms. Grey", "reviewText": "A classic book with a classic theme: good triumphs over bad. That is fine if you you have a long lost rich grandfather, but what about the rest of us mere mortals? We have to choose between good and bad with no hope of a reward!", "summary": "Classic", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": false, "reviewTime": "07 21, 2015", "reviewerID": "AP2J12RAY7MEX", "asin": "000711835X", "reviewerName": "Emma", "reviewText": "This set is a great copy of the Hobbit and Lord of the Rings. I got them for Christmas and absolutley love them. The only things is that the copy of the Hobbit is more of a deep wine purple/red instead of the brick red shown in the picture.", "summary": "Great Copy! Only color a bit off...", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": false, "reviewTime": "12 8, 2013", "reviewerID": "A3C1PD398M1QYT", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Truth seeker", "reviewText": "It is said Huxley wrote BNW 650 years into the future. In the secular West, could it become reality in the next 100 years?", "summary": "Truth or fiction?", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2016", "reviewerID": "ATUZ3YAC7HNEH", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "drucke1", "reviewText": "My daughter loves to finish the phrases!", "summary": "Five Stars", "unixReviewTime": 1453075200} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2014", "reviewerID": "A3MK2JBGICNPTR", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "TonyaJ", "reviewText": "What can I say other than...outstanding? I will definitely be thinking on this one for a while and then reading it again. I'm so glad that I picked this one up.", "summary": "This is a must read...and then read again", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A3U0OPQ4JLYEJN", "asin": "0006280935", "style": {"Format:": " Kindle Edition"}, "reviewerName": "D. Mink", "reviewText": "Lewis does it...again. When you finish this, you'll realize what a flippin' genius Lewis is. Truly, this man was listening to the angels. Compelling, yet very readable. Another book for her personal reference library - you can return to it again and again.", "summary": "Classic!", "unixReviewTime": 1354924800} +{"overall": 4.0, "verified": true, "reviewTime": "11 21, 2013", "reviewerID": "A2U5GVAMTL8DV", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Kate", "reviewText": "Came in the allotted time. Was a decent copy, there were some highlights in the book but they didn't detract from the reading. I bought it for my son for school.", "summary": "Brave New World", "unixReviewTime": 1384992000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A1D1TRMGZCH648", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Marsha Fralick", "reviewText": "My grand daughers love these books. They are easy for kids to read in 1st to 3rd grades.", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "A1XGRKM30VGJIM", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "pilgrim", "reviewText": "A must read, I believe. This book opens your imagination to a world of wonders. It is no tale of wimps but rather a story of courage and character that those with a mind to learn can benefit from.", "summary": "Enchanting", "unixReviewTime": 1389139200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2013", "reviewerID": "A1TNBX8FX7X6F3", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Simmons First", "reviewText": "Dean Koontz is my all time favorite author. His Odd Thomas books are mysterious, scary, funny and inspirational. Once you start reading it's hard to put it down.", "summary": "Deeply Odd is a must read for anyone who enjoys a good book.", "unixReviewTime": 1377820800} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A2V79ETTKI56T5", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "mony l.", "reviewText": "Put my mind to work and think about all those news we hear every day and we believe are for real,are they?", "summary": "A learning experience", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A3DUCUICGVNM62", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "DataSpot", "reviewText": "One of my all time favorite little known Dr Seuss books so I almost always give as a book for a baby shower!", "summary": "Love", "unixReviewTime": 1516492800} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "AKDVJMHR4D42J", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Haritheesan Peethambaran", "reviewText": "Must read this book...awesome work\nHari peethambaran", "summary": "awesome work Hari", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2012", "reviewerID": "AR8H5YL7BIXSQ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mavreena R. Hendricks", "reviewText": "Re-read the hobbit after about 20 years. (Wanted a refresher before the movie came out) i have and always will love Tolkien's work", "summary": "never disappoints.", "unixReviewTime": 1355961600} +{"overall": 1.0, "verified": false, "reviewTime": "06 23, 2014", "reviewerID": "A1OLJONYNZQU96", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "paula d. lee", "reviewText": "I don't get it's popularity. I was bored beyond belief. Had to force myself to finish it.\nFeh! I would recommend it to an insomniac.", "summary": "The Alchemist", "unixReviewTime": 1403481600} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A2JFVM6GINW18U", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suebee", "reviewText": "I read this novel many years ago. I decided to read it again, and I discovered that I still found it a fascinating and entertaining read. The characters were as clearly detailed and defined as the first time I enjoyed this novel. I highly recommend this book.", "summary": "Still love it!!", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A1PZWYIBZASNY9", "asin": "0002228963", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda V.", "reviewText": "Jackie's books are great; can't put them down.", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A2MX6FPX1FN8WC", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Shea Medina", "reviewText": "Just as expected", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A1HLF7CL0IHGQ1", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deepti Gupta", "reviewText": "As is with all her novels, this was also indeed full of thrills twists and turns and absolutely bound readers until the last page. Simply loved it!!!", "summary": "Christie at her best", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "A199X6YG0VE97B", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "HTrula", "reviewText": "Involved writing style draws the reader into the mystery in a most entertaining and elegant manner. Highly recommended for fun and thought. Can you figure it out before the end?", "summary": "Voila!", "unixReviewTime": 1511049600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2017", "reviewerID": "AWJU0ZAFNDJOA", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "HelloNw :)", "reviewText": "Great book, and delivered in great condition.", "summary": "Five Stars", "unixReviewTime": 1514419200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A38OR2FLHRMZXP", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jon B. Rorem", "reviewText": "The books instantly downloaded and are very user-friendly on my I-pad via Kindle link. Anyone who likes cars and is in love with their dog needs to read this one.", "summary": "Super read from a local Seattle Author", "unixReviewTime": 1364428800} +{"overall": 4.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A1KFCX2EZU9HA8", "asin": "0007150962", "style": {"Format:": " Paperback"}, "reviewerName": "Ann Logue", "reviewText": "This story is rich with drama, detail, and anger. The country of Eritrea has had problems with neighbors and colonizers that prevent it from growth and development. Too bad, because it sounds beautiful.", "summary": "Such drama and intrigue!", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2014", "reviewerID": "A2C9G3K9I3845B", "asin": "0006755232", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gotigermonk", "reviewText": "I did not know the movie was based on a book. The story was delightful. Looking forward to reading her other books.", "summary": "delightful", "unixReviewTime": 1392768000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "A135ZCIZG6YCYE", "asin": "000630043X", "style": {"Format:": " Hardcover"}, "reviewerName": "Qiu Siya", "reviewText": "as new", "summary": "Five Stars", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "AUEVVB9BH8G56", "asin": "0006178219", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. Mitchell", "reviewText": "Nice read!", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A2WEUMQECMF3ND", "asin": "0007174640", "style": {"Format:": " Hardcover"}, "reviewerName": "ADN MOMMY", "reviewText": "Good book for 10 yr Olds", "summary": "Good book", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A3TUKNZBB754UQ", "asin": "0007230206", "style": {"Format:": " Hardcover"}, "reviewerName": "Garden Lady", "reviewText": "Great and fast shipping!", "summary": "Five Stars", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A8WOP6F8979PY", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Grum", "reviewText": "Odd Thomas is addictive.", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "A2ZCDLLMVU7GXM", "asin": "0007201745", "style": {"Format:": " Paperback"}, "reviewerName": "Gray", "reviewText": "This book captivated me from the very beginning. It is a fascinating look into a history & culture that I previously had no interest in. I have now read the entire Khan Dynasty series.", "summary": "Fantastic Read!", "unixReviewTime": 1391990400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "APQ3HV0Z5DIKS", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David H. Lewis", "reviewText": "As one grows in faith CS Lewis explains his journey in a most believable way. That makes our journey a little easier.", "summary": "Goes to the heart", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A3GY2K67J0BMC2", "asin": "0007236360", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Terri Barrett", "reviewText": "SO HEART BREAKING. THIS BOOK WAS ONE THAT FROM THE VERY BEGINNING I COULD NOT PUT DOWN. A MUST READ", "summary": "COULD NOT PUT DOWN", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "ANNOR6TGOWCCJ", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Ziffrus", "reviewText": "The simple, beautiful way that these life lessons are conveyed is a treasure. I read the book in a library and enjoyed it so much that I bough it to read again and again. Light in pages, deep in content.", "summary": "A Treasure", "unixReviewTime": 1426464000} +{"overall": 4.0, "verified": true, "reviewTime": "12 13, 2016", "reviewerID": "AG0R008VC9JLQ", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "clean copy", "summary": "Four Stars", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A2QREWM6CKJP1R", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Katelynn", "reviewText": "Great book, great author, great story line.", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2013", "reviewerID": "AEZLGUJSLJTEB", "asin": "0003302245", "reviewerName": "charlemagne", "reviewText": "You know the story you have many seem a movie version of this but the book is better. I imagine dark places where forces beyond our knowledge are at work. Read it with a lamp on or better read it before sun down.", "summary": "Dracula by Bram Stoker", "unixReviewTime": 1375747200} +{"overall": 3.0, "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A27SVEKTO33PEA", "asin": "0006499945", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customerdolly cordanobiac", "reviewText": "The book was a very good story but very confusing at times she is a very good author but it was just a little too much at times d.cordano at charter.net that is it", "summary": "Rough justice", "unixReviewTime": 1401235200} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2011", "reviewerID": "A1K29Z2PO6TRED", "asin": "0003302245", "reviewerName": "Jackie Campbell", "reviewText": "I downloaded this to my kindle because it was one of the free ones and thought it would be good. I was worried when i first started reading it because it is told from journals. However, it makes it much better than from a 3rd party. It was very good!", "summary": "Was very surprised! Really Liked it!", "unixReviewTime": 1294790400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A1KQK9N8GFIBZN", "asin": "0006280560", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Landon Self", "reviewText": "Amazing and insightful. It stepped on my toes some but sometimes that is needed. Imaginative and displays human qualities well.", "summary": "Amazing and insightful", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A262UIFS32G3P8", "asin": "0007198019", "style": {"Format:": " Hardcover"}, "reviewerName": "Fallon Willoughby", "reviewText": "I used this for my son's first birthday - guests wrote him notes in the book. Fantastic.", "summary": "Great for Memories", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A148GVQ3NQKZWD", "asin": "0007166052", "style": {"Format:": " Paperback"}, "reviewerName": "Suzy", "reviewText": "\"Explicit sexual content\" in the sense of honest about the human experience. One of my favorite books ever.", "summary": "One of my favorite books ever", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A1B2L3E8W06QOR", "asin": "0002005549", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Keith R Baker", "reviewText": "A typical Crichton novel, which is to say that this book is a very satisfying work of literature.", "summary": "Great book!", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A1B22MZGIT2422", "asin": "0007201761", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nomo customer", "reviewText": "Enjoyable read and very detailed scenes . Highly recommended to anyone wanting to know more of the Great Khan and destruction of the Jin Dinasty.", "summary": "Excellent!.", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": false, "reviewTime": "04 15, 2013", "reviewerID": "A2A5H2JTFU7OVM", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Daniel M Boesing", "reviewText": "It is a great book. It doesn't have much action until the mines of Moria though. Other than that this book was awesome", "summary": "Good book", "unixReviewTime": 1365984000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2014", "reviewerID": "A3OCXUY22LOMA2", "asin": "0007213182", "style": {"Format:": " Paperback"}, "reviewerName": "Virginia", "reviewText": "I also got this as gift and she likes it too", "summary": "Five Stars", "unixReviewTime": 1403827200} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2014", "reviewerID": "A1IXI9IXU3LPB1", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "MJS", "reviewText": "Perceptive book by an author far ahead of his time.", "summary": "Unjustly Forgotten", "unixReviewTime": 1406937600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A2ELFFE6FNXVS9", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bethany S.", "reviewText": "I'm not done reading it but it doesn't matter. I love it.", "summary": "I love it.", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A3CACQEPNZIYXE", "asin": "0001844423", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Devon", "reviewText": "Love it! I love these books best choice I made was buying them, they're perfect for kids of all ages from 0 to +99.", "summary": "Love it! I love these books best choice I ...", "unixReviewTime": 1431561600} +{"reviewerID": "A1D50VA1J0AVG5", "asin": "0002226529", "reviewerName": "cbass", "verified": true, "reviewText": "Another fine read and guiltless pleasure", "overall": 5.0, "reviewTime": "08 27, 2015", "summary": "Love MHC", "unixReviewTime": 1440633600} +{"overall": 4.0, "verified": false, "reviewTime": "04 17, 2017", "reviewerID": "A1ATB2Y9KHAGXL", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Terry", "reviewText": "Just a fun, light-hearted spoof.", "summary": "Four Stars", "unixReviewTime": 1492387200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A25TCG644G4M4E", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I enjoyed the book tremendously. very fast paced.", "summary": "good book", "unixReviewTime": 1486598400} +{"overall": 3.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A1O5PQSI0KQSR8", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Icefire1257", "reviewText": "This is the first Folger's book that I have had and I guess it's ok. It has some nice footnotes an it is the book that we use in my AP English class.", "summary": "It's ok", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A1X0O8AYBXB6JG", "asin": "0002726874", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "a classic. great read.", "summary": "great read.", "unixReviewTime": 1502928000} +{"reviewerID": "A13KX60D5BFQ5A", "asin": "0001983679", "reviewerName": "Mimi Mears", "verified": true, "reviewText": "Super childrens book.", "overall": 5.0, "reviewTime": "11 17, 2017", "summary": "Brambly Hedge book", "unixReviewTime": 1510876800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "AT69FND0V8BMI", "asin": "0007141882", "style": {"Format:": " Hardcover"}, "reviewerName": "Erika H.", "reviewText": "Item arrived in perfect condition.", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": false, "reviewTime": "05 15, 2017", "reviewerID": "A2L0ASRM2FNQIJ", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I found myself reading this trilogy back to back over one weekend. I just couldn't put it down. It seems to have been written with film format in mind, because it just unfolded visually for me right from the start. I am definitely reading other books from both authors.", "summary": "Excellent Series! I want to see this as a movie!", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A31C0DRBG8VU6U", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "Jonathan Bolano", "reviewText": "LOVE DR. SEUSS BOOKS. I read them to my son every night and they always keep him entertained.", "summary": "LOVE DR. SEUSS BOOKS", "unixReviewTime": 1413849600} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A1F4J7697HY283", "asin": "0006498000", "style": {"Format:": " Kindle Edition"}, "reviewerName": "rjb", "reviewText": "This is a great historical novel. I'm about 2/3 thru the book and enjoying ever page. It's fascinating to get a perspective of the politics that led up to the 2nd WWII.", "summary": "This is a great historical novel", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "A1KJ0AM0ZPU5CH", "asin": "0006064922", "style": {"Format:": " Paperback"}, "reviewerName": "Moon", "reviewText": "What's not to love. It's the Bible. I like the fact that it was inexpensive and paperback. A good study Bible to write notes and highlight passages.", "summary": "Bible.", "unixReviewTime": 1385769600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "A25TYSWOOOR2T3", "asin": "0007172826", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "marg", "reviewText": "One of the best books I've read in ages. The old city of Delft comes alive and we see the inner workings of a 17th-century bourgeois home in Vermeer's time. We meet the painter himself and the housemaid who became the subject for Vermeer's most famous painting. Wonderful story!", "summary": "One of the best books I've read in ages", "unixReviewTime": 1478995200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2013", "reviewerID": "A2JUBSRZOSKVRT", "asin": "0006280935", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I purchased this product as a gift for a Kindle and the recipient was well-pleased with the item. The item was delivered immediately upon placing my order.", "summary": "Excellent", "unixReviewTime": 1362528000} +{"reviewerID": "A1K1TKHEEP91TY", "asin": "0002226529", "reviewerName": "JEV", "verified": true, "reviewText": "Good!", "overall": 2.0, "reviewTime": "07 22, 2015", "summary": "Two Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A1E1979Q8HEYA5", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "C. Carton", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A12XZS9BFDAYWG", "asin": "0006178731", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy Anlauf", "reviewText": "He is my favorite author!", "summary": "Five Stars", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2012", "reviewerID": "A193PADUGIOB48", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Brian R.", "reviewText": "This book pulls you in, and you know how the book ends after reading the first chapter. However, the journey along the way was an unexpected ride up and down. I think that anyone who has ever loved a dog must read this book!", "summary": "Great Read For Anyone That Loves Dogs!", "unixReviewTime": 1334707200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "AJAATBQ1SLM3Q", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. Sarria", "reviewText": "still engaged with the Chronicles. Love them and counting for the Silver Chair.", "summary": "Love them and counting for the Silver Chair", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A38FXN4MT7RR3K", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "bg", "reviewText": "An intriguing read. One that can be discussed among friends.", "summary": "An intriguing read. One that can be discussed among ...", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": false, "reviewTime": "08 29, 2017", "reviewerID": "AF5IPENEZ7HPY", "asin": "0007137818", "style": {"Format:": " Hardcover"}, "reviewerName": "Shelly", "reviewText": "My son loved this book!", "summary": "Five Stars", "unixReviewTime": 1503964800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A2TQT07AZ4R1YL", "asin": "0007420412", "style": {"Format:": " Hardcover"}, "reviewerName": "Veronica Gomez", "reviewText": "loved it!!", "summary": "Five Stars", "unixReviewTime": 1473465600} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "ALI1IDYX89GVJ", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Daniel Yen", "reviewText": "Classic", "summary": "Five Stars", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2014", "reviewerID": "A2Q7Y9PEP3Q76P", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "April", "reviewText": "It is rare that you a book you read at school that you actually enjoy. I have been reading this book over and over for 20 yrs and I never get tired of it!", "summary": "Great story", "unixReviewTime": 1393372800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2014", "reviewerID": "A2KC6JMX2PRW7F", "asin": "0007331908", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kit Arndt", "reviewText": "If you loved the Saxon chronicles then you will love this one as well. Same gritty Uthred whose lack of being political or nice just gets him into one mix or another.\n\nI hope this series continues for a long time. I simply love it!", "summary": "great as always", "unixReviewTime": 1393286400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A31LSNQDND45W7", "asin": "0007338104", "style": {"Format:": " Kindle Edition"}, "reviewerName": "James Schlesinger", "reviewText": "great book in that it brings the war to life from the perspective of those who lived it. The way the author tied personal stories into the details about the battles and conditions make it a must read.", "summary": "great book in that it brings the war to life ...", "unixReviewTime": 1428019200} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2008", "reviewerID": "AIN65X3XT6S64", "asin": "0006511252", "style": {"Format:": " Paperback"}, "reviewerName": "tomnet", "reviewText": "Oh, so refreshing to immerse oneself, coming out of\nour hard edged world of self-serving, hype-drenched\nprose into a comfortable divan of well conceived candor.\nBring more, if you will.\nTom", "summary": "A \"hero's\" self deprecation always entertains", "unixReviewTime": 1208649600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A16P4DMU92J033", "asin": "0007265077", "reviewerName": "Allen Mahan", "reviewText": "One of the best novels I've read in five years. Loved it. And the \"Hamlet sub-plot\" is most interestingly wrought, indeed.", "summary": "Speak No Evil", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A2CTSVNSJHZBPW", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Frank", "reviewText": "Great classic", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": false, "reviewTime": "09 10, 2016", "reviewerID": "A2Q90VMS6GK39G", "asin": "0002318350", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ian B.", "reviewText": "Awesome book. Great plot.", "summary": "Five Stars", "unixReviewTime": 1473465600} +{"overall": 3.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A3C9HXU8HZEGDG", "asin": "0007131925", "style": {"Format:": " Hardcover"}, "reviewerName": "B. Kopet", "reviewText": "Pretty decent book", "summary": "Three Stars", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A1MPJF7PQFZE9U", "asin": "0006511767", "style": {"Format:": " Paperback"}, "reviewerName": "Deborah D. Clark", "reviewText": "Great book super fast shipping", "summary": "Five Stars", "unixReviewTime": 1463097600} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A38YTJY0UGAZ4U", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jal", "reviewText": "James Rollins does such a fantastic job with all his books. I wish there were more reasonable priced, and often look for the lesser priced one when I can find them. Otherwise I keep a close watch on my Kindle.", "summary": "BLOOD LINE A GREAT STORY", "unixReviewTime": 1404259200} +{"overall": 4.0, "verified": false, "reviewTime": "04 18, 2015", "reviewerID": "AROMKKAS1TWR4", "asin": "0006157629", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Grandma Sandy", "reviewText": "Maybe not top-notch Agatha Christie, but lesser Agatha Christie is still pretty good. I couldn't guess the murderer and was pretty surprised.", "summary": "Pretty good murder mystery", "unixReviewTime": 1429315200} +{"reviewerID": "A3AW2ZG0GP4SKN", "asin": "000100039X", "reviewerName": "Patricia A. Chase", "verified": true, "reviewText": "I bought this book for my son who had his stolen from him and was in despair. He likes the beautiful poetic resonance and in looking through the book, I agree. This is a book for sensitive souls, beautifully written and illustrated by the author.", "overall": 5.0, "reviewTime": "08 23, 2007", "summary": "Beautiful philosophy", "unixReviewTime": 1187827200} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A1R1GUGW52YKS7", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Yesi Avila", "reviewText": "Beautiful book inside and out excellent deal.", "summary": "Five Stars", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A3O11AZC86MP9E", "asin": "0001384198", "style": {"Format:": " Hardcover"}, "reviewerName": "Big Reader", "reviewText": "Our grandson picked up this book and did not want to put it down. He is two and currently in love with trains.", "summary": "Grandson Loves Trains", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A3NNXAMK3ZJTZ9", "asin": "0001047868", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jared R Towler", "reviewText": "I read this book first when I was in 6th grade. I loved it then. Guess what? It is just as good now that I am 60. You just can't go wrong with Stevenson. He knew how to write an adventure.", "summary": "Holds up", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2013", "reviewerID": "A3IKK1COXKQLJ7", "asin": "0007231601", "style": {"Format:": " Paperback"}, "reviewerName": "KaylaJo", "reviewText": "great delivery speed and a wonderful book for anybody who is questioning religion. it shows how facts can be manipulated to correlate with something false to make it seem true...... like things in the bible.", "summary": "love the book", "unixReviewTime": 1362700800} +{"overall": 1.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A2YJCSFW2YUQAU", "asin": "0002163578", "style": {"Format:": " Kindle Edition"}, "reviewerName": "KAT", "reviewText": "I thought the book was poorly written. There were many typos that should have been edited.", "summary": "One Star", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2AUE2MTIZQZ5Y", "asin": "0007141882", "style": {"Format:": " Hardcover"}, "reviewerName": "kitty kat", "reviewText": "You cannot argue with a classic! Love the message about Christmas which you can use as a teachable moment with your kids over and over again.", "summary": "A super Christmas gift - of course!", "unixReviewTime": 1407542400} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A1WDYBC6773JWC", "asin": "0007219172", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John T. Omlor", "reviewText": "Book three of this series was as we'll written as the first two. I thoroughly enjoyed this book, and I highly recommend it for anyone looking for a pseudo fantasy style writing.", "summary": "A fantastic read.", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": false, "reviewTime": "05 30, 2015", "reviewerID": "A1TVVPNY01HWBB", "asin": "0006392237", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Allison", "reviewText": "Not sure what I expected. Interesting book about messed up people, and how we see our parents when we're grown.", "summary": "Not sure what I expected. Interesting book about messed ...", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": false, "reviewTime": "12 18, 2013", "reviewerID": "A3H1SJ4RCM7GIG", "asin": "0002250101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Farkle1", "reviewText": "Fast paced tale,non-stop action. Puts the reader in the thick of the action. Makes modern warfare seem somehow tame. Highly recommended.", "summary": "Great story", "unixReviewTime": 1387324800} +{"overall": 4.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "A3EFOTERB62RLY", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Maddie Cupp", "reviewText": "It was a good book with lots of action that always made me keep reading! I would recommend this book", "summary": "4 stars", "unixReviewTime": 1366502400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "ABBP4VWZBH7YB", "asin": "0007175205", "style": {"Format:": " Hardcover"}, "reviewerName": "The Navigator", "reviewText": "Grand kids loved it, but I also used the analogy of the story at my HOA Meeting, that with many voices we all can be heard.", "summary": "Analogy of the Who's", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2012", "reviewerID": "A1TYVJY17NXCJE", "asin": "0007225237", "style": {"Format:": " Hardcover"}, "reviewerName": "Barbara Davis", "reviewText": "Another book by Shirley Trevena I am happy to have in my library. Own some DVD's of hers and now the books are something I can enjoy as well.", "summary": "Vibrant Watercolours", "unixReviewTime": 1355356800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A279YQNBJKNJHC", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Irene Ashkinaz", "reviewText": "This was a great read. An easy read. I love,the history of Henry VIII", "summary": "WOLF HALL", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "AKCI0QBFXZPTY", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Margaret Kwiatkowski", "reviewText": "I love these storys", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2R62KGNIF8DX6", "asin": "0006499236", "style": {"Format:": " Paperback"}, "reviewerName": "Moon Glough", "reviewText": "i am a fan. i am on the tenth in the series. i also like the movie with russell crowe and saw it a couple of times.", "summary": "i also like the movie with russell crowe and saw it a ...", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2013", "reviewerID": "A3LS2ZKUQEI9RB", "asin": "0007304145", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jackie A", "reviewText": "This story had a great mystery involved and kept me wanting to read more each time I had a chance. Love her books!", "summary": "loved it!", "unixReviewTime": 1369353600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "A191KVTRB5A85N", "asin": "000649918X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Johnston", "reviewText": "A marvelously written historical novel - Jane Austen crossed with Horatio Hornblower. Memorable characters, realistic action, excellent descriptions, wonderful language.", "summary": "Best historical novel series ever", "unixReviewTime": 1399593600} +{"reviewerID": "AJL1ZGGIOH38C", "asin": "0002247437", "reviewerName": "Ignacio", "verified": true, "reviewText": "...nice read, but only sort of ties into the end. It gave me the sense for al most 2/3s of the book that it was gong nowhere", "overall": 3.0, "reviewTime": "04 19, 2014", "summary": "Good but not great", "unixReviewTime": 1397865600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A6GUGB25MLAG7", "asin": "0007320817", "style": {"Format:": " Paperback"}, "reviewerName": "Linda Mullen", "reviewText": "This little guide contains everything you need to know in the event of an emergency. It has information for every type of weather and terrain. Very useful.", "summary": "SAS Survival Guide", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": false, "reviewTime": "03 3, 2016", "reviewerID": "A2PAO6REA371GQ", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Schiebs", "reviewText": "An easy, interesting read. Very clever, though mostly unsophisticated. Hunger games fans, you will enjoy this one. I read it in 3 days!", "summary": "Great book, very smart", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2012", "reviewerID": "A27S727KQTNZBJ", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Betsy A. Diorio", "reviewText": "The fifth of five fantastic books by George R.R. Martin. I could not put it down and was very sad when it was finished. I love this saga and can't wait until the next one is available.", "summary": "A Dance With Dragons", "unixReviewTime": 1350000000} +{"reviewerID": "A1VO3U31SAR5NB", "asin": "0002219247", "reviewerName": "F111ECM", "verified": true, "reviewText": "Enjoyed this novel", "overall": 5.0, "reviewTime": "12 10, 2015", "summary": "Enjoyed this novel", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "A20TKHFWYZV8E5", "asin": "0001381733", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Christy Rawson", "reviewText": "I enjoyed the rhymes of childhood memories in this book. It made me think of days gone by with my little ones.", "summary": "Precious Childhood!", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A1XYUTQTXS8IKC", "asin": "0002224216", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Love all the Poldark books!", "summary": "Another winner", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A2SEAP4EOJLTCL", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Volt123", "reviewText": "Great book. Makes you think.", "summary": "Great book", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A1EHQFK1J80NNW", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David Rhodes", "reviewText": "I've read the Hobbit many times. It is a classic. A great prelude to the Lord of the Rings trilogy.", "summary": "A classic", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A34QGGANKOWPH8", "asin": "0007331908", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eddie O", "reviewText": "Uhtred strikes again.", "summary": "Five Stars", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A5AMNDHTQNZ6N", "asin": "0007305060", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "S. L. Savell", "reviewText": "Love the entire series. Very historical with a great story line.", "summary": "Five Stars", "unixReviewTime": 1432598400} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A2W3JFQBVQRT12", "asin": "0002259842", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jane", "reviewText": "Great book. Note, there is vulgar stuff in here, sexually speaking. Well written however, I am a great fan of the Tudor era, especially Anne Boleyn.", "summary": "Great Read", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A1HE6U3943HOVR", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pepah", "reviewText": "Loved it", "summary": "Loved it", "unixReviewTime": 1467676800} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "ABFK1WYWNTYFV", "asin": "0007386621", "style": {"Format:": " Hardcover"}, "reviewerName": "Steve in Riverside CA", "reviewText": "Fantastic story", "summary": "Four Stars", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": false, "reviewTime": "11 5, 2010", "reviewerID": "A1TN5S2J2OQXUW", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "God Bless the Midwest", "reviewText": "*****\n\nShakespeare's shortest tragedy, Macbeth, is timeless. And this affordable edition is both timely and worthwhile.\n\n*****", "summary": "A Fine Edition of A Brilliant Play", "unixReviewTime": 1288915200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A6J2NVH0ZPV5W", "asin": "0006497071", "style": {"Format:": " Paperback"}, "reviewerName": "Juanita Ramirez-White", "reviewText": "love the book", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "ADL5E85DW67LC", "asin": "0007245823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "A Wonderful kaleidoscope of story lines artfully blended for an excellent, enjoyable read. Loved this book and could not put it down.", "summary": "Fabulous storytelling", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "A26HV2LNWE06GP", "asin": "0004704746", "style": {"Format:": " Hardcover"}, "reviewerName": "J Regard", "reviewText": "As expected.", "summary": "Five Stars", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A32CSREKWZOFUE", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carl W. Taylor", "reviewText": "A real classic. One of my favorite mysteries. A great introduction to Agatha Christie.", "summary": "One of my favorite mysteries. A great introduction to Agatha Christie", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2013", "reviewerID": "AUEJ9T7HQCDZS", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sandraregan", "reviewText": "So complete - this book is the standard in the fantasy genre. Creating his own language, beings and languages, Tolkien makes middle Earth come alive. Read this book!", "summary": "The Hobbit - best fantasy book ever", "unixReviewTime": 1363996800} +{"overall": 4.0, "verified": false, "reviewTime": "04 21, 2017", "reviewerID": "A187GYHK2LCPQY", "asin": "0007127944", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Steve Doerflein", "reviewText": "Bernard Cornwell is one of my favorite authors. This book is set after the Napoleonic wars with a down on his luck ex army captain the central character. Well worth reading.", "summary": "Bernard Cornwell is one of my favorite authors. This book is set after the Napoleonic ...", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2014", "reviewerID": "A2ET5N6YESG1IL", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tiff", "reviewText": "This is a great story! I recommended it in a book report, and now my teacher wants to read it.", "summary": "Loved it!", "unixReviewTime": 1394582400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A44CMUAAUYCB6", "asin": "0002155192", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Per F. Winsnes", "reviewText": "This book isn't just a \"cute\" story. It speaks to the heart. So if you know a person who needs to \"soften-up,\" the you pass it on - after you have read it.", "summary": "Read it", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2013", "reviewerID": "A18PSOAVG7Z8NH", "asin": "0007304145", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Foodie", "reviewText": "Barbara Taylor Bradford's books are usually very good and this didn't disappoint. It's a great story that you can hardly put down.", "summary": "Letter from a Stranger", "unixReviewTime": 1360368000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A1SN7AJDXYMQBI", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Denise Rylander", "reviewText": "I love this book more now than I did when I first read it 35 years ago!", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": false, "reviewTime": "12 28, 2016", "reviewerID": "A2ZN6C51PHTKA6", "asin": "0007141343", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lady Silverlocks", "reviewText": "I thought I had read all of Christie's books, but I missed this one. Just as good as I remember them being.", "summary": "Fooled Me to the End", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A3UQFKUVTX5IJX", "asin": "0007181701", "reviewerName": "elb Baker", "reviewText": "I was encouraged to read this unique book... glad I did.", "summary": "read this!!", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A22TC74PZR45NB", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "A. De SANTIS", "reviewText": "good read", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "02 2, 2010", "reviewerID": "A13X4VIMZPP4OP", "asin": "0001384198", "style": {"Format:": " Hardcover"}, "reviewerName": "Gretchen Montgomery", "reviewText": "My 3 yr old son loves this story. I never had the original book, so I can't comment on the difference with this new edition, but we really enjoy reading this story at bedtime. Pages are nice and thick, so no accidental tearing of the pages.", "summary": "Favorite Bedtime Story", "unixReviewTime": 1265068800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A33DWIDMSCHAYQ", "asin": "000713147X", "style": {"Format:": " Paperback"}, "reviewerName": "Janitor B", "reviewText": "In every way", "summary": "Five Stars", "unixReviewTime": 1456185600} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A7TLUBSJ908NM", "asin": "0007257775", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shannon", "reviewText": "I love GNR and it is great to hear about each band member and hteir memories on one of the world's greatest rock bands - ever! Slash's book was a good read.", "summary": "4 stars", "unixReviewTime": 1405900800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "06 20, 2007", "reviewerID": "A1HIQURFNVLVIM", "asin": "0002213311", "style": {"Format:": " Hardcover"}, "reviewerName": "Mary Moore", "reviewText": "The Harlequin is terrific read! Definitely going on my keeper shelf! Thanks for a great read Laurell!", "summary": "The Harlequin is a Terrific Read", "unixReviewTime": 1182297600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "AOJYTUGHBMH2A", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Rachele", "reviewText": "Excellent.", "summary": "Five Stars", "unixReviewTime": 1466812800} +{"overall": 3.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "AYB55Y1X3X0S2", "asin": "0007223773", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Faye Green", "reviewText": "Easy read. Kept my interest, though not mindbending. Just fun reading.", "summary": "Fun read", "unixReviewTime": 1449014400} +{"overall": 3.0, "verified": true, "reviewTime": "02 1, 2013", "reviewerID": "A24XF9I5VEZ42J", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Deanne Heitkamp", "reviewText": "I bought this as a gift for someone else. It looked fine, but I have no way of knowing more than that.", "summary": "JRR Tolkien", "unixReviewTime": 1359676800} +{"overall": 5.0, "verified": false, "reviewTime": "10 6, 2007", "reviewerID": "A36MDVJ59IZNXH", "asin": "0002259842", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Ali", "reviewText": "this was a great book. I did not like the Constant Princess, so I hesitated to read this book. Great story, great writing. Really couldn't put it down.", "summary": "couldn't put it down", "unixReviewTime": 1191628800} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "A1DV45KOXI8660", "asin": "0001713256", "style": {"Format:": " Hardcover"}, "reviewerName": "Martha R. Terry", "reviewText": "My son loved this book when he was a little boy!", "summary": "Five Stars", "unixReviewTime": 1428796800} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2016", "reviewerID": "A38AN6ZRMHV6EU", "asin": "0003303187", "style": {"Format:": " Paperback"}, "reviewerName": "Carole S. Stabile", "reviewText": "Fun read.", "summary": "Five Stars", "unixReviewTime": 1480550400} +{"overall": 4.0, "verified": false, "reviewTime": "02 17, 2017", "reviewerID": "A32FJQTJPL72SM", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Calins review", "reviewText": "Had a hard time putting it down can't wait to read the next book should be just as good at least I hope", "summary": "Good read", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A22QHXDDSOVNRR", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I have always loved this book. Austen was a tremendous writer.", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "AG62R1ZSYUAS5", "asin": "0007177437", "style": {"Format:": " Kindle Edition"}, "reviewerName": "J. OBrien", "reviewText": "Very interesting read.", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 1.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A2QVXN9SEWGYO7", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bob Custer", "reviewText": "did not interest me", "summary": "One Star", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2014", "reviewerID": "A1943HVHPARLGI", "asin": "000733186X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joshua Brown", "reviewText": "Had never heard of the battle of Poitiers before reading the book. Breezed through this novel, well-written and fun way to learn about it.", "summary": "great history, great story", "unixReviewTime": 1396569600} +{"overall": 4.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A3C6AV61XFRR6X", "asin": "0007203136", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donnetta K. Mcgann", "reviewText": "I love Dean Koontz, but this book didn't entice me to read more of his Frankenstein series.", "summary": "it was ok", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2017", "reviewerID": "APDCJH46AK9V4", "asin": "0007350899", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "wonderful book !!!", "summary": "Five Stars", "unixReviewTime": 1508112000} +{"overall": 4.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "A2MFZ5S0BS53QZ", "asin": "0006281141", "style": {"Format:": " Paperback"}, "reviewerName": "Bonita Ames", "reviewText": "Taking me alot of time to get thru this. My daughter told me to take my time, it's worth it. I am reading it slowly and getting into it.", "summary": "Hard Read", "unixReviewTime": 1383091200} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A3NBQDJ5X91S4P", "asin": "0007122586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Scruffy's Mom", "reviewText": "For Agatha Christir readers, I really enjoyed reading The Secret of the Chimneys. Suspenseful until the very end!", "summary": "Very good book!", "unixReviewTime": 1420070400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "AJ0XJ8CMXDIU6", "asin": "0007195087", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kevin M. Clark", "reviewText": "Should be required reading for every young adult... actually any adult or person interested in learning timeless priciples that are based on the \"Law of the Harvest\" that says you reap what you sow.", "summary": "Love This Book!", "unixReviewTime": 1392422400} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A3RQO6PLQRJ7F2", "asin": "0007204167", "style": {"Format:": " Paperback"}, "reviewerName": "cher", "reviewText": "An important and thoughtful novel in keeping with the authors other works.", "summary": "Four Stars", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": false, "reviewTime": "12 20, 2014", "reviewerID": "A30UB41CYUO91G", "asin": "0006177301", "reviewerName": "Amazon Customer", "reviewText": "added to my Clancy library", "summary": "Five Stars", "unixReviewTime": 1419033600} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "AAKNQ0VH1O4SG", "asin": "0006211712", "style": {"Format:": " Paperback"}, "reviewerName": "Lucas R. Godfrey", "reviewText": "Shipped and beautiful, looking forward to the read!", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A3QGBVDGR0IET1", "asin": "0007219121", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Refreshing, compelling, action packed. This new to me author has me hook, line and sinker! I will be reading all of her books.", "summary": "Wonderful read!", "unixReviewTime": 1423526400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A1144LEF4ACCZB", "asin": "0007250916", "style": {"Format:": " Kindle Edition"}, "reviewerName": "shawanda", "reviewText": "Not the easiest read, given all the technical info and medical advances covered but beautifully written and utterly engaging.", "summary": "Loved it", "unixReviewTime": 1479945600} +{"overall": 3.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A1BBJPTH0EQ6NB", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Emily", "reviewText": "I personally am not a fan of classics. It was ok but I like some other versions better,but everyone has different taste!", "summary": "Not bad", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A3COFOY2CWXG1V", "asin": "0006280560", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "horseygal", "reviewText": "this is a great book showing conversations aimed at unearthing the deceptions with which damned humanity defends its refusal of God. Good for group discussions", "summary": "this is a great book showing conversations aimed at unearthing the deceptions with ...", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A2TPGGPH4817ZY", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Charles H.", "reviewText": "It has been many years since I read the hobbit for the first time. I have enjoyed reading it more this time.", "summary": "Good to revisit", "unixReviewTime": 1392681600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2017", "reviewerID": "A39Y90VMDLP6O0", "asin": "0007119593", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Thrilling and exciting!", "summary": "Five Stars", "unixReviewTime": 1512864000} +{"overall": 5.0, "verified": false, "reviewTime": "10 24, 2008", "reviewerID": "A229M3D8AD64ZV", "asin": "0007271239", "style": {"Format:": " Hardcover"}, "reviewerName": "P. Foerstner", "reviewText": "I couldn't put this book down. I read it in one day. I laughed and I cried, sometimes at the same time. If you love dogs, you will love this book. This book looks at life (one family's life in particular) from a dog's perspective.", "summary": "You'll laugh while you're crying", "unixReviewTime": 1224806400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2014", "reviewerID": "A2VULDUA2M6LD6", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "rd-2020", "reviewText": "In love with this book. Makes you think and grow and feel like your thoughts are more brilliant and insightful than they've ever been.", "summary": "perfect.", "unixReviewTime": 1395360000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2013", "reviewerID": "A2BZVDVMHCJD9P", "asin": "0007353588", "style": {"Format:": " Hardcover"}, "reviewerName": "kokopeli", "reviewText": "This is an amazing look into the life and times of a man who lived over 500 years ago. She brings all the characters to life , especially Thomas Cromwell .", "summary": "A window on England", "unixReviewTime": 1357776000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2011", "reviewerID": "A2XG1GZGXXQ3DL", "asin": "0006755208", "style": {"Format:": " Paperback"}, "reviewerName": "J. Ney-Grimm", "reviewText": "Loved the book. My daughter is reading it now, and she also loves it. Diana Wynne Jones is simply a marvelous storyteller. Regarding the seller: the book arrived promptly and in exactly the condition specified. Excellent!", "summary": "Great book!", "unixReviewTime": 1304121600} +{"overall": 4.0, "verified": false, "reviewTime": "03 16, 2016", "reviewerID": "A7R2SQ3S1F4MJ", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "James O'Grady", "reviewText": "Very familiar story line, but with enough different twists to keep you not only reading this book, but the whole series.", "summary": "Very familiar story line, but with enough different twists ...", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": false, "reviewTime": "12 6, 1998", "reviewerID": "A2SI3FOKW89T20", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Jaycruiser@yahoo.com", "reviewText": "The introduction to the trilogy \"The lord of The Rings\" is truly a masterpiece. The best book of the century. I read it in 3 days. The adventurews of Bilbo Baggins are exhilerating.", "summary": "A thrilling fantasy, One of the best books I've ever read.", "unixReviewTime": 912902400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2008", "reviewerID": "A65ODI58988YU", "asin": "0006755232", "style": {"Format:": " Paperback"}, "reviewerName": "JoJo", "reviewText": "This goes along with the other book, \"Castle in the Air\". Really incredibly fun. I loved these 2 books. Good for any age !", "summary": "Wonderful", "unixReviewTime": 1223424000} +{"overall": 5.0, "verified": false, "reviewTime": "08 9, 2016", "reviewerID": "A397M1PS44F8XY", "asin": "0006178324", "style": {"Format:": " Kindle Edition"}, "reviewerName": "amazing game", "reviewText": "Ex Lela\n\nEXCELLENT BOOK. THE STORY OF A YOUNG MAN WHO WALKS FROM EASTERN USA TO CALIFORNIA AFTER THE CIVIL WAR INTENT ON MAKING A FORTUNE. HE HAS MANY ADVENTURES....WITH NEWS PAPER REPORTER...LAND OWNERS...WOMEN...CROOKS....BUT IN THE END HE MAKES....YOU HAVE TO READ THE BOOK.", "summary": "Ex Lela EXCELLENT BOOK. THE STORY OF A YOUNG MAN WHO ...", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A6FND1JP8U6I7", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "J. F. Weigl", "reviewText": "Came in perfect shape.", "summary": "Good read", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2015", "reviewerID": "A36G8IGEQCOUF1", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dominic Barrington", "reviewText": "Tolkein's world is remarkable and powerful. A classic which deserves to be re read regularly. Always wonderful and always a joy.", "summary": "The greatest classic", "unixReviewTime": 1442188800} +{"overall": 3.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A112XLN4J4TYLR", "asin": "0007224796", "style": {"Format:": " Board book"}, "reviewerName": "Mor and Tookie", "reviewText": "It's a very small (sized) board book. I thought it was going to be larger, but it's just about the size of my phone (i'd say around 5-6 inches tall)", "summary": "It's a very small (sized) board book. I thought ...", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A1UZUMJUVNDLZM", "asin": "0007303017", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CatWomen", "reviewText": "Example of unconditional love that is very powerful. The incite of what pets add to your life is amazing. The strength of the human spirit, persistence and love all in this book.", "summary": "Wonderful", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2014", "reviewerID": "AR3ONJ7AHZR31", "asin": "0007303017", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Scanmandan1", "reviewText": "Although the story is sad, the whole idea that a single dog can bring happiness back into a man\"s life is incredible.", "summary": "Hooray for Endal.", "unixReviewTime": 1394150400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A3BLGSF53STU1", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Elizabeth Owl", "reviewText": "As expected, it reads almost like a film. Entertaining, chilling, and leaves you desiring to know just how to defeat The Master.", "summary": "Good read!", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "A27X6ZGIHD7T0U", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carolyn Simpson", "reviewText": "I have read Tolkien's books before and love his imaginationn and his characters. Now I am reading the Lord of the Rings. Also reccommended.", "summary": "Tolkien's Books", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A2I7VLO4ACABDX", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Rutabaga", "reviewText": "Dystopia at its finest.", "summary": "Five Stars", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A3JDUI4EY73X12", "asin": "0002239892", "style": {"Format:": " Hardcover"}, "reviewerName": "muffin", "reviewText": "gave for gift", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "A2QUMB4XLJL0TI", "asin": "0001048767", "style": {"Format:": " Audio CD"}, "reviewerName": "Robert J. O'Brien", "reviewText": "This is not based on the recording but on the highly advanced recording; it belongs in the Shakespeare discography.\nFind it.", "summary": "Up-to-date Shakespeare", "unixReviewTime": 1385769600} +{"overall": 5.0, "verified": false, "reviewTime": "03 1, 2015", "reviewerID": "AQM78U96W5XA4", "asin": "0007329083", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "AMY_LEE_NERD", "reviewText": "Amazing book! I hope Steven Spielberg makes this into a movie like he said he would.", "summary": "Awesome Read!", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A2ZDCBNUYOREE8", "asin": "0007173121", "style": {"Format:": " Hardcover"}, "reviewerName": "Marilee", "reviewText": "Classic satisfaction. My grandson's loved it.", "summary": "Classic Satisfaction", "unixReviewTime": 1404259200} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "A3Q883O6AFS66T", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jessie Coates", "reviewText": "My deaughter in law really likes this book, so different tastes... I can't read about unrelieved gloom and sorrow, I don't remember dates only people. Clever author, good subject, just not for people who like to see the hopeful side of things.", "summary": "No small detail omitted.", "unixReviewTime": 1388620800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A142JF3YJRKDR8", "asin": "0007118899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patti Hearn", "reviewText": "God forgive us for the things we take for granted.\nI was taken to a different time and place every time I started reading a page in this book.", "summary": "Do not miss this experience.", "unixReviewTime": 1429574400} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "A1MOHGBOB32QRI", "asin": "000720602X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "The Gray Man", "reviewText": "This should be required reading before getting a high school diploma. It gives the foundational thinking that led our Founding Fathers to break with England and create our country.", "summary": "Required Reading.", "unixReviewTime": 1503360000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71jnU+PdM9L._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81rjr0cKhaL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "A2N27BOXXZMEBD", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Gretchen Bates", "reviewText": "Lovely books. The covers are brightly covered and there are illustrations all throughout the set! This is great for my 2nd grade reader. She doesnt LOVE chapter books yet, so its fun for her to still have some pictures throughout. Love the story and C.S. Lewis never disappoints!", "summary": "Great books and beautifully illustrated!", "unixReviewTime": 1524441600} +{"reviewerID": "A1342T7FEBV3Q0", "asin": "0002247437", "reviewerName": "Thomas Wood", "verified": true, "reviewText": "He only writes about a few char's in this book, then says you can read about the others in the next book. mess's up the whole time frame. Bahhh", "overall": 3.0, "reviewTime": "09 12, 2013", "summary": "To mixed up,", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A1LDM9QD4SOU2Z", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "jack sloan", "reviewText": "classic", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "AN7XQ83SQDYKZ", "asin": "0007190301", "style": {"Format:": " Paperback"}, "reviewerName": "grandmah", "reviewText": "The author is great presenting in story line the historical information about the English Aristocracy During the Early centuries. She sticks to facts as much as she can then summaries with what is fact and what is fiction.", "summary": "The constant Princess", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "ADYA01RTSSRX8", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lili eylon", "reviewText": "dranatic, beautifully written saga of a piece of British history", "summary": "beautifully written saga of a piece of British", "unixReviewTime": 1443225600} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2012", "reviewerID": "A1HONM642KKI0Y", "asin": "0007205309", "style": {"Format:": " Hardcover"}, "reviewerName": "Kindle Customer", "reviewText": "This book focuses on the mental aspect of the game of golf and has many exercises that will benefit the average golfer.", "summary": "Zen Golf", "unixReviewTime": 1329609600} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A3VCTMUVV55SDM", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Audrey Stratton", "reviewText": "The book was beast and very good. Read it or I will b missed at youuuuu. Cya boiiis\n\nJ money", "summary": "Beast", "unixReviewTime": 1423612800} +{"overall": 4.0, "verified": false, "reviewTime": "06 30, 2016", "reviewerID": "A2NP5SG98EE1U3", "asin": "0007211228", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patricia Bloom", "reviewText": "Christie never disappoints. Just when you think you've got the murderer it turns out it's someone else and then again someone else! Lovely quick read.", "summary": "Intriging", "unixReviewTime": 1467244800} +{"overall": 4.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2SLKA9H2HJYKN", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "LiAnne", "reviewText": "It's heartwarming and heartbreaking. Well written and engaging. There are some basic Truths about the human condition. I haveesome doubts about the level of intellectual acumen demonstrated by our canine protagonist, however...", "summary": "Gut instinct", "unixReviewTime": 1464393600} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A3DVPA2G1T15PU", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Martha L. Groves", "reviewText": "I loved this book. It captures a period and a place with beautiful prose. Ross is a flawed man with kind, progressive instincts. Demelza is a pip.", "summary": "I loved this book", "unixReviewTime": 1437004800} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A1ZJ5HIZA1T9I9", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "LA lass", "reviewText": "These books grow on the reader. Its a journey of involvement with the characters. The era and location of the books adds to the relevance on the plot. A good read.", "summary": "The characters of Cornwall", "unixReviewTime": 1453161600} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A1ELQWH2G9NY7C", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Angie", "reviewText": "I really enjoyed this book. I completely forgot I had bought this until I saw the commercial for the show. I hope the show is as good as the book. I would definitely recommend.", "summary": "Great Book", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "A3M5NBAEY9GGEU", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Monique M.", "reviewText": "You will love this series by lois lowry!", "summary": "Five Stars", "unixReviewTime": 1517270400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2014", "reviewerID": "AI33R56ZZ0KZV", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Erik Carter", "reviewText": "I've wanted to read this book for a while now and I have to saw that it was well worth the wait!!!", "summary": "Worth it!!!", "unixReviewTime": 1388966400} +{"overall": 5.0, "verified": false, "reviewTime": "04 15, 2014", "reviewerID": "A3GHO0PJSJVRLE", "asin": "0007290802", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Reader", "reviewText": "I love Wally Lamb's books. His style of writing. Once I started reading this book, I couldn't put it down.", "summary": "The Hour I First Believed", "unixReviewTime": 1397520000} +{"overall": 4.0, "verified": false, "reviewTime": "11 28, 2004", "reviewerID": "A2P50TYDCV61AJ", "asin": "0007176236", "style": {"Format:": " Hardcover"}, "reviewerName": "Nose in a Book", "reviewText": "While Barney was no Stephanie...she didn't fail to amuse us in the least. Hooker and Judey added extra spice to this book and I was glad to see the absence of a female side-kick for Barney. Not a 5-star read...I save those for Ms. Plum!", "summary": "Different...but in a good way", "unixReviewTime": 1101600000} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A1XVQBVCX6PASN", "asin": "0007131089", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deb", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1446336000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A1F5817WZR7N6J", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jennifer Urtz", "reviewText": "My favorite!", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A7ZQFI0PTG7WO", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patricia M Lauber", "reviewText": "Much has been written about Jane Austen, who is deservedly revered as an exemplary and ground breaking writer with extraordinary gifts of observation and gentle satire. I do like \"Emma\" and \"Pride and Prejudice\" better.", "summary": "The incomparable Jane Austen", "unixReviewTime": 1368144000} +{"overall": 4.0, "verified": false, "reviewTime": "12 16, 2002", "reviewerID": "A37PV8U4DMKALG", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Alex", "reviewText": "Look people, if you can't read this book, set is down and read something else. Don't go on saying how boring it is, or complicated. Personally, I didn't like it. But I don't like people pointlessly dissing books even more.", "summary": "Read Other Things", "unixReviewTime": 1039996800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2013", "reviewerID": "A15VZ9CVWUETT1", "asin": "0007263899", "style": {"Format:": " Hardcover"}, "reviewerName": "Hawkeye Mom", "reviewText": "My son, my husband and I all love this book. The story is very silly and the pictures are too. It's very visually appealing and definitely will make your kid laugh. We love that he throws the cat in the tree! Overall, a fun read!", "summary": "Super funny", "unixReviewTime": 1360627200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "AHEZYSJ7NNQ4C", "asin": "0007221061", "style": {"Format:": " Paperback"}, "reviewerName": "Notasheep", "reviewText": "As usual, this is another outstanding book by Bernard Cornwell. Rich in history and helps me better understand what life was like at that time.", "summary": "Typical Cornwell", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "A3QEX3DRDE9TDW", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Robert Ferrante", "reviewText": "I think that this is an amazing book that teaches courage and adventure to all ages. I believe that it will be read for many more years to come.", "summary": "The Hobbit", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "AL62PMRZ0KDLV", "asin": "0007172826", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Bought and really enjoyed this book to the fullest. Have recommended this book to many of my friends who love to read!", "summary": "Book of the month", "unixReviewTime": 1391385600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A13OOFS1LU50MJ", "asin": "000726755X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sherry King", "reviewText": "Love all koontz books and this was no exception. Odd is a very interesting character", "summary": "Odd apocalypse", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A1D82D1H460FHH", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jac H", "reviewText": "...that you don't want to put down. The plot is so unique, the characters are diverse but all easy to relate to. I can't wait to read the next book.", "summary": "One of those books...", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A3F0HW8ME42HK5", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "gkling", "reviewText": "I read this book several times and find new things everytime I read it again", "summary": "Five Stars", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A3P1M6Z4NP0K6O", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M W Gillespie", "reviewText": "Thoroughly enjoyed the witty language. Probably read some Dickens at primary school & didn't appreciate it.\nFound myself chuckling away quite unexpectedly.\nI'd recommend it to all who want to escape back in time", "summary": "Thoroughly enjoyed the witty language", "unixReviewTime": 1409011200} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A2R7WDL21BGKIB", "asin": "0006490344", "style": {"Format:": " Hardcover"}, "reviewerName": "Barbara", "reviewText": "This book is a replacement for the title in my Classics' Library. Condition and service were as described and I was very satisfied with my purchase.", "summary": "A Classic", "unixReviewTime": 1354233600} +{"reviewerID": "A3OMT2VJT40AML", "asin": "000100039X", "reviewerName": "Prairieflower", "verified": false, "reviewText": "Beautiful language. Feels like biblical psalms or Buddist koans.\nRead it on a short flight. perfectly sized bites of wisdom.\nmy teenage daughter also thought it was cool.", "overall": 5.0, "reviewTime": "07 28, 2016", "summary": "Everyone should read it once", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A3F5789D7N1C75", "asin": "000617454X", "style": {"Format:": " Hardcover"}, "reviewerName": "Elaine Mary", "reviewText": "Was gift to someone who loves his writing!", "summary": "Gift for Clancy lover", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": false, "reviewTime": "01 26, 2017", "reviewerID": "A5T1VHUNESMRP", "asin": "0007196121", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Melinda Norton", "reviewText": "So rich, so complex! Loved the book", "summary": "A must read!", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2001", "reviewerID": "A1ISXB65YCE91C", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Michael Moulton", "reviewText": "If you have never read this series, buy it now and get started! Every fantasy book, movie, or game in the past 50 years owes its existence to Tolkien's classics. I could say more-- but the reviews here speak for themselves. Read it!", "summary": "Best books ever written", "unixReviewTime": 996451200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A2WPY3VYBNXNIM", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Teresa Mitchell", "reviewText": "One of the best books I have ever read! Lived Torrance and went to the same church he went to. I can remember many of the places\nhe talked about and I remember my Mother reading the papers to us kids about the war. It was a great read and it brought many memories back", "summary": "A must read", "unixReviewTime": 1472774400} +{"reviewerID": "AX2HSXZ9LWM4W", "asin": "0002241277", "reviewerName": "Sandy Powell", "verified": true, "reviewText": "Loved the action. Really kept my attention with the twists and turns. James Patterson tells a great story and keeps me turning the pages.", "overall": 5.0, "reviewTime": "02 26, 2013", "summary": "Great", "unixReviewTime": 1361836800} +{"overall": 3.0, "verified": true, "reviewTime": "06 16, 2008", "reviewerID": "ADQ23KHZ6G6NQ", "asin": "0007197675", "style": {"Format:": " Hardcover"}, "reviewerName": "Steve Powers", "reviewText": "This item arrived quickly and in good condition. Jack Welch is a great leader, but some of his ability and ideas about leading cannot be conveyed on the written page.", "summary": "Good thoughts from a great leader", "unixReviewTime": 1213574400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "AD3NQWZGJV2W3", "asin": "000617342X", "style": {"Format:": " Paperback"}, "reviewerName": "Embem", "reviewText": "cant put it down!", "summary": "wonderful saga", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A1N2NZ5G5N32KH", "asin": "0007318529", "style": {"Format:": " Kindle Edition"}, "reviewerName": "vesna malenica", "reviewText": "Such a interesting and lovely written book. I really enjoyed it.", "summary": "I really enjoyed it.", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A3P8NVMIYY1OBZ", "asin": "0007136854", "style": {"Format:": " Kindle Edition"}, "reviewerName": "boone's momma", "reviewText": "I had never read any of her books but I am now a die hard Agatha Christie fan! She is an awesome writer.", "summary": "She is an awesome writer.", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A2NE482KVLWR8Q", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "Julie russell", "reviewText": "Purchased as a gift.", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "AFKSRDU76AP9B", "asin": "000713746X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Happy shopper", "reviewText": "Good advice. Makes sense. Tried the would instead of could. Seems to work.", "summary": "Five Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A14RUDSECBMISZ", "asin": "0007236115", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donna", "reviewText": "Loved it. Can't wait to read the next book. It's a real delight. Thank you for a great adventure. Keep it coming.", "summary": "The good the bad and the undead", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "A7HHSHKMA1QOM", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Chuck395", "reviewText": "I read it 20 years ago and enjoyed it now just as much if not more. Always an easy read and a great adventure.", "summary": "Classic", "unixReviewTime": 1363910400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2004", "reviewerID": "AAP7PPBU72QFM", "asin": "0002246791", "style": {"Format:": " Hardcover"}, "reviewerName": "D. C. Carrad", "reviewText": "Has its (minor) flaws, but Wow! What a ride! This book is extraodinarily well-written, with great dialogue, prose and structure, provocative and intellectually challenging. A delight to read. Made me run out to buy his other works.", "summary": "Best alternate history book ever", "unixReviewTime": 1096761600} +{"reviewerID": "A5VSHKVOJNZH2", "asin": "0001939777", "reviewerName": "Rosalind M. Porter", "verified": true, "reviewText": "I didn't order this on Amazon!", "overall": 1.0, "reviewTime": "03 4, 2018", "summary": "One Star", "unixReviewTime": 1520121600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2008", "reviewerID": "A360SH1CDFTH83", "asin": "0007263589", "style": {"Format:": " Hardcover"}, "reviewerName": "Jersey Gal", "reviewText": "This is a great read written by a revolutionary economist with the gift of explaining complicated/complex economics to laypeople. A great job, and highly recommended. It will also make you reflect on how you make decisions and whether they are rational decisions.", "summary": "Great read! Economics made easy for the layperson", "unixReviewTime": 1217808000} +{"overall": 5.0, "verified": false, "reviewTime": "03 10, 2013", "reviewerID": "A232TCFN0GNA42", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Curtis E. Dahl", "reviewText": "It's my second time ready this story and Ive enjoyed it just as much as the first time. Lots of lessons learned about friendship and courage.", "summary": "great story", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A3RIO0QHF34TN6", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Hi", "reviewText": "This is an amazing book about a small little hobbit who goes on an unexpected journey (obviously) and travels across the world overcoming obstacles like wolves,goblins,elves,and of course a dragon!!!! You'll have to find out what happens next.", "summary": "Amazing book!!!!", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A1VGK6BOKU2XDD", "asin": "0007304838", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Otha D. Shannon", "reviewText": "This is one great piece of writing,one that keeps the suspense going until the very end. Can not wait for the next book.", "summary": "Top notch writing", "unixReviewTime": 1406505600} +{"reviewerID": "A38J5AO4ARX3JQ", "asin": "0002259664", "reviewerName": "Mike Stewart", "verified": false, "reviewText": "As usual, Bernard Cornwell delivers a fast-paced story with real-life characters. His deep research provides a very educational perspective into how people of the era lived and fought.", "overall": 5.0, "reviewTime": "04 23, 2017", "summary": "As usual, Bernard Cornwell delivers a fast-paced story with ...", "unixReviewTime": 1492905600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A1J1D5P1PNXX3T", "asin": "0007386621", "style": {"Format:": " Paperback"}, "reviewerName": "Janet", "reviewText": "This true story is absorbing, clearly written, and a tribute to the WACS as well as the heroism of our military\nin WWII. The book has an index which shows research. The photos also clarify and add to the text.", "summary": "This true story is absorbing, clearly written, and ...", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2013", "reviewerID": "A2201A7JN0FAP6", "asin": "0006497071", "style": {"Format:": " Hardcover"}, "reviewerName": "B. Hurley", "reviewText": "This is a classic and although a tough read in some areas it was a wonderful love story.\nThe movie was great and the scenery breathtaking.", "summary": "A classic", "unixReviewTime": 1366761600} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "11 2, 2013", "reviewerID": "A2I8F2SDPJBWW2", "asin": "0007213182", "style": {"Format:": " Paperback"}, "reviewerName": "Judith R. Mitchell", "reviewText": "I was very excited to get this book and couldn't wait to use it. However, I could not find ANY clues to the first 15 to 20 words I looked up! I went back to my trusty Andrew Swanfeldt Crossword Puzzle Dictionary which I can always count on.", "summary": "Very Disappointing", "unixReviewTime": 1383350400} +{"overall": 5.0, "verified": false, "reviewTime": "01 25, 2014", "reviewerID": "A2QGSGU9F37AG6", "asin": "0006513220", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mallory", "reviewText": "I can't put into words what this book means to me. It just transcends words and thoughts. If GR had an unlimited rating that would be what I would give it. I feel... So much. All I know is that the love that Tatia and Shura had for each other could be felt with each word", "summary": "So freaking amazing!", "unixReviewTime": 1390608000} +{"reviewerID": "A26O3ZVX3WX4AP", "asin": "0002247437", "reviewerName": "Alva K.", "verified": true, "reviewText": "Great job George love how each chapter is a different characters happenings", "overall": 5.0, "reviewTime": "03 10, 2015", "summary": "Martin sits upon the Iron Throne", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": false, "reviewTime": "07 29, 2005", "reviewerID": "A15DA4VV4CCXOF", "asin": "0007152523", "style": {"Format:": " Hardcover"}, "reviewerName": "David J. Sheskin", "reviewText": "This is an excellent book which provides the clearest explanations I have ever read regarding issues relating to cosmology and the history of theories of the origin of the universe.", "summary": "Terrific book!", "unixReviewTime": 1122595200} +{"overall": 1.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "AEINLNM3JYXGJ", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. Whitehead", "reviewText": "I love Jane Austen's \"Emma\". I had packed my print copy for a cross-country move, so decided to get the Kindle version. I couldn't even get it to open! Boo-hiss!", "summary": "I love Jane Austen's \"Emma\"", "unixReviewTime": 1430265600} +{"overall": 3.0, "verified": true, "reviewTime": "09 9, 2013", "reviewerID": "AR377SW2RVET", "asin": "0007199759", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cathy", "reviewText": "This was an okay story, but not my favorite, by the author. I would sure read more of her work", "summary": "in My Opinion", "unixReviewTime": 1378684800} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "ATB04GKUSHALA", "asin": "0002173611", "style": {"Format:": " Kindle Edition"}, "reviewerName": "GLV", "reviewText": "Great book but the print size is small, irritatingly so. Granted, it's quite a tome (and a brilliant history), but I finally ordered an e-book version so that I could read it in a reasonably sized font.", "summary": "GREAT BOOK BUT small print", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "ATS413TZJM477", "asin": "0007350899", "style": {"Format:": " Hardcover"}, "reviewerName": "Ellen in Vegas", "reviewText": "As a collector of all things about Scrooge, this book is a wonderful addition to my many books about Scrooge and the tale of a Christmas Carol.", "summary": "Scrooge Rules", "unixReviewTime": 1493164800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A1DGWXB9OBODKR", "asin": "0007312148", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jaymarj", "reviewText": "Non-stop action and interesting plot! One of the fastest read I did. I was happy to purchase this book! Highly recommended.", "summary": "A great and fast read!", "unixReviewTime": 1375401600} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2012", "reviewerID": "A3Q7D2DSV9MR0H", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pat Raring", "reviewText": "This is a book about life. Its ups and downs told through the eyes of a dog. I would recommend this book to everyone.", "summary": "absolutely fantastic", "unixReviewTime": 1350950400} +{"overall": 5.0, "verified": false, "reviewTime": "12 25, 2007", "reviewerID": "A1QQN790LXAZBY", "asin": "0007148976", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Jessica L", "reviewText": "I read this in high school and loved it. I'm reading it to my children now (the oldest is 7yrs) and they love it also. I think they would get more out of it in a year or two, but this is a must read! There is a reason it won an award!", "summary": "classic!", "unixReviewTime": 1198540800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "A37666CYALZTX4", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "starfish", "reviewText": "This is my second read by this author. I love his witty dialogue and character development. I started questioning the direction\nthis book was taking yet it tied up nicely in resolution. Good read!", "summary": "Wow!", "unixReviewTime": 1510876800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A1K3NM9296JCCR", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shirley Levings", "reviewText": "I enjoyed the book as well as the TV series.", "summary": "Ross Poldark, Tale of Cornwall", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A22LCVWK5NA0GS", "asin": "000711835X", "style": {"Format:": " Kindle Edition with Audio/Video"}, "reviewerName": "Shawn A Downing Jr", "reviewText": "Tolkien is a genius and his Brilliant son Christopher should be commended for continuing his father's noble work. Nuff said", "summary": "Classic Genius", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A2B4QYNKZUEW6E", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nick", "reviewText": "The kids I know are glued to the computer/smart phone/kindle already.. Why not help them read something like a classic? Provided hours of entertainment and taught a few good lessons along the way..They go back to it several times as well..", "summary": "Nice and free for Kindle.. Thanks Amazon!", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "ABCA0C88F1TI1", "asin": "0007247095", "style": {"Format:": " Paperback"}, "reviewerName": "School P.", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A2N4T913286TZ3", "asin": "000105001X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sandra Jane", "reviewText": "Compelling from start to finish; difficult to put down", "summary": "Five Stars", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A3J50GJYVKRGED", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "The greatest book ever written. Still revelent no matter the time read.", "summary": "Five Stars", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2010", "reviewerID": "A2MIZWCZOZ5PTS", "asin": "0006486029", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Halo", "reviewText": "One of the best series I have ever read highly recommend it to anyone who likes adventure and fantasy books", "summary": "I love this series", "unixReviewTime": 1285977600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "AQIEN3BHQFFQ", "asin": "0007202628", "style": {"Format:": " Hardcover"}, "reviewerName": "Marc O'Polo", "reviewText": "Purchased this for my granddaughter. The rating is hers. She really enjoyed this book of poems. (She also loves all things about cats.)", "summary": "YA enjoyed these poems", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": false, "reviewTime": "07 7, 2013", "reviewerID": "A13IZC9879GKW8", "asin": "0007281447", "style": {"Format:": " Paperback"}, "reviewerName": "little lamb", "reviewText": "I love tennis and I adore Agassi. The book was well written and fascinating. Agassi has a phenomenal memory and the book was honest and engaging. I couldn't put it down.", "summary": "Engaging", "unixReviewTime": 1373155200} +{"overall": 1.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A2OFUJ8XYU7QD6", "asin": "0007173113", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bob from Seattle", "reviewText": "I was unable to open it on my Macintosh computer with Amazon's software. I sent an e-mail which Amazon ignored.", "summary": "Could not open on Mac", "unixReviewTime": 1425254400} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A1GAPGX97GK7HK", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Erla F Boylebra", "reviewText": "good read", "summary": "Four Stars", "unixReviewTime": 1415577600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "01 16, 2012", "reviewerID": "AQZC15SPOD5AF", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lololsn", "reviewText": "I'm glad I was able to read book 4 & book 5 at the same time. Unfortunatly book 6 hasn't come out yet, so of course you are left hanging. I'm glad I had read the reviews first. I wasn't as disappointed because I knew what to expect.", "summary": "I'm a fan, but.....", "unixReviewTime": 1326672000} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2014", "reviewerID": "A8WD29DKN8ZC3", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Shopper22", "reviewText": "Good quality book. I bought as a 'required read' for my daughter's 5th grade class. She hasn't finished reading this yet, but it looks very good and there are a few color photos throughout the book to help break up the long reading chapters.", "summary": "The binding & pages are well made...", "unixReviewTime": 1395360000} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A74XNUC3NJI27", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carole H", "reviewText": "Excellent book for anyone who wants to try out Dickens. Why this has not been re-made as a film (I know there was one with Trevor Howard) recently I do not know, as it would make excellent entertainment. Exciting, atmospheric, with a great twist at the end.", "summary": "History and excitement", "unixReviewTime": 1436572800} +{"overall": 3.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A3PVCM5PMLH0M1", "asin": "0007254008", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Alvin Dix", "reviewText": "A good read. Camilla Lackberg is not formulaic but she wraps her characters in the plot quite neatly. Slow start.", "summary": "Another successful crime novel", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A38TY5VAUIEHEM", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "The Ferguson Family", "reviewText": "It's one of my favorite Dr. Seuss books. I have 2 relatives graduating college this year, will probably send them each a copy.", "summary": "It's one of my favorite Dr. Seuss books", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A1IXE52P1AMVJ5", "asin": "0006479227", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Yabbadabbadoo", "reviewText": "A classic.", "summary": "Excellent short stories", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A1NNDMVS2JZ9RY", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dr. M. J. Maddox", "reviewText": "After all these years (I first read it when I was in the tenth grade) it remains my favorite Dickens novel. At a time when most teenage girls were swooning over Elvis, I was in love with Sydney Carton.", "summary": "Ah, Sydney!", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A1B6ZDJN9CG00K", "asin": "0007224796", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shadman Zafar", "reviewText": "Great read for 3-4 year olds ... It is wonderful to read stories to kids --- this is a great book to read to them, it gets emotions going in those little heads about a lost kid and his/her mummy.", "summary": "great read for 3 and four year olds", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A1YSLKY3O4C1E3", "asin": "0006479227", "style": {"Format:": " Paperback"}, "reviewerName": "amt", "reviewText": "Bradbury is a king!", "summary": "Brilliant", "unixReviewTime": 1430352000} +{"overall": 4.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A3SXE3DTLFLWXP", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "R. Kehr", "reviewText": "I was hoping for more in this book. It had some juicy bits and pieces but really seems like a set up for the next book I did enjoy reading it and will get the next one when it gets finished.", "summary": "Good", "unixReviewTime": 1427241600} +{"overall": 4.0, "verified": true, "reviewTime": "10 6, 2017", "reviewerID": "A3D4UP7ZP63BZ6", "asin": "0006211712", "style": {"Format:": " Paperback"}, "reviewerName": "Kathy McKee", "reviewText": "Very interesting view of C.S. Lewis' early life and very reluctant conversion to Christianity!", "summary": "Very interesting biography", "unixReviewTime": 1507248000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A2AVCTAFTCRJ3G", "asin": "0002259524", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Patricia Prior", "reviewText": "Good book. Enjoyed it.", "summary": "Five Stars", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A2B0F0WPRKV2K7", "asin": "0007285973", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M L Mann", "reviewText": "I loved the story. Beautiful tapestry of the lives of the characters. Convincingly real and it interested me enough to look up the places in the story on a map and imagine them.", "summary": "lovely", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "A27HCPZ8DIR0BW", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Laura C", "reviewText": "Take yourself to a most fascinating place in time right now with Santiago on his mind, body and spiritual journey you will learn from and never forget.", "summary": "Mind-opening, inspirational, beautifully written", "unixReviewTime": 1387843200} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "08 12, 2015", "reviewerID": "A1LLIOLHU8Q469", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "Harrison", "reviewText": "This book doesn't state clearly anywhere that it is an abridged copy. Do yourself a favor and read the full version like Dickens intended his readers to. Super disappointed.", "summary": "ABRIDGED VERSION- Don't be fooled by their lack of advertisement.", "unixReviewTime": 1439337600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A3ESAJJO7I71CJ", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "Dustin Mccain", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "A1LGAODHA2AJ74", "asin": "0007236123", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SAM", "reviewText": "Hard to put down. It's great to find a new author and series with solid writing and entertaining plot lines. Careful, you will end up reading the entire series and be stuck eagerly awaiting the next release.", "summary": "Hard to put down.", "unixReviewTime": 1449964800} +{"overall": 5.0, "verified": false, "reviewTime": "10 31, 2014", "reviewerID": "A3BXXC30OGP3AF", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "wagerc", "reviewText": "This is really a great reading book ~~ I would recommend it to anyone who reads a great deal and is a Harry Potter fan!!", "summary": "Hobbit", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2014", "reviewerID": "A2SR1FYVKVU7W9", "asin": "0007173121", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Etienne1530", "reviewText": "My son, my wife, and I love this book. I would even say this is our favorite Dr. Seuss book.", "summary": "indeed we are lucky", "unixReviewTime": 1393891200} +{"overall": 1.0, "vote": "101", "verified": false, "reviewTime": "02 9, 2010", "reviewerID": "A3BOO53XT2GYI3", "asin": "0007230206", "style": {"Format:": " Hardcover"}, "reviewerName": "Milton Garber", "reviewText": "If you like spending time figuring out who the pronouns are referring to and who is speaking in unattributed dialogue, then you will like Wolf Hall. I did not enjoy it and will probably stop reading where I am now, around page 90.", "summary": "puzzle writing", "unixReviewTime": 1265673600} +{"overall": 3.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1DY2XBGWDAVVU", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Peppomint", "reviewText": "My first novel I've read in this series. The most recent novel had gotten very good reviews, so I chose book 6 as it was cheapest. At times very slow reading, but as the mystery of the murders enfolded it was quite good. I will read another book in the DI Tom Thorne series.", "summary": "Buried", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A3463BWE8OP0JL", "asin": "000715707X", "style": {"Format:": " Hardcover"}, "reviewerName": "JOANIE DELLEFIELD", "reviewText": "Purchased copies for my younger grandchildren. We all love Charlie's adventures!", "summary": "A Fun Read!", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2011", "reviewerID": "ATV3EXS5LJOWG", "asin": "0002251337", "style": {"Format:": " Hardcover"}, "reviewerName": "fwpc", "reviewText": "This cookbook is interesting and informative about balsamic vinegar. And the recipes are wonderful. Have tried several and love them all.\nHighly recommend it.", "summary": "Excellent cook book", "unixReviewTime": 1297036800} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2012", "reviewerID": "A3QDAG67NL8RNF", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "hhuffine", "reviewText": "This was a gift and the recepient was very pleased. Very good quality, expedited shipping, and overall pleased with entire transaction.", "summary": "Was a gift", "unixReviewTime": 1326931200} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A3VZRVFVTFVGSW", "asin": "0005986303", "style": {"Format:": " Hardcover"}, "reviewerName": "Jonathan Hernandez", "reviewText": "I needed the 11th edition for my DE class. I bought the 9th instead. It is all the same book. With only minor changes. And some of the questions are similar or exactly the same.", "summary": "Great book.", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A11JDEMF0W38OE", "asin": "0007214227", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Camp Runamok", "reviewText": "I just reread this on my Kindle. Just a truly fascinating story. The story of John Harrison is a classic, and Sobel tells it brilliantly. A big thumbs up.", "summary": "A Great Story", "unixReviewTime": 1401580800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A30PYCE9NFX7CZ", "asin": "0006415008", "style": {"Format:": " Paperback"}, "reviewerName": "Heavenly", "reviewText": "Make no mistake this book let's you know that there is a spiritual war going on and if you are going to win you better know your enemies name to blow his game!!! It gives you step by step instructions on how to bind each Strongman and how to keep the door closed to him!!!", "summary": "... on and if you are going to win you better know your enemies name to blow his game", "unixReviewTime": 1458777600} +{"overall": 3.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A2BZQIDRMZU0S5", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Its Ok", "summary": "Three Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A2IBG1MRCMVRST", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CMF", "reviewText": "This was a great, interesting story. I read it over Christmas break and couldn't really put it down. Finished it in about 2 days. Definitely recommend it to anyone interested in this sort of content.", "summary": "Loved it.", "unixReviewTime": 1390348800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A1EPKK8WHNWX63", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "TJ", "reviewText": "But I liked it so much after they opened it that I'm thinking about buying another one for my own use.", "summary": "I gave it as a Christmas gift!!", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A3NA8IBZR3TBGO", "asin": "0007229674", "style": {"Format:": " Hardcover"}, "reviewerName": "JeannieB", "reviewText": "This book show you the real Gordon! His background, rise to fame & current life.\nThe man is charming, witty, and loving. If you have ever watched any of his shows,\nthis is a must read!", "summary": "Everyone thinks they know the real Gordon Ramsay...", "unixReviewTime": 1354060800} +{"overall": 3.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A2ARA8OTL0SKNV", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Chelsey Goodwin", "reviewText": "Good but it falls short at the end and isn't as good as the first three.", "summary": "Good and only a slight disappointment.", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2013", "reviewerID": "A2BMQUBXK1ATUC", "asin": "0007236123", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "pls read my review on For a Few Demons More (the Hollow, Book 5) it says it all. Read it.", "summary": "bought it, love it", "unixReviewTime": 1373241600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2013", "reviewerID": "A3IVHI2ZABLD89", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "online shopper", "reviewText": "I had the LP, and listened to it daily for awhile. It was time to go to CD, eventually iPod. Great songs.", "summary": "Takes me back to high school", "unixReviewTime": 1380326400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A283GGQLSD1DPN", "asin": "0003302245", "reviewerName": "Lucas Beattie", "reviewText": "A great classic. A real page turner.", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": false, "reviewTime": "08 1, 2014", "reviewerID": "A1OHRA72U9TMCN", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sue Combs", "reviewText": "excellent book I should have read this ages ago, it was a quick read and worth every minute", "summary": "Five Stars", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A3ZEXYWO6CUWN", "asin": "0007147295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Megan", "reviewText": "Another great read from Philippa Gregory! I couldn't put the book down!", "summary": "Five Stars", "unixReviewTime": 1442016000} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "A35IG7N3UPC1C5", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Lynn Adams", "reviewText": "Given as a present.", "summary": "time for Holiday shopping.", "unixReviewTime": 1443744000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A1QOQA9UEDF4VU", "asin": "0007178484", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Indiranda", "reviewText": "Although promising much, the book gets bogged down in many places. She also repeats herself too often. It felt like a real chore to keep reading.", "summary": "Such a long winded read.", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": false, "reviewTime": "03 13, 2009", "reviewerID": "A2HMQTWX6Q9EA6", "asin": "0007290802", "style": {"Format:": " Hardcover"}, "reviewerName": "M. Ward", "reviewText": "When I first picked up this book, I thought there was probably too much going on for it to be really credible but was I wrong! Every disaster that occurs, creates a different nuance in their lives. It really came full circle and I enjoyed every bit of the ride.", "summary": "Amazing!", "unixReviewTime": 1236902400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "A3493IN80XBEQV", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "ThisIsSoDamaris", "reviewText": "It is a wonderful book and the book is nicely made and shaped an all that jazz. Content, even more so honestly!", "summary": "Adored", "unixReviewTime": 1385769600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "AH4ILBZMEF2J9", "asin": "0007351054", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "The Blue Dino", "reviewText": "This is CLASSIC literature and a wonderful novel to have in any one's Penny Dreadful collection.", "summary": "A wonderful Oscar Wilde Classic", "unixReviewTime": 1466294400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "AGAKB1WVIAHZ0", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eva", "reviewText": "Honestly one of my favorite books ever! J.R.R. Tolkien was a true genious!!!", "summary": "Phenomenal, extraordinary and wondrous! !", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": false, "reviewTime": "04 8, 2013", "reviewerID": "A3EZEWD87334EF", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "Ok of the 3 books in the trilogy this one is my favorite park of the story. I recall being 12 and not being able to sleep thinking of what was going to happen next. Just awesome.", "summary": "The best", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A330XNBPYVHJEF", "asin": "0007325169", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "good book", "summary": "Five Stars", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A333AJFGMCNBM6", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "loc nguyen", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "ASC5VARS5IZT3", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Daddy is home", "reviewText": "One of the best books ever written.", "summary": "JRR is the man!", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A3SAGW1HZ2R6IJ", "asin": "0007236360", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shirleen Curtis", "reviewText": "This was a very good book about child abuse and what it does to kids. I really enjoyed it very much. I would highly recommend this book to everyone.", "summary": "This was a very good book about child abuse and what it does to ...", "unixReviewTime": 1411603200} +{"reviewerID": "A1S6WK5PTXAO2P", "asin": "0001050230", "reviewerName": "Elizabeth Agramonte", "verified": true, "reviewText": "I love this book! I recommend it to everyone to read", "overall": 5.0, "reviewTime": "11 28, 2017", "summary": "Five Stars", "unixReviewTime": 1511827200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2013", "reviewerID": "AFE83MJ9H2G3A", "asin": "0007281048", "style": {"Format:": " Paperback"}, "reviewerName": "deanna", "reviewText": "I love Cathy Glass books they are so detailed and very interesting once I started reading this I couldn't put it down", "summary": "great book", "unixReviewTime": 1373846400} +{"overall": 4.0, "verified": false, "reviewTime": "05 19, 2015", "reviewerID": "A3K37QVJCLI6AQ", "asin": "0007141424", "reviewerName": "Amazon Customer", "reviewText": "This is not my normal genre, however, I did enjoy this book. I like how the ending is ambiguous so that I could envision something wonderful for Jonas and Gabe. Very good book!", "summary": "Great book", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "A3DNB2S6BNDYD8", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer Tomt", "reviewText": "Dean Koontz is one of my favorite authors and this series has had me hooked from the very beginning. He never fails with his intriguing characters and the story line is well developed. I wouldn't change a thing! All I can say is that I hope he keeps them coming!", "summary": "Awesome book!", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "A3R1D7LZUJ2H6H", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gideon Kalve Jarvis", "reviewText": "What more can I say than that it was free? Really, there isn't anything else to be said, except that it was, and the contents of the classic are what I expected.", "summary": "Free Classic", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2013", "reviewerID": "ATF68A2OD624F", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Pam A. Levora", "reviewText": "My son and husband both think these are the best books ever written. It is nice to have in a set.", "summary": "How can you not love it!", "unixReviewTime": 1374969600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A1TB31OEXVEINI", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "veggie nurse", "reviewText": "I needed a KJV Bible for my Kindle & it's awsome! It's God's work, what more can I say about it? Get a Bible, read it, apply it!", "summary": "It's the Bible, it's the most awsome thing for sale on Amazon!", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A28XKB60J0AIY9", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "Marcia", "reviewText": "Bought this for a Baby Shower gift where they asked that you give a book in lieu of a greeting card. One of my personal favorites of Dr. Seuss.", "summary": "Bought this for a Baby Shower gift where they asked ...", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A8H8FYR857YLS", "asin": "0001712764", "style": {"Format:": " Hardcover"}, "reviewerName": "SusieQ", "reviewText": "Read this to my sons whom loved the book. So had to get it for a granddaughter. Still can read this without looking at the words. Love the book!", "summary": "Read this to my sons whom loved the book", "unixReviewTime": 1421971200} +{"overall": 4.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "AC9MPGZ7ZTB1O", "asin": "0007236425", "style": {"Format:": " Paperback"}, "reviewerName": "Lenny B.", "reviewText": "Very informative. Good start for fact finding mission.", "summary": "Informative.", "unixReviewTime": 1430611200} +{"overall": 4.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A2WHEEBXSTNHLG", "asin": "0006064922", "style": {"Format:": " Hardcover"}, "reviewerName": "Jim S.", "reviewText": "This book is nothing fancy but it does the job I purchased it for. For the price and quality, I would recommend.", "summary": "I would recommend.", "unixReviewTime": 1460073600} +{"overall": 3.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A350W3O3HS0LHD", "asin": "0006545793", "style": {"Format:": " Kindle Edition"}, "reviewerName": "drylander", "reviewText": "Ok", "summary": "Ok", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A2IA4F31CIQ3AU", "asin": "0003302245", "reviewerName": "Tony Sampson", "reviewText": "Great Classic", "summary": "Creat Classic", "unixReviewTime": 1489795200} +{"overall": 5.0, "verified": false, "reviewTime": "03 21, 2014", "reviewerID": "A2MJCELRO6XVDD", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "janice then", "reviewText": "great, exciting wonderfully written novel only problem is the next book still isn't out after 10 years so don't expect to learn all the answers. Many cliff hangers...", "summary": "need next book", "unixReviewTime": 1395360000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2012", "reviewerID": "A965ISQYOIJ9Y", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "FRANCISCO JOSE SALVADOR PILLADO", "reviewText": "Is he going to leave this way.. When's the next book? He can't die! He must go on writing! Don't stop!", "summary": "Aghast", "unixReviewTime": 1354406400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "ADVKG680448G9", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Raymundo Montero", "reviewText": "Very well and in great conditions, I recommend it.", "summary": "Five Stars", "unixReviewTime": 1427587200} +{"overall": 5.0, "verified": false, "reviewTime": "09 21, 2014", "reviewerID": "A17WWLDZ6SHZ7Z", "asin": "0007204167", "style": {"Format:": " Hardcover"}, "reviewerName": "cherokeenan", "reviewText": "Great book. Recommend to everyone.", "summary": "Great book. Recommend to everyone", "unixReviewTime": 1411257600} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "AAY35RBEW4IBH", "asin": "0007331819", "style": {"Format:": " Kindle Edition"}, "reviewerName": "William D Kline", "reviewText": "Great way to close out the era of Alfred the Great and the transition to his son's rule, during the Danish invasion period!", "summary": "Danes Defeated", "unixReviewTime": 1361577600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A1GL1VWEUST5L5", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "BBBoyd", "reviewText": "I had seen the movies and loved them, but this book is so much cooler! Also I struggle to sit and read a book unless it's digital, so I LOVE this copy. It downloads quickly to all my devices and functions great!", "summary": "BEST BOOK EVER!", "unixReviewTime": 1390521600} +{"overall": 2.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A2L01H5COKF28N", "asin": "0001713256", "style": {"Format:": " Board book"}, "reviewerName": "C. W.", "reviewText": "This board book is an ABRIDGEMENT of the real book! The classic \"Do you like my hat?\" scenes aren't even mentioned. Spend the extra 2 bucks and get the real thing.", "summary": "Abridgement of the real book", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A1QEMKJRKNWVGN", "asin": "0006513220", "style": {"Format:": " Paperback"}, "reviewerName": "Audra", "reviewText": "This is my favorite book ever. I've read this book twice so far, and I'm working on the third time right now. I have books 2 and 3 of the trilogy now so I'm excited to get through them all.", "summary": "This is my favorite book ever", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2013", "reviewerID": "ANDYUO1JCSX45", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Susan Dasig", "reviewText": "I read this as a teenager (many years ago), it is better than remembered, has excellent characterizations and historical settings.", "summary": "Better than remembered", "unixReviewTime": 1363824000} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "12 28, 2005", "reviewerID": "AUF2NKAM4CDEP", "asin": "0007173989", "style": {"Format:": " Hardcover"}, "reviewerName": "Doxie Lover", "reviewText": "I have a habit of not beginning a new book until I complete the \"old\". However once I began Teacher Man I could not put it down. McCourt is a great story teller and will now seek Tis. Treat yourself to wonderful writing and thank you Frank McCourt.", "summary": "Could not put down....", "unixReviewTime": 1135728000} +{"overall": 5.0, "verified": false, "reviewTime": "06 5, 2010", "reviewerID": "A3MM75ZDH09JDS", "asin": "0007347073", "style": {"Format:": " Hardcover"}, "reviewerName": "Bridget Marsh Insana", "reviewText": "this is a really great book for those starting school in the Fall. We love all of jane Yolen's books and this a is a great one.", "summary": "great book", "unixReviewTime": 1275696000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A15J1A2C8SP2H9", "asin": "0002210967", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Angela S. Britnell", "reviewText": "Wonderful continuing story of the Poldark family set in beautiful Cornwall", "summary": "The amazing Poldark story continues", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A31L344ZH7QUHK", "asin": "0001713205", "style": {"Format:": " Hardcover"}, "reviewerName": "Ann Singleton", "reviewText": "We got this book for our children and they loved it. It is an excellent book.", "summary": "Five Stars", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "A3UJP4QIPH2VY4", "asin": "0007264798", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I enjoyed the book a lot but Don't want it to end! Time to start reading the entire series again.", "summary": "Enjoyed the book quite a lot", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": false, "reviewTime": "03 25, 2016", "reviewerID": "A2AOOA22NJ5PG0", "asin": "0007158505", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Brad Belote", "reviewText": "Meaningful, well written, Great themes for kids and adults. Wish I had read as a kid. Awesome metaphor for everyone.", "summary": "Great", "unixReviewTime": 1458864000} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A3HRZUN7MSA90Z", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "TheReviewer", "reviewText": "The return of Gabe, Jonas, Kira, and Matt in this book by Lois Lowry. This book ties in most of the main characters from the Giver series so far.", "summary": "Continuation of the Giver", "unixReviewTime": 1430352000} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "AJ2CPKQKCR1TD", "asin": "0006123767", "style": {"Format:": " Kindle Edition"}, "reviewerName": "mysteryreader", "reviewText": "This book held my interest from the very beginning and\nI was very surprised at the ending. Another good mystery.", "summary": "Endless Night (Queen Mystery)", "unixReviewTime": 1389225600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A19QHIHSQTY9JI", "asin": "0006280943", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Raymond A.", "reviewText": "Tough read, as expected", "summary": "Five Stars", "unixReviewTime": 1476316800} +{"overall": 1.0, "vote": "4", "verified": false, "reviewTime": "11 20, 2010", "reviewerID": "A16YW3910L4KNX", "asin": "0007318529", "style": {"Format:": " Hardcover"}, "reviewerName": "OBX Lover", "reviewText": "This book was about 200 pages longer than it should have been. I struggled through it and was VERY glad that it was a library book!", "summary": "What a stinker!", "unixReviewTime": 1290211200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "A2C1F27XIVK4PR", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Fade", "reviewText": "The Kindle version of this wonderful title includes JRRTolkien's drawings of key scenes (Beorn's Hall, the Troll's camp). The text is formatted well, and the book is only a couple dollars. I bought this to refresh my memory before the movie came out, and I was not disappointed.", "summary": "Fanstasy classic", "unixReviewTime": 1355184000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2014", "reviewerID": "A2TW9GVBWXC0AS", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "mary sue renaud", "reviewText": "I chose this book knowing the artwork of Alan Lee is awesome and my son, the artist, wanted it as a reference and inspiration for his own drawing. It did not disappoint.\nIt came in great shape and my son will have it a long time.", "summary": "this is a beautiful book", "unixReviewTime": 1389571200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A3HR24DU6XCCE4", "asin": "0007127944", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gardener", "reviewText": "Another winner from Bernard Cornwell!", "summary": "Enjoyable read.", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "AV10P0EUVISYL", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Sally Schuessler", "reviewText": "Great book. Couldn't put it down.", "summary": "Good READ.", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "AYDCLME2ODKWY", "asin": "0007254822", "style": {"Format:": " Hardcover"}, "reviewerName": "Mary", "reviewText": "It is not a stick, so the imagination runs wild. I love this book so much that I buy it as a standard book for young children and new parents.", "summary": "See a stick through the eyes of a child...", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A2OWCFXD9FE32", "asin": "0007198019", "style": {"Format:": " Hardcover"}, "reviewerName": "Alberto De Miranda", "reviewText": "classic", "summary": "library addition", "unixReviewTime": 1436486400} +{"overall": 2.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A2PTYDIIIQVTU0", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dulcinea", "reviewText": "I couldn't even finish this story. I was very enthused due to The Fault is in Our Stars but it was boring. The characters were such posers, nothing ran true. And I didn't care what happened to these people. Yawn.", "summary": "I was very enthused due to The Fault is in Our Stars but it was boring. The characters were such posers", "unixReviewTime": 1439942400} +{"overall": 4.0, "verified": false, "reviewTime": "08 27, 2016", "reviewerID": "AX0CT223HF0VS", "asin": "0007184867", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Roscoe G. Hastings", "reviewText": "An interesting book that you know something is happening but your not quite sure what until the end.", "summary": "Four Stars", "unixReviewTime": 1472256000} +{"overall": 2.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A34JLXDMT9RNO4", "asin": "0007147295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Peggy L. Buckner", "reviewText": "This book was okay but I didn't enjoy it as much as I have other Philippa Gregory books.", "summary": "Two Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": false, "reviewTime": "07 13, 2015", "reviewerID": "A280BRCZB5UXHK", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George B", "reviewText": "Just wish the next book was out now!!!", "summary": "Wish the next book was already out to see how this turns out...", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "ATZ4D8455GBM0", "asin": "0001720295", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Tina H", "reviewText": "Well, Narnia. You can`t help but love those books. The delivery was very fast too and I`m very pleased.", "summary": "You can`t help but love those books", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2CGCJ4F8T4EO0", "asin": "0006545866", "style": {"Format:": " Hardcover"}, "reviewerName": "Shannon", "reviewText": "Great book! Did not expect to enjoy this as much as I did. Definitely pulls you in.", "summary": "Great read", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A1RDFW3HFRF98Z", "asin": "0003302245", "reviewerName": "CJ", "reviewText": "i've always loved DRACULA, and now I can keep this story in my pocket on my phone. thanks for the free download!", "summary": "one of my favorites", "unixReviewTime": 1356480000} +{"overall": 2.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A6HISQJ0V50AE", "asin": "0003302245", "reviewerName": "Jessica Kathleen Mae", "reviewText": "I know this is a classic, but it's just not for me. The writing style is tough, the wording is just to old for me. I did like that it had a happy ending. I just feel after all the amped up Vampire stuff from nowadays this isn't action packed enough.", "summary": "Not my cup of tea", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A1Y3PZSFOQJ6F1", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "ERB", "reviewText": "Wonderful book that had my 5th grader in love with Tolkien! It is a great book - a must read classic!", "summary": "Must Read", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A2XFVUG5W249PH", "asin": "0007311273", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Excited for Oktober", "reviewText": "One of my favorite series. I have the audio books but I had to have the series at home as well. Kim Harrison is a wonderful writer.", "summary": "Love it! Wish the Series would continue.", "unixReviewTime": 1474848000} +{"reviewerID": "A33DXUZUPB5P6R", "asin": "0002241277", "reviewerName": "Russell Bragg", "verified": true, "reviewText": "great", "overall": 5.0, "reviewTime": "03 21, 2017", "summary": "Five Stars", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": false, "reviewTime": "05 24, 2015", "reviewerID": "AZYFOMP4AVASV", "asin": "0007122187", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Princess689", "reviewText": "Silent Joe is a well-written, soulful novel There is dome action, just not as much as I was expecting. But Joe is a character I could really love. I like the way the author portrayed Joe and I think you will too. It's worth reading!", "summary": "I loved it!", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A3NLMWVZFZU2DN", "asin": "000720924X", "style": {"Format:": " Paperback"}, "reviewerName": "PT", "reviewText": "Super book. I loved the characters and this wonderful page turner.", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "AZ3SW6Z5I5XBW", "asin": "0007196962", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stacey G", "reviewText": "Not as creepy as past Koontz books I've read but a very good read. It'll keep you in suspense until the very end.", "summary": "A Good Read", "unixReviewTime": 1491264000} +{"reviewerID": "A20DQ9F50C19RG", "asin": "0002242052", "reviewerName": "Steven C. Tolan", "verified": true, "reviewText": "It's a Tom Clancy novel! That's all that needs to be said. Clancy!!! Yea, did you ever hear of him?", "overall": 5.0, "reviewTime": "12 8, 2014", "summary": "It's a Tom Clancy novel! That's all that needs ...", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A2NC7RLECN3A6I", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rose Williams", "reviewText": "Perfect book for those who are trying to figure out their journey!", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 3.0, "verified": false, "reviewTime": "10 12, 2015", "reviewerID": "A1KTOX2P4HB4YU", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Maddalena", "reviewText": "The characters are good, but this book was a bit of a let down. The forest went bad? How about a little explanation? I'll read the next one, going for resolution.", "summary": "Not as good as the first two books", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A2Y89PZ5K3KOMZ", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Shivani", "reviewText": "I bought this book because I love the hobbit and had to add this beautiful copy to my collection. I am so glad I did, because it truly is gorgeous. The cover is a cloth type covering and it's amazing. Highly recommend this product!", "summary": "I bought this book because I love the hobbit and had to add this beautiful copy ...", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": false, "reviewTime": "01 18, 2002", "reviewerID": "A26ET1CCI5SOUK", "asin": "000711835X", "style": {"Format:": " Imitation Leather"}, "reviewerName": "zeppfan", "reviewText": "One of my favorite books of all time. the Lord of The Rings is an epic tale of good vs. evil. A truly fantastic read. This edition is a true collector's edition also. Very handsome binding. Want to read something wonderful?\nGet this book!", "summary": "A True Masterpiece!", "unixReviewTime": 1011312000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A2W5L2UNAX9WTX", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "NenerTX", "reviewText": "Good book.", "summary": "Five Stars", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A1Z0REBXDLT8VU", "asin": "0006162754", "style": {"Format:": " Kindle Edition"}, "reviewerName": "nona Pyron", "reviewText": "Agatha Christie knows how to weave a plot.", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": false, "reviewTime": "12 7, 2016", "reviewerID": "A3DAZ0SAYLYJOF", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Trex", "reviewText": "Good book for all ages. Easy read with a good imagination became a quick favorite! Hope the other books are as good!", "summary": "Great reading adventure", "unixReviewTime": 1481068800} +{"overall": 4.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A2YQCGWGLD1J5Z", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Diane C Boyle", "reviewText": "wow stunning and great discussion questions after reading this with a study group. Recommended.", "summary": "Four Stars", "unixReviewTime": 1428624000} +{"overall": 4.0, "verified": false, "reviewTime": "11 17, 2014", "reviewerID": "AXFNIXPALNDPR", "asin": "0007281447", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Well written memoir by a much more interesting person than I ever thought. If you follow tennis, you will love it. If you do not follow tennis, you will still enjoy hearing what this guy is all about.", "summary": "you will love it. If you do not follow tennis", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2013", "reviewerID": "A2POATGYAIII3P", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Emaina", "reviewText": "I've read it several times and I love e c.f. enough more each time! It gets a definite recommendation from me!", "summary": "Fantastic no matter how many times you read it!", "unixReviewTime": 1375747200} +{"overall": 4.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A3M9DDLD4O1YTV", "asin": "0007313276", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donna Evans-Deyermond", "reviewText": "This is a good book but a little difficult to follow as it jumps around in time periods and also from one character to another. It's less about horses and more about people who are emotionally frozen and mess up their lives because of it.", "summary": "Hold your horses if you are expecting a lot about the sport of kings", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "AD17PGJUN8ABS", "asin": "0007194498", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jana", "reviewText": "Love you Dr. Laura for setting women straight!", "summary": "Great", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A2890CS5B0HVS7", "asin": "0007158505", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Maribel Miller", "reviewText": "My 6 year old loved it! She even dressed up like a sneetch for school last week!", "summary": "Loved it", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A54XN6TL0VH3B", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Mrs. G", "reviewText": "Good gift for graduates.", "summary": "Great gift!", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A1EMZ02VGMRTT5", "asin": "0007350961", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Reviewer09021120", "reviewText": "Great read. Mary Shelley was ahead of her time.", "summary": "Great read. Mary Shelley was ahead of her time", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2006", "reviewerID": "A3Q1EC9BLZ61X8", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "Tweet Brasic", "reviewText": "Being an almost fanatic Tolkein fan, this is a great way to \"read\" this book and still get things accomplished. I highly recommend this book to other fans.", "summary": "The Best!!", "unixReviewTime": 1154908800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A32L4KRL38YH6P", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mom on the Run", "reviewText": "Brilliant as always . I have read this book as a ten year old, in my teens, as a college student, and again in my 40's. It is just as enjoyable now as it was then.", "summary": "Timeless classic!", "unixReviewTime": 1428710400} +{"overall": 2.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A3GUTL2KTVSBHV", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Brian", "reviewText": "Difficult to read", "summary": "Two Stars", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": false, "reviewTime": "11 13, 2014", "reviewerID": "A19EI6WW029LRB", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "Darrel Drumm", "reviewText": "Loved it when I first heard it, love it now", "summary": "The music has aged well", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A260VULPY9Q5BN", "asin": "0007281447", "style": {"Format:": " Kindle Edition"}, "reviewerName": "K. Michlin", "reviewText": "I would recommend this book to someone who has an understanding of the game of Tennis. I read it not knowing anything about Tennis but enjoyed it and if Mr. Agassi had explained the game at the beginning of the book I would have enjoyed it more!", "summary": "Andre Agassi' Book", "unixReviewTime": 1418774400} +{"overall": 3.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A2P7R48VSK6Q7R", "asin": "0007374755", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shina", "reviewText": "This was a very good book however Ryan wasn't actually a foster child if Cathy so the story wasn't as involved as others of hers that I've read.", "summary": "A quick read!!!", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A2HBMN6Y5N41QW", "asin": "0006513077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Tess Gerritsen has been an author I have followed since her first publication and has once again written a fantastic book. I will always choose her books over other authors when given a choice.", "summary": "Gerritsen does it again", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A2SJQANO94IFPZ", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Charlie Matthew", "reviewText": "Each book has a great overview of the content and issues/lessons associated with it. A great choice for a young believer!", "summary": "Each book has a great overview of the content and issues/lessons associated with it", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": false, "reviewTime": "03 12, 2016", "reviewerID": "AW1R37AK20PR", "asin": "0007111452", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Maria Elena Casey", "reviewText": "I love the adventures of Tommy and Tuppence, they remind me of Penelope 's Perils. Excellent vacation reading, as always Christie keeps the suspense to the end!!", "summary": "Delightful!", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A1N67L8IABCON1", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rose k.", "reviewText": "My husband read this whole series This must have been really good, because he had his iPad on every waking moment reading the complete series. He was looking for more but the Authur has not written past book five.", "summary": "A Dance with Dragons", "unixReviewTime": 1379203200} +{"overall": 3.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "AHGLRZGTQACCS", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "Diane Alt", "reviewText": "This book was not in very good shape. It was classified as very good. I know was used but I feel like I have to wash my hands after reading. It must have gotten wet the pages are hard to turn....they stick. The book is good but the condition of it is poor.", "summary": "This book was not in very good shape. It was classified as very good", "unixReviewTime": 1424044800} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2007", "reviewerID": "A1NNSSFYY8WCPJ", "asin": "0007263457", "style": {"Format:": " Hardcover"}, "reviewerName": "Bettye Johnson", "reviewText": "The Children of Hurin doesn't have the same impact that Tolkien's other\nbooks have. Perhaps because this was created by his son from J.R.R. Tolkien's notes after his death. It is still well-worth the read.\nBettye Johnson, award-winning author, Secrets of the Magdalene Scrolls", "summary": "Falls Short - But Good", "unixReviewTime": 1185926400} +{"overall": 5.0, "verified": false, "reviewTime": "05 19, 2013", "reviewerID": "A3TGXRB56PJ7M1", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I only know one book better than this its the beyonders series by Brandon mull this is the best brew at movie ever", "summary": "Best book", "unixReviewTime": 1368921600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2016", "reviewerID": "A1QHEQIQ4P6AOT", "asin": "0007278829", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Almost stopped reading when it wasn't moving fast enought, but it suddenly picked up and I enjoyed it immensely. Loved the personification of the main elephant character.", "summary": "but it suddenly picked up and I enjoyed it immensely", "unixReviewTime": 1469836800} +{"reviewerID": "A24GN9L1XL37VU", "asin": "0001951076", "reviewerName": "J Combs", "verified": false, "reviewText": "My son loved this book", "overall": 5.0, "reviewTime": "06 21, 2017", "summary": "Five Stars", "unixReviewTime": 1498003200} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A1LJUWZ4L3SKFQ", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Gabe", "reviewText": "All very good books I LOVE them I am a big hobbit and lord of the rings fan so s up", "summary": "All very good books I LOVE them I am a big hobbit ...", "unixReviewTime": 1430006400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "A26AAGS2J6NIV4", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anonymous", "reviewText": "This was a great book. I highly recommend reading this book.\nBilbo Gandalf Thorin Smauge Wargs Goblins Fili Kili Bombur", "summary": "GREAT", "unixReviewTime": 1359244800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2013", "reviewerID": "A20AZSZ7IB88CZ", "asin": "0002325454", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Johnny-Hawaii", "reviewText": "Ms. McDermid is a sensational author, and her characters, Tony Hill and Carol Jordan, are riveting protagonists. I have read 5 of the 7 Hill/Jordan books in the canon, and every one has been fabulous. Highly recommended (as are all of the other books in the series!).", "summary": "Fabulous read!", "unixReviewTime": 1370044800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2013", "reviewerID": "AZXF22Q2D9GSF", "asin": "0007119305", "style": {"Format:": " Paperback"}, "reviewerName": "Carroll S. Collins", "reviewText": "The whole family here loves mysteries and particularly Agatha Christie...the Queen of the genre. This is a splendid one for sure.", "summary": "A FINE AGATHA CHRISTIE JUST CAN'T BE BEAT!!!", "unixReviewTime": 1357776000} +{"reviewerID": "A2AXW4NT0GLDUB", "asin": "0002247437", "reviewerName": "Molseed", "verified": true, "reviewText": "Meh. Compared to the first three books, this was a letdown. A whole lot of pages with not much really happening. Omitting several major characters completely. Hoping the next one is better as the series is starting to drag.", "overall": 3.0, "reviewTime": "08 15, 2013", "summary": "Boring", "unixReviewTime": 1376524800} +{"overall": 3.0, "verified": true, "reviewTime": "05 1, 2014", "reviewerID": "A1XAF3908ZNR00", "asin": "0007157177", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kitty", "reviewText": "This is a very good book but the reason I gave 3 stars instead of 5\nwas because of the ending. I hate books that leave loose ends and there were quite a few loose ends.", "summary": "very good", "unixReviewTime": 1398902400} +{"overall": 4.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3IL480PU4ZFKE", "asin": "0006513840", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Chris Frelich", "reviewText": "constant action and thoughts of the primary characters.", "summary": "Four Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A108B2T8EZKJ3I", "asin": "0002255863", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bronwyn Vincent", "reviewText": "A magical read, totally enjoyed it.", "summary": "totally enjoyed it.", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2017", "reviewerID": "A1RQ727DFRYOVB", "asin": "0006545793", "style": {"Format:": " Hardcover"}, "reviewerName": "Diana", "reviewText": "Love this book. Came intact", "summary": "Five Stars", "unixReviewTime": 1501804800} +{"overall": 5.0, "verified": false, "reviewTime": "01 9, 2016", "reviewerID": "A1YBEU07CB6MC1", "asin": "0007184867", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nancy McLaughlin", "reviewText": "This is an absorbing mystery with loads of nasty family secrets to distract & horrify. In my opinion, Grandmama is a relative you pray you never encounter in your family or anyone else's!!", "summary": "Great read", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A2ITKESPTCYIM1", "asin": "0007286414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "There is not a better book than Mary Poppins!", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 3.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "A2NZ4GP5T81704", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Christy Rowe", "reviewText": "Our book club read this on the recommendation of another friend who throughly enjoyed the book and said it was on of her favorites. Hmmm...not sure it would be one of my favorites.", "summary": "Highly recommended to me but I'm not sure what the point of the story was", "unixReviewTime": 1359244800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A312CZ28AATK9R", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deborah Bell", "reviewText": "This book was mesmerizing. So well written and so heartfelt that I felt I was there. If you don't read the story of Louis Zamperini, you are truly missing out on a gift.", "summary": "Astonishingly wonderful book", "unixReviewTime": 1497571200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2010", "reviewerID": "A3LLOBBAD81L4R", "asin": "0007236093", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anonymous", "reviewText": "found this gem while searching kindle store and decided to give the author a try. fast paced, humorous, and well written. well worth reading. i have now purchased other books in this series and look forward to reading them.", "summary": "great read", "unixReviewTime": 1269734400} +{"reviewerID": "A1Z2G7VMP9SFQO", "asin": "0002241277", "reviewerName": "Tuen Red", "verified": false, "reviewText": "The tension, twists, surprises never let up. Interesting people, interesting plots. Well thought out. Just what we have come to expect from Patterson.", "overall": 4.0, "reviewTime": "02 8, 2016", "summary": "Excrllent", "unixReviewTime": 1454889600} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A3QACGAVGHUXCK", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Francis", "reviewText": "Pretty similar to the others. Almost saintly Odd vs evil people with supernatural support on both sides, with predictable outcome. I suspect this series is coming to an ending soon.", "summary": "Deeply Odd", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": false, "reviewTime": "11 27, 2013", "reviewerID": "A1KE8FXG89AQUC", "asin": "0007247095", "style": {"Format:": " Paperback"}, "reviewerName": "Tori", "reviewText": "An amazing, humbling and courageous tale. It's inspiring to witness what the human spirit can endure. This should be what our children are reading in school! Nothing less than 5 stars could do this book justice.", "summary": "Well Worth the Read", "unixReviewTime": 1385510400} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2017", "reviewerID": "A2IT1AQCYCTSIQ", "asin": "0007173121", "style": {"Format:": " Hardcover"}, "reviewerName": "Evan Frankl", "reviewText": "A book I loved as a child, and my neice, who I purchased it for, loved it as well. Dr. Seuss is timeless!", "summary": "Timeless Children's Literature", "unixReviewTime": 1514678400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2013", "reviewerID": "A2EDZDRHS57QXP", "asin": "000726755X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Gwendolyn Chesser", "reviewText": "Still reading this one, but so far I do love it. Dean Koontz' humor makes the horror not so horrible.", "summary": "Haven;t finished yet.", "unixReviewTime": 1381536000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A11ZOBP4H7DTG7", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "best books ever", "summary": "GREAT READING", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": false, "reviewTime": "10 10, 2015", "reviewerID": "A286MF9975XU63", "asin": "0003302245", "reviewerName": "Moose Lover", "reviewText": "I \"listened\" to the available audio book and loved it. I read the book years ago but this audio version must have been unabridged because the attention to details was amazing. I listened to it at work for approximately 6-7 hours a day for either 3-4 days. Excellent.", "summary": "Audio book version I listened too was amazing!!", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2013", "reviewerID": "A12F9DHWU1ZEUJ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "AC", "reviewText": "When you read this book you never want to stop it is so great and it is by far the best book I've ever read and I loved it. So very much indeed", "summary": "GREAT", "unixReviewTime": 1359763200} +{"overall": 3.0, "verified": false, "reviewTime": "01 5, 2000", "reviewerID": "A1CRJHD1OBMOMD", "asin": "0007117213", "style": {"Format:": " Paperback"}, "reviewerName": "Darrell Peck", "reviewText": "It grabbed me from the start, but now about half way through I wonder how much more starvation, drinking problems, poverty, and gloom I can stand. Got to be a glimmer of sunshine somewhere down the line. I will finish it, but it's getting hard to get back into the muck.", "summary": "Starts great, but such redundant misery", "unixReviewTime": 947030400} +{"overall": 5.0, "verified": false, "reviewTime": "10 10, 2014", "reviewerID": "A3OL0N3LS46L63", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deborah J Pond-Heide", "reviewText": "After many years and many readings, this book, this trilogy is still rich and rewarding.", "summary": "Five Stars", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2013", "reviewerID": "A1UFD14N2CCVCJ", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Annie Delgado", "reviewText": "This is a classic that should be on your reading list. I love the time period and the relationships among the sisters.", "summary": "Little Women", "unixReviewTime": 1365206400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A7H0CLKQNVBO4", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jennifer Federocko", "reviewText": "I was very detailed and thought through. Mr. Tolkien Is an acclaimed genius and poet in the eyes of many.", "summary": "Amazing", "unixReviewTime": 1491004800} +{"overall": 2.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A368FMPJ22NPVD", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lee", "reviewText": "Just OK. Not a page turner. Very predictable, not exiting.", "summary": "OK", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A28QJB392PSMPX", "asin": "0007327064", "style": {"Format:": " Hardcover"}, "reviewerName": "weasel", "reviewText": "How can you say anything bad about the \"ODD\" books. I love this character and this book is another in a great series. Just can't get enough - Odd.", "summary": "another great Koontz", "unixReviewTime": 1394841600} +{"overall": 5.0, "verified": false, "reviewTime": "03 7, 2017", "reviewerID": "A3PMIAPC5MGM1Q", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jon", "reviewText": "Such an intense story! It's hard to believe that anyone live through this but even harder to believe that we found redemption and hope again!", "summary": "Inspiring, terrifying and inspiring", "unixReviewTime": 1488844800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A1JGDA511BUVHX", "asin": "0006275192", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Canary", "reviewText": "It's a good book", "summary": "Five Stars", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2013", "reviewerID": "A29VKVSGQ0M4OF", "asin": "000713147X", "style": {"Format:": " Paperback"}, "reviewerName": "M. E. Kob", "reviewText": "I have learned so much from this book! It helped me rethink the way I was feeling towards others in my life. I still use it from time to time to \"refresh\" my thoughts. Wayne Dyer is a gifted man.", "summary": "There's a Spiritual Solution to Every Problem There's a Spiritual Solution to Every Problem", "unixReviewTime": 1359590400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A2X3RL0Q197UKO", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cristy Phelan", "reviewText": "Another amazing book by George RR Martin in the Song of Ice and Fire series. This book definately continues the story at the same pace and standard as Martin's earlier books. I can't wait for another one!", "summary": "The epic saga continues", "unixReviewTime": 1358121600} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A26H3DJVRA23YP", "asin": "0007368658", "style": {"Format:": " Paperback"}, "reviewerName": "SMR", "reviewText": "Book delivered as promised", "summary": "Four Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2017", "reviewerID": "A1MHTHEERPHS8K", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Softly Rose", "reviewText": "as described", "summary": "as described", "unixReviewTime": 1492819200} +{"reviewerID": "AFYR8678S1RJR", "asin": "0001050230", "reviewerName": "Thuy Duong", "verified": true, "reviewText": "There were some highlighting in the script, but they were very minimal and wasn't distracting. Love The Arden Shakespeare.", "overall": 5.0, "reviewTime": "09 2, 2017", "summary": "Love The Arden Shakespeare", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2012", "reviewerID": "A2V323OPZXR0IV", "asin": "0007169930", "style": {"Format:": " Hardcover"}, "reviewerName": "Robert Webster", "reviewText": "My boy loves this book to go to bed at night. It is very long and sometimes he gets bored but He likes parts of it and he really likes the pictures.", "summary": "Good sleep book.", "unixReviewTime": 1354320000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2011", "reviewerID": "A2721O2J5Q6W67", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "polly", "reviewText": "I read this book and couldn't put it down. This story is about a hobbits adventurous life. It's really well written and makes you feel like your there. I would recommend this book to any one", "summary": "ADVNTUROUS READ", "unixReviewTime": 1298764800} +{"overall": 3.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A386YU3XQEBSBC", "asin": "0006551807", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pbg", "reviewText": "Enjoyable read, it but most in the book club didn't like it.", "summary": "it but most in the book club didn't like it.", "unixReviewTime": 1461974400} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A2HIIBG3J7RUI7", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Hannah Aba Wiredu", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A35CJKF40WTUXO", "asin": "0006381146", "style": {"Format:": " Paperback"}, "reviewerName": "R. N. Alsop", "reviewText": "Cool book I got for my daughter who is quite creative.", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"reviewerID": "A1ZW64UNGLELH9", "asin": "0002242052", "reviewerName": "G. Borer", "verified": true, "reviewText": "I have read this book several times over 20 years. I think it is the best Clancy book written.", "overall": 5.0, "reviewTime": "09 2, 2014", "summary": "I think it is the best Clancy book written", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2014", "reviewerID": "A16NTUBXD83GMB", "asin": "0003302245", "reviewerName": "P. Jones", "reviewText": "Obviously a classic for a reason. Cannot believe that I have reached adulthood and never read this. Very much worth the time.", "summary": "Wonderful", "unixReviewTime": 1401062400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A2U1YHXQRD5J0D", "asin": "0007420412", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Amazing writing! Suspenseful and creative!", "summary": "Five Stars", "unixReviewTime": 1467936000} +{"reviewerID": "A23W209LX24CKV", "asin": "0001050230", "reviewerName": "sally murphy", "verified": false, "reviewText": "On time & as expected.", "overall": 3.0, "reviewTime": "10 6, 2014", "summary": "On time & as expected.", "unixReviewTime": 1412553600} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A2XJ70QHDSFBOK", "asin": "0002259842", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Nice \"other side of the story\" a good romp with lots of history woven in. Interesting background for our family connection to Mary.", "summary": "Nice \"other side of the story\" a good romp with ...", "unixReviewTime": 1441929600} +{"overall": 3.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "AHWI0YW75Y0BS", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mrs. M", "reviewText": "Dragging out what was once a good story. I plan to continue with the next two books, but the details are testing my resolve.", "summary": "Mired in boring detail", "unixReviewTime": 1503360000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A5WUDKKKZYKA5", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Turned out great! I have to say when my son first got this book to read as an English reading project I was very skeptical. I also read the book enjoyed it very much and highly recommend it to parents whose children will have to read it for school. It was very good!", "summary": "Great book!", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A3QEWQ4XHNY6U0", "asin": "0002103621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "grannycop", "reviewText": "i WILL DEFINATELY READ THESE AGAIN", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 4.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A1BBKL1MEQ1V76", "asin": "0007202156", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Written in Hazel Soanes inimitable style to encourage free and rapid watercolours - I love the loose painting that she encourages, interpretive but not photographic", "summary": "... style to encourage free and rapid watercolours - I love the loose painting that she encourages", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A2EEDOD7M12F4E", "asin": "0007302320", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Isabel Shessel", "reviewText": "I have read some of Barbara Erskine's other books an d this is up there as one of best. It has a little bit of everything - mystery, romance, time sharing! I recommend it.", "summary": "a great read", "unixReviewTime": 1425600000} +{"overall": 4.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A356KP6JRN41FL", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carl R. Sanders", "reviewText": "This was a great book. A good return to form from the last couple he wrote. hoping the next one is even better", "summary": "This was a great book. A good return to form from the ...", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "ADDOMLG8CPOR3", "asin": "0007120680", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Loves2read", "reviewText": "Christie always good.", "summary": "Can't go wrong.l", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A1YUOW34GTB8FH", "asin": "000713746X", "style": {"Format:": " Hardcover"}, "reviewerName": "Donna", "reviewText": "Great insights offered about men and women in this book.", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2012", "reviewerID": "A364BVWIZFGZTB", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "valmur", "reviewText": "The Hobbit - bought this for our 10-year old grandson last summer. He stretched out the reading, only a chapter a day because he was enjoying it. Next on to LOTR.", "summary": "A classic", "unixReviewTime": 1353974400} +{"overall": 3.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A2O7Q2UDL0KD3Z", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cathy C.", "reviewText": "It was interesting", "summary": "Interesting", "unixReviewTime": 1463184000} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2V2BJK3GST20L", "asin": "0007350961", "style": {"Format:": " Paperback"}, "reviewerName": "Phil Toop", "reviewText": "Very interested to see these two early editions of this timeless classic. Having never read the book, I was interested to learn how different the popular culture interpretation of the character differs so much from the original.", "summary": "Original as it was intended", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2013", "reviewerID": "A14S0H9QTEIQUK", "asin": "0006178731", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "This is my favorite Sydney Sheldon book. You can usually count on a good story when reading his books. This is no exception.", "summary": "Must Read", "unixReviewTime": 1380067200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A26NIGD4ZIGGG6", "asin": "0007236093", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I have now read this book at least 5 times and I love it each and every time. Great book", "summary": "Greatbook!!", "unixReviewTime": 1441065600} +{"overall": 5.0, "verified": false, "reviewTime": "11 24, 2017", "reviewerID": "A28AY52ZCCLACC", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lorryn @ Reading Parental ", "reviewText": "I love John Green and everything about this book. End of story.", "summary": "Five Stars", "unixReviewTime": 1511481600} +{"reviewerID": "A1OAXZ11M5G9ML", "asin": "0002247437", "reviewerName": "Susan M.", "verified": true, "reviewText": "Griping, page turning, vivid like all the GOT's", "overall": 5.0, "reviewTime": "08 18, 2015", "summary": "GOT to get GOT", "unixReviewTime": 1439856000} +{"reviewerID": "A3KC2SJ1LPU9RH", "asin": "000171337X", "reviewerName": "ACASSIDY", "verified": true, "reviewText": "fast shipping - item as described. thanks!!", "overall": 5.0, "reviewTime": "07 16, 2014", "summary": "Five Stars", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A15G5URCN8DKYT", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jz", "reviewText": "Read this book to an 8 year old boy and 10 year old girl on a three week vacation and were all mesmerized by it.", "summary": "Great vacation book w/ kids", "unixReviewTime": 1405209600} +{"reviewerID": "AIZT9P6NONO80", "asin": "0002247437", "reviewerName": "Matthew Miller", "verified": false, "reviewText": "Just get on with the story. I suppose it is a testimony to Martin that I care enough for these characters that I grow impatient at the pace of the story, and sad when one I liked is killed. Taking a one book break before Dance With Dragons.", "overall": 4.0, "reviewTime": "07 6, 2014", "summary": "unsatisfying.", "unixReviewTime": 1404604800} +{"overall": 3.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "ARIXCGTDKTJNJ", "asin": "0006484522", "style": {"Format:": " Hardcover"}, "reviewerName": "Jcdlmom", "reviewText": "I learned more using My Math Lab.", "summary": "It's a textbook", "unixReviewTime": 1404777600} +{"reviewerID": "A1ZDH0U9G17IZP", "asin": "0002247437", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Loved it. I can't wait to start the next one. I have a fierce need to know what happens next.", "overall": 5.0, "reviewTime": "02 10, 2015", "summary": "For the love of all things Ice and Fire.", "unixReviewTime": 1423526400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A1DAT4MZ0N1GCS", "asin": "0004502280", "style": {"Format:": " Spiral-bound"}, "reviewerName": "Mark E Braun", "reviewText": "Quick delivery! Great book!", "summary": "Great book!", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A3DLEKA8HV94T2", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "jv", "reviewText": "I've seen the movies, but never thought to read the books. I love the books- they go into so much more detail than the movies! I can't wait to finish and watch all the movies again :)", "summary": "I love the books- they go into so much more detail ...", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1N2I9XB09TI5Q", "asin": "0006162754", "style": {"Format:": " Kindle Edition"}, "reviewerName": "(ab)", "reviewText": "<3 this book.", "summary": "Five Stars", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A2T72CCIV89DR2", "asin": "0007325169", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shae Reed", "reviewText": "Very brave of Lisa to tell her story. Amazing that some people are so depraved and lack remorse and a sense of morality to guide their actions... How can a dad do this? Proud of Lisa for sharing her story of survival.", "summary": "Demonstrative of evil and how it can overcome others' rationale and make them accomplices", "unixReviewTime": 1402358400} +{"reviewerID": "A3NFLORX73JGAG", "asin": "0001050230", "reviewerName": "Jeffrey J. Greene", "verified": true, "reviewText": "One of the greatest love triangles ever written. Critics have written volumes on Antony and Cleopatra\nWatch the play if you have the chance, Shakespeare was meant to be viewed. But read it, if you can", "overall": 5.0, "reviewTime": "03 29, 2016", "summary": "One of the greatest love triangles ever written", "unixReviewTime": 1459209600} +{"overall": 4.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A3L0NDOPXGD74R", "asin": "0007343906", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gabrielle Rose", "reviewText": "Very good read", "summary": "Four Stars", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": false, "reviewTime": "04 22, 2014", "reviewerID": "A9AGOMVASU7HX", "asin": "0006498736", "style": {"Format:": " Kindle Edition"}, "reviewerName": "mimi", "reviewText": "This is my choice. To me it is the best mystery created by one of the best mystery writers ever. The simplicity, the precision. BRILLIANT! This is a brilliant creation by a brilliant mind. Truly a joy to read over and again.", "summary": "The best of the best!", "unixReviewTime": 1398124800} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A2FGG9T3D4LXSS", "asin": "0007254008", "style": {"Format:": " Paperback"}, "reviewerName": "Ann R Cohen", "reviewText": "Another wonderful and insightful read", "summary": "Five Stars", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A3KH3300CMTA7O", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Mitchel", "reviewText": "favorite book series favorite author", "summary": "good", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "A3MHIPHW2DI4Y7", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "KRW", "reviewText": "Dean koontz continues to write great books. This may not be the best in the odd thomas series but is still a great read. A truly great adventure on each page.", "summary": "Great adventure", "unixReviewTime": 1447459200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A1KNOIGE5Z61F", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "J.C. Mayhew", "reviewText": "Such an enjoyable read!", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"reviewerID": "AAVKNWWE6F59H", "asin": "0002247437", "reviewerName": "jax333", "verified": true, "reviewText": "What I mean by that is this book has only certain characters in it. The next book has the rest of the characters that were not in a feast of crows. If you truly love this story and George r.r. Martin then you can overlook the lack of the rest of the characters.", "overall": 4.0, "reviewTime": "03 22, 2013", "summary": "True fans will love this book....", "unixReviewTime": 1363910400} +{"overall": 4.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A2RPAEX3LM7XNQ", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Cynthia Petersen", "reviewText": "4stars", "summary": "4 stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "AMUUMA4ZX065G", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ann Haefele", "reviewText": "I read slowly,to keep the book from ending. The good thing is, it didn't! I'm so glad the dragons are free, even if they are reptiles and therefore no respectors of good or people.", "summary": "What's next!!!?", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "AWLTFSNK16CFW", "asin": "0006496903", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Patrick N", "reviewText": "I have enjoyed this entire series by Susan Howatch. Being a minister, I have enjoyed the theological insights and historical perspective of the Church of England.", "summary": "Wonderful Series", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A2WGJZ6M8FF2LD", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gramps", "reviewText": "Could not put down. Really appreciate a part of history not not very well known. Great visualization in the written word, could see the landscape and people thru the eyes of the author. Should be required reading.", "summary": "Not fiction based on facts but truth that reads like a good tale.", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AEMP90JLI906V", "asin": "0007195087", "style": {"Format:": " Paperback"}, "reviewerName": "lseattle", "reviewText": "Good motivation and exercises to set and attain goals.", "summary": "Good motivation", "unixReviewTime": 1468454400} +{"overall": 4.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A2SB50ECJSIV4Z", "asin": "0007141343", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bonnie S. Ade", "reviewText": "First Agatha Christie. I will read more. Enjoyed it very much.", "summary": "Enjoyed it very much", "unixReviewTime": 1485388800} +{"overall": 3.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A11Z3B3OX7YDCL", "asin": "0007171226", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Maria V", "reviewText": "Interesting story in it's many twists. Marriage was then a business deal, but life went on. The painter was as expected, a bohemian.", "summary": "Easy read", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "A19NFEA5XCXEV", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Harriet Hinds", "reviewText": "great read.", "summary": "Five Stars", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A39RFE0UACO5KC", "asin": "0007384262", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda B.", "reviewText": "Andrew Gross has done a remarkable job educating his readers about a current environmental issue through this thrilling story. I loved how Ty Hauck fought to bring justice to a Colorado community.", "summary": "Ty Hauck . . . today's hero!", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A27O8UDSJID40K", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Deborah", "reviewText": "I first read this book 20plus years ago. I was struck by its subtlety and depth of feeling. Every time I read it, I am touched by Fannie's quiet suffering and strength.", "summary": "One of my favorite Jane Austen stories", "unixReviewTime": 1397001600} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "AJGU41KT85XMB", "asin": "0007196997", "style": {"Format:": " Audio CD"}, "reviewerName": "Laura Whitver", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "AAQ9Y62P1BG73", "asin": "0001713256", "style": {"Format:": " Library Binding"}, "reviewerName": "Phebe Brown", "reviewText": "Great story", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2008", "reviewerID": "A38VAF4S1DARTN", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Luxx Mishley", "reviewText": "A delightful satire of the gothic genre, Austen's \"Northanger Abbey\" will delight gothic and Victorian enthusiasts alike.", "summary": "A must-read", "unixReviewTime": 1217721600} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "AJ42GCNSYEXGV", "asin": "0007172826", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary E.Juniet", "reviewText": "Well written. I enjoyed the book, thoroughly.", "summary": "I enjoyed the book", "unixReviewTime": 1439596800} +{"overall": 4.0, "verified": false, "reviewTime": "06 16, 2015", "reviewerID": "A2YG49KKYSHUF2", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Camp60", "reviewText": "Very entertaining read...light-hearted (except of course a murder had occurred!)", "summary": "Enjoyable read", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": false, "reviewTime": "12 10, 2017", "reviewerID": "ACHXSMOB9ND2K", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "KVLA", "reviewText": "Decided to re-read this book that was required in high school.", "summary": "Good edition", "unixReviewTime": 1512864000} +{"overall": 5.0, "verified": false, "reviewTime": "09 22, 2014", "reviewerID": "A2T4589IMD8ONP", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carlos Flores", "reviewText": "It's as fun as watching the movie :)", "summary": "Excellent Commentary!", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A39RDZBJSDSECJ", "asin": "0007257775", "style": {"Format:": " Paperback"}, "reviewerName": "carlos gallego", "reviewText": "happy with item", "summary": "Five Stars", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2013", "reviewerID": "A1CT5Y6SON2NRC", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Bryan Grant", "reviewText": "Wiseman's books are the best in the business for civilian readiness, and just plain easy to read how to survive adverse situations. This one is no different!", "summary": "Wiseman Does It Again!", "unixReviewTime": 1387929600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "A1YQ01N9IPL93M", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "Kirsten", "reviewText": "A delightful story full of interesting details, silly actors and a toddler's dream --- so many vehicles!\n\nThis is one of our standard gifts for little ones, and it always seems to delight. Richard Scarry never fails to create charming stories and images packed with little jokes.", "summary": "All the vehicles your toddler demands!", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A2EAX4DFZZ30NQ", "asin": "0006472281", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "marty marin", "reviewText": "awesome book", "summary": "Five Stars", "unixReviewTime": 1427241600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A9ZINUANW8UKL", "asin": "0006552110", "style": {"Format:": " Kindle Edition"}, "reviewerName": "BC", "reviewText": "Great book but quite technical but that what I like about it nursing and science e in my background and would not recommend it for everyone", "summary": "Inetersting for Science Geeks", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2012", "reviewerID": "A1LXDNWMLI5RZE", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "R. Herring", "reviewText": "I loved the first 3 books... book 4 other than a couple chapters I could have lived without.\n\nI liked this one... it fit more inline with the first 3 to me. The only thing I don't like now that I've finished it, is waiting, and waiting, more waiting, for the next book.", "summary": "Liked this one", "unixReviewTime": 1347321600} +{"reviewerID": "AJO0TX815URGQ", "asin": "0002241277", "reviewerName": "Larry Barton", "verified": true, "reviewText": "Reading the series again. This is one of my favorites. Can't wait to start the next book in the series.", "overall": 5.0, "reviewTime": "06 1, 2014", "summary": "Great as usual", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A2WNLKMO2CR753", "asin": "0006140823", "style": {"Format:": " Hardcover"}, "reviewerName": "dyer1947", "reviewText": "Great book!", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A1GY71JZ3SQEMG", "asin": "000738436X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Antoinette Perreault", "reviewText": "Interesting twists and turns. It is similar to the Charles Manson murders and case. I enjoyed the search for the aswers.", "summary": "I enjoyed the search for the aswers", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A3T2JUSEVX2YSK", "asin": "0007320752", "style": {"Format:": " Map"}, "reviewerName": "BEBEWYNN", "reviewText": "just as described. helpful in planning the road trip", "summary": "Ireland here we come", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A3OE2K2LKI2K5S", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sleepy Sarah", "reviewText": "The girls in this family became so close to me, it was as if I were reading about my own family. I felt so connected to their struggles and their triumphs. This book brought me joy and tears. Jo maybe my favorite character of the entire genre.", "summary": "A tale of a family's struggles", "unixReviewTime": 1377043200} +{"overall": 2.0, "vote": "3", "verified": false, "reviewTime": "04 1, 2014", "reviewerID": "AIFRG8JI1MFUK", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "BronxRev", "reviewText": "Sometimes you have to scratch your head and wonder. How did so many people all over the world love this book? I'm not sure. it must be me. Sorry human race, I'm failing you... Didn't like it at all...", "summary": "Interesting", "unixReviewTime": 1396310400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A1H1NTBJISXI1V", "asin": "0007197675", "style": {"Format:": " Hardcover"}, "reviewerName": "BA Quick", "reviewText": "Loved it, will be getting all his books.", "summary": "Loved it, will be getting all his books.", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A2HH4BS9CUFSRI", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "ChristiM", "reviewText": "My son loves this book. He is almost 3 and asks me to read it every night before bed. He calls it Mommy's favorite book.", "summary": "Mommy's Favorite Book", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "AA6PEWZI2RQKN", "asin": "0007350961", "reviewerName": "Dottie S. Block", "reviewText": "I have never been so moved by a story! Thought-provoking, elaborate, fabulous!\nI would read it again and again! I've never encountered another author with such eloquent command of the English language!", "summary": "Amazing, elegant, poignant!", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "AWDT47PY2XDWL", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I read Great Expectations every year or so. It is my favorite Dickens book.", "summary": "Great Expectations", "unixReviewTime": 1496966400} +{"overall": 4.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A30EVG32HN3DJZ", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stephen D. Hancock", "reviewText": "The Odd Thomas series is always a good read!", "summary": "Odd keeps getting odder.", "unixReviewTime": 1426809600} +{"reviewerID": "A21GEK236QTIMX", "asin": "0002247275", "reviewerName": "Eamonn Mulcahy", "verified": true, "reviewText": "Piebalds, danger to the crown, the fool and Fitz being in the middle, hasn't he served the Farseers enough!. Not on your Nellie or even (Nettle). . . love it!", "overall": 5.0, "reviewTime": "09 27, 2012", "summary": "Lord Golden & his Servant", "unixReviewTime": 1348704000} +{"overall": 5.0, "verified": false, "reviewTime": "07 18, 2014", "reviewerID": "A18EU4Z51MFMX", "asin": "0007317700", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jacqueline Gonzalez", "reviewText": "Reminds me of Ariana Franklin. Had me switching between the dictionary/google for historical references. Personalized treatment of the slow evolution of scientific thought.", "summary": "Excellent!", "unixReviewTime": 1405641600} +{"overall": 3.0, "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "A3ETRZKHGSONPB", "asin": "0007196962", "style": {"Format:": " Kindle Edition"}, "reviewerName": "McSusan", "reviewText": "An enjoyable thriller that poses several moral dilemmas along the way. Probably not Dean Koontz' best book ever written however.", "summary": "Enjoyable thriller", "unixReviewTime": 1392768000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A32WYNH2TG3ZUS", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Betty L. Durazo", "reviewText": "It's Jane Austin! I absolutely love it! A great story!", "summary": "Love it!", "unixReviewTime": 1418688000} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A1YY8BBJX1PHO1", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pamlu", "reviewText": "I found the book to be an interesting story and I would recommend it. the book is an easy read.", "summary": "good read", "unixReviewTime": 1397606400} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A3RSLZMFS6KK6E", "asin": "0007368658", "style": {"Format:": " Kindle Edition"}, "reviewerName": "aaluck", "reviewText": "Easy download for under a buck. Hard to beat that.", "summary": "Easy download", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": false, "reviewTime": "04 7, 2014", "reviewerID": "A863VOFX6QLB1", "asin": "0007295685", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "As always, when I read Faye's books I cannot put them down. She and her husband are two of my favorite writers. This book far exceeded my expectations. Having more than one plot going is exciting and keeps my mind sharp and focused. Keep it coming Faye!", "summary": "Fantastic Read", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2013", "reviewerID": "AXGA2F7WAPH24", "asin": "0001381733", "style": {"Format:": " Hardcover"}, "reviewerName": "don burchell", "reviewText": "I purchased this as part of a group of books for a new baby present to start his library. the illustrations along are simply wonderful", "summary": "Lovely gift for a cherished child", "unixReviewTime": 1363737600} +{"overall": 5.0, "verified": false, "reviewTime": "09 12, 2015", "reviewerID": "A2DTT6PGTSNSGZ", "asin": "0007271166", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Conn Iggulden continues to provide insightful, suspenseful, and entertaining perspectives of Asia's leaders during the 13th century.", "summary": "Five Stars", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": false, "reviewTime": "09 30, 2010", "reviewerID": "A1OZBLCYAQUK12", "asin": "0007333994", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Angie", "reviewText": "I truly enjoyed this book. There are some errors but they are easily overlooked because the story is so engaging. I also found myself staying up late to read it and didn't realize how late it had become. Great book, expect to be throughly entertained.", "summary": "great book", "unixReviewTime": 1285804800} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "A1DW0RDREDQ02V", "asin": "0003302245", "reviewerName": "kilroy", "reviewText": "The price was RIGHT ($0) that saved med $39.50 for the book that was required for my Lit course. Good deal for those of us who like \"horror\" love stories or who need to write a paper on it.", "summary": "It's Dracula in e-book form", "unixReviewTime": 1367452800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "ALWUWKCG4RS6O", "asin": "000713746X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "The best book I have ever read to be able to better understand and communicate with women, it's not your natural instinct as you may expect. I highly recommend this book to anyone wanting to improve their relationship or have given up on each other", "summary": "fantastic book", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2010", "reviewerID": "A8VZIHID6642F", "asin": "0001846590", "style": {"Format:": " Paperback"}, "reviewerName": "Kendra M. Kuechler", "reviewText": "This is one of my favorite books. It is theologically deep, but a very easy read. George MacDonald has a matter-of-fact writing style that makes magic seem the most natural thing in the world.", "summary": "The Princess and Curdie", "unixReviewTime": 1267228800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A1T7NKYUFUZCA7", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Corey Brake", "reviewText": "I read these books every year. I consider them my lucky books. I went a few years without reading them and they were horrible.", "summary": "Luck Books", "unixReviewTime": 1356998400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2013", "reviewerID": "A3168FWEOPVIUW", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sandy Simon", "reviewText": "I first read the book some 30 years ago. I loved and, still love the the adventure and high tension that Tolkien is able to generate throughout the novel. It is a pty the film makers are managing to mangle a fine classic.", "summary": "A Great Novel", "unixReviewTime": 1359763200} +{"reviewerID": "ADZCSE8TIMTO4", "asin": "0002247437", "reviewerName": "Coronita Cerveza", "verified": false, "reviewText": "This book is every bit as good as the first 3. This is an epic story with a lot of background to fill in. I, for one do not want to see the series end too soon. I want to savor the Feast!", "overall": 5.0, "reviewTime": "09 15, 2012", "summary": "Just as good as the first 3", "unixReviewTime": 1347667200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2017", "reviewerID": "AMBM4X6TUC1Y5", "asin": "0001381733", "style": {"Format:": " Hardcover"}, "reviewerName": "Phyllis", "reviewText": "This is a beautiful book and I do enjoy it as I did as a chile. My favorite of all books.", "summary": "This is a beautiful book and I do enjoy it as I did ...", "unixReviewTime": 1511827200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A1XYOJFEGJQN0J", "asin": "0007261497", "reviewerName": "Kathleen L. Everett", "reviewText": "GREAT book. Everything came as stated. Very Happy", "summary": "GREAT book. Everything came as stated", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3V135AHBK3L63", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy Parsons", "reviewText": "Outstanding! Loved the perspective written as it is ...I would recommend this book to anyone and of all ages young and old! Very moving and a delight to read and to reflect upon.", "summary": "Priceless !!!", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A3BQJSA3VVTJQ3", "asin": "000648011X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jeremy", "reviewText": "This series, this book especially, kept me coming back and wondering what Fitz was going to do next. How is he going to get out of this situation? Hard to put down.", "summary": "Great", "unixReviewTime": 1441670400} +{"overall": 2.0, "verified": false, "reviewTime": "09 6, 2009", "reviewerID": "A24NQ3SW792GLW", "asin": "0007196962", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "K. Wright", "reviewText": "I saw this book got great reviews but thought the ending wasn't nearly as good as the rest of the book. Felt sorta like I had wasted my time-almost 500 pages to be let down at end.", "summary": "disappointing ending", "unixReviewTime": 1252195200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A36A01Q8OS8Z6S", "asin": "0006513077", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Eve Arden", "reviewText": "I loved it. The story was very interesting and scary too. Actually, I didn't want to put the book down to cook or eat.", "summary": "I loved it. The story was very interesting and scary ...", "unixReviewTime": 1404950400} +{"overall": 4.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A2CS94QS3B07IG", "asin": "0001046314", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carol Willhite", "reviewText": "This was a very interesting book. It started when Emma was quite young and ended when she was 76 with all her adventures through that time span which covered her marriages, children, grandchildren and all their trials and tribulations throughout.", "summary": "This was a very interesting book. It started when ...", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A2O29Q5957UEQR", "asin": "0006158048", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Al Madding", "reviewText": "This is an older book but Alistair MacLean was an excellent novelist back when. Most of his writings are a little dated by now but oldsters like me can still enjoy them.", "summary": "... is an older book but Alistair MacLean was an excellent novelist back when", "unixReviewTime": 1430784000} +{"overall": 4.0, "verified": false, "reviewTime": "07 13, 2017", "reviewerID": "A3IUTUJJ55PHIC", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "A Grace", "reviewText": "At times this book proves itself worthy of its status as a classic, but at others its punctuation is truly atrocious. Highly recommend to anyone who likes the quainter side of the fantasy genre and a heavy helping of food descriptions on the side.", "summary": "Where is the editor? I'd like to slap him/her.", "unixReviewTime": 1499904000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2013", "reviewerID": "A2U0XNZ3XME2Z4", "asin": "0006513220", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leta M. Wilkerson", "reviewText": "I could not put this book down. It was one of the best books that I have had the pleasure of reading in a very long time.", "summary": "Entranced", "unixReviewTime": 1384646400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A2UD2Y9USALKPW", "asin": "0007224796", "style": {"Format:": " Board book"}, "reviewerName": "christine hunter", "reviewText": "I bought this for my newborn. It's a great book for babies.", "summary": "Cute book", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "AMDUE4D9FUV79", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "EasyReader", "reviewText": "This was a great book. I wasn't sure about it at first, but it was well written and from the dog's perspective. Very original. I loved it.", "summary": "This was a great book. I wasn't sure about it at first", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A231UMU7TULBE9", "asin": "0007224893", "style": {"Format:": " Kindle Edition"}, "reviewerName": "carolyn plank", "reviewText": "Very good. Couldn't put book down. James Patterson never disappoints me. It's always nice to have good ending to the story.", "summary": "Very good. Couldn't stop reading til the end", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "AZ9QOEMG8JS3V", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "bitburrr", "reviewText": "GREAT READ", "summary": "Five Stars", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2013", "reviewerID": "A1AG4GQSYZM1CG", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "David", "reviewText": "I saw the movie first but had always had this series on my \"to read\" list. I am reading Tolkien myself while reading CS Lewis's Chronicles of Narnia with my 6 year old. The parallels between both sagas is intriguing!", "summary": "Lives up to it's epic reputation", "unixReviewTime": 1358640000} +{"reviewerID": "AE2STK829VADM", "asin": "0002219247", "reviewerName": "GR", "verified": true, "reviewText": "A great novel made into a great movie. The differences between the two is interesting.", "overall": 5.0, "reviewTime": "08 13, 2017", "summary": "Great", "unixReviewTime": 1502582400} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "ARK4LXPJKFSX9", "asin": "0007193181", "style": {"Format:": " Kindle Edition"}, "reviewerName": "michael taylor", "reviewText": "This is the first book in a series and it was hard to put down. You can really empathize with the parents and wish there was some way you could help Logan look for the killer. The characters were great and am looking forward to the other books in the series.", "summary": "High Octane", "unixReviewTime": 1448582400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A100ENQMY1ELWS", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Skipper", "reviewText": "Watching the \"Poldark\" series on PBS and so enjoyable looked up author. Now I am hooked. Series following book almost word for word. Can't wait to get next book in series. Would recommend to anyone enjoying historical fiction!", "summary": "Wonderful, entertaining book!", "unixReviewTime": 1437609600} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A3TVBKXB5B1VF", "asin": "0002005549", "style": {"Format:": " Kindle Edition"}, "reviewerName": "uncle bob", "reviewText": "If you enjoy doomsday science and implausible heroes you will enjoy this read. If you fear a swarm of killer bees you may squirm a \"little\", but you will keep reading.", "summary": "Killer bees", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A3IBBNETTCQ3YK", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "helen thurman", "reviewText": "great story the Best", "summary": "great story the", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "AYBJS10LP5OPK", "asin": "0006472613", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Hannah Hunter", "reviewText": "I couldn't put this down. I never head Sheldon's books before and he is a great mystery storyteller. I will read more. Love the kindle books.", "summary": "Great story", "unixReviewTime": 1394841600} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "A1KD6HG2TXBCSG", "asin": "0007303017", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Casha", "reviewText": "Very enjoyable book about family triumph and a companion's love", "summary": "Four Stars", "unixReviewTime": 1475366400} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "02 12, 2017", "reviewerID": "A2ON8R5EZAC9I8", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "Misty", "reviewText": "The background noise in the dramatization, and voices used, make it hard to understand the words.", "summary": "Hard to hear the story.", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2013", "reviewerID": "ASURN057KJE8J", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Zaia", "reviewText": "What a great book! Loved the story within the story... beautifully concieved and written. And great on kindle because it is a BIG book [which I also love!]", "summary": "Exceptionally well written!", "unixReviewTime": 1371081600} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "A3M54XWBCBWTQ4", "asin": "0007177437", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gail C.", "reviewText": "I was thoroughly captivated by this novel, which was this month's choice for my book club. Well written with vivid characterizations and an excellent sense of time and place, PEOPLE OF THE BOOK is articulate and compelling.", "summary": "Fascinating and Original", "unixReviewTime": 1402185600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A9QBJ62XJKXU0", "asin": "0007384262", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Florence", "reviewText": "Such a good book.. Will not able to put it down.", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3IDMCXRGO6T5S", "asin": "0007174098", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Pure Ahahha Christie! Very complex and not easy to figure out. A love story, with murder and suicide. Good reading!!", "summary": "Wonderful", "unixReviewTime": 1431302400} +{"reviewerID": "ATG3W9MC304AE", "asin": "0002171473", "reviewerName": "Jackie Lauhon", "verified": true, "reviewText": "Happy, as expected.", "overall": 5.0, "reviewTime": "04 5, 2016", "summary": "Five Stars", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A3AXE8AOJMI03X", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "A. Marie Hicks", "reviewText": "This was a good story. I can not wait to find out what happens in \"Son\". So far I'm liking this series", "summary": "Great book", "unixReviewTime": 1427068800} +{"reviewerID": "A3CSQNAOXXUTOY", "asin": "0001951076", "reviewerName": "Mariana Rodriguez", "verified": true, "reviewText": "my 3 yo loves this book", "overall": 5.0, "reviewTime": "09 19, 2014", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "AXCO96ZHQZCU3", "asin": "0007169973", "style": {"Format:": " Hardcover"}, "reviewerName": "David Lavelle", "reviewText": "Classic books for a great price.", "summary": "Five Stars", "unixReviewTime": 1489449600} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A1SV2JIGV7T8Z4", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jacques Liard", "reviewText": "I have read the 3 books many times since I first bought them in the mid-60s. I never tire of them and now that the Peter Jackson movies have been out for a while, I cannot imagine the LOTR characters without seeing the faces now so well known in the videos. Go Gandalf go!", "summary": "Best fairy tale", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "AHUCISZ7DKIZ9", "asin": "0001384198", "style": {"Format:": " Paperback"}, "reviewerName": "Ashley", "reviewText": "Perfect book for all your little train lovers.", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 19, 2006", "reviewerID": "AL66W0H5A29VQ", "asin": "0007163975", "style": {"Format:": " Hardcover"}, "reviewerName": "lusty22", "reviewText": "I loved \"The Will\" by Arvin and grabbed \"Blood of Angels\" as soon as it was released in hardcover. It is a book to own and I will read again one day. Great suspense, character developement and plot. This book has it all. It's one of those you can't put down once you start it.", "summary": "Greatly Entertaining", "unixReviewTime": 1153267200} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A2N8CARQEK16NM", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Chris S.", "reviewText": "All I can say about this book is that it's modern prophecy plain and simple.", "summary": "Modern Prophecy", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A1KDM3YVN77NKB", "asin": "0007201109", "style": {"Format:": " Kindle Edition"}, "reviewerName": "V. Schroeder", "reviewText": "This has to be one of the most entertaining novels I've read for a while! Humorous, touching, completely loved it!", "summary": "completely loved it!", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2013", "reviewerID": "A1KUJE3OMN2QKA", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "wanderlust", "reviewText": "McElligot's Pool is Seuss's 2nd book, published in 1947. It has always been my favorite. Without directly telling the reader, it encourages little artists to be freely creative. Provide children with paper and crayons to draw their own fish.", "summary": "Fishing with imagination", "unixReviewTime": 1387756800} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A3AYW0P8GFNQ8Y", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "excellent book recommended", "summary": "ONE OF THE BEST THAT I HAVE READ", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A3JMOEZD1ATPQR", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Dave", "reviewText": "Easier reading then books that followed by Aldous Huxley yet still thought provoking.", "summary": "Five Stars", "unixReviewTime": 1460246400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2013", "reviewerID": "ANNSE10GZJJUF", "asin": "0002226723", "style": {"Format:": " Paperback"}, "reviewerName": "MinneMe", "reviewText": "North vs south, industrial revolution, unrequited love, jealousy, death, and one of the most original heroines in literature make it tautologous that it is a must read.", "summary": "I've read it again and again. One of the greatest heroines in the history of literature.", "unixReviewTime": 1373414400} +{"overall": 5.0, "verified": false, "reviewTime": "05 21, 2003", "reviewerID": "A1DS3M8E0882GE", "asin": "0007130317", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "I couldn't put it down. From the moment I read the first paragraph, I knew the book would be fabulous. I read right through it in one day. And I've reread it more than once.", "summary": "Fabulous!", "unixReviewTime": 1053475200} +{"overall": 2.0, "verified": true, "reviewTime": "04 5, 2014", "reviewerID": "A1IEUQCCXOBMG1", "asin": "0007177437", "style": {"Format:": " Kindle Edition"}, "reviewerName": "espprof", "reviewText": "This is a compelling story but I had trouble following the convoluted telling of the tale. The characters are quite real. The descriptions are great but I just did not think the book was properly put together.", "summary": "Will not read again", "unixReviewTime": 1396656000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A1HB5QUBFHI8LP", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "F.B.", "reviewText": "A wonderfully enriching story.", "summary": "Five Stars", "unixReviewTime": 1415491200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A5E22676V6S2J", "asin": "0006486029", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sean McCrory", "reviewText": "I love all the books in the Fitz stories.", "summary": "Five Stars", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "AGNZKLN4Y0FQB", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Mindy Grady", "reviewText": "Smaller than I realized, but my girls loved it and thought it was adorable.", "summary": "but my girls loved it and thought it was adorable", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2E8V6AMG2TUKT", "asin": "0006280560", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sigma C.", "reviewText": "Entertaining read with subtle but clear messages on morality.", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A2WYTP5DEZ1PA4", "asin": "0006415008", "style": {"Format:": " Kindle Edition"}, "reviewerName": "roberto delaney", "reviewText": "Excellent read", "summary": "Protecting your Spiritual You!", "unixReviewTime": 1408579200} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "AE301BF2KBLSU", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mopardodgegirl", "reviewText": "Mark Twain said it best.\nLook it up.", "summary": "Two Stars", "unixReviewTime": 1492646400} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2013", "reviewerID": "A2I5PCHNQD4HT9", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Infidel Medic", "reviewText": "I have a feeling that this edition is of the \"post movie\" sort. I would have liked to read the original version.", "summary": "Not as good as I hoped", "unixReviewTime": 1362009600} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A3BMZ1JB3JOPJL", "asin": "0007276176", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "BOB", "reviewText": "good read", "summary": "Four Stars", "unixReviewTime": 1420156800} +{"reviewerID": "A3RMX9N76SU7CW", "asin": "0002219247", "reviewerName": "Nev Parker", "verified": true, "reviewText": "Alistair Maclean does a very good job with this book and would recommend it to anyone who would like to purchase it.", "overall": 4.0, "reviewTime": "08 18, 2013", "summary": "Good Read", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "AMDFW61ZOROTG", "asin": "0001048767", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carol Bell", "reviewText": "Of course, it's good. It's Shakespeare - and shows the promise of his future plays. But it is not Richard III, the real king.", "summary": "A Good Play - but not a Biography", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A23KZ9RPQ6OBM1", "asin": "0006476414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "How Mr. C became Mr. C. The myth, the man, the legend John Clark is born.", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A3ONEC39IORNM5", "asin": "0007141424", "style": {"Format:": " Hardcover"}, "reviewerName": "Amy L", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1519171200} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A1QCDW7ICLN133", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Syd from AZ", "reviewText": "This is a fun-to-read novel from one of my favorite authors. Using Austen's \"Emma\" as a framework, we are given some wonderful characters, delightful plot twists, and laugh-out-loud dialogue. In true McCall-Smith fashion, all was made well by the story's end.", "summary": "This is a fun-to-read novel from one of my favorite authors. Using Austen's \"Emma\" as a framework", "unixReviewTime": 1438214400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "10 20, 2008", "reviewerID": "AWF0QINEHST4F", "asin": "0006064922", "style": {"Format:": " Leather Bound"}, "reviewerName": "A. Graham", "reviewText": "Excellent Bible! I like the size of it and the print is fine for reading.", "summary": "NKJV Pocket Bible", "unixReviewTime": 1224460800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A4ECP5AMQ3HH0", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "the cold person", "reviewText": "Good seller and all of the best music and songs by Carole King.", "summary": "A must get recording by Carole King.", "unixReviewTime": 1461456000} +{"overall": 4.0, "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "AFP1VN2EAQXSE", "asin": "0007319614", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M.V. Baxter", "reviewText": "Really funny comics!\nI liked it because it made me laugh a lot.\nI recommend this to people who want a good laugh.\nIt was really funny and I didn't really get some jokes but it was entertaining.", "summary": "Really funny and entertaining!", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "ACUTYO5CPPNF7", "asin": "0007173121", "style": {"Format:": " Hardcover"}, "reviewerName": "Saphira", "reviewText": "My grandson loves Dr. Seuss books. He enjoyed this book and has read it 3-4 times . He said he would give it to the school library for others to read when he is finished with his books. This book has him captivated.", "summary": "Lucky You! The book simply explains how lucky we are. Children can relate to the words and pictures.", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A3BEU3N67AAQD9", "asin": "0007384319", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ronald Angle", "reviewText": "As usual, an easy canter out of the gate which eventually leads to an exciting sprint to the finish. It is interesting to see the JAJance characters gracefully age.", "summary": "an easy canter out of the gate which eventually leads to ...", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A40ALBVQITFN6", "asin": "0007236123", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SG751", "reviewText": "Kim Harrison's hollows series is my absolute favorite book series. I love all the twists and intertwining of stories and characters.", "summary": "Love Kim Harrison!!!", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "APITR1WX7BEK0", "asin": "0003302245", "reviewerName": "Andrew Rooks", "reviewText": "Fascinating style of writing. I, a psychiatrist, enjoyed fact that two MD's were the primary sleuths. This book is for mature readers or for teens who live on these type of stories.", "summary": "Two Doctors Act as Sleuths", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2013", "reviewerID": "A3FK2YRIOBT9QW", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JABthat20", "reviewText": "One of my favorite entries of the LOTR series. The battles are EPIC and pull the reader to be awe inspired.", "summary": "Sweetness", "unixReviewTime": 1374537600} +{"overall": 4.0, "verified": false, "reviewTime": "04 21, 2016", "reviewerID": "A29A1CPI3AOYSD", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "J Kahele", "reviewText": "This is a long but very intricate piece of literature. The words and the story have so much detail that say times can seem drawn out, however, it is only because the author made sure to leave no stone unturned.", "summary": "Fantastic", "unixReviewTime": 1461196800} +{"overall": 3.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "A2Y1HMH7P6K1JT", "asin": "0002255863", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rachel Ethier", "reviewText": "I did not like one single character in this book. Also I found time shifts confusing.", "summary": "Three Stars", "unixReviewTime": 1503705600} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A3P605QOU7XCW", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "Richard D. D'Ambrosia", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A3N3ZCGVE7FEP9", "asin": "0007195087", "style": {"Format:": " Paperback"}, "reviewerName": "Mary L. Clark", "reviewText": "excellent read...everything needed to succeed, for sure.", "summary": "Success Principles/Canfield", "unixReviewTime": 1415145600} +{"overall": 3.0, "verified": true, "reviewTime": "05 13, 2013", "reviewerID": "AVV6B39Z29MBM", "asin": "0005245826", "style": {"Format:": " Hardcover"}, "reviewerName": "kyle", "reviewText": "Three stars because it seems like there are NO books that are written for people who have a hard time comprehending math. There is a lot of technical-wording and not enough BASIC, down to the small-stuff explanation. I was lost in symbols all quarter.", "summary": "Lots of info.", "unixReviewTime": 1368403200} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A3AZGNX3LBN6K0", "asin": "0007284748", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "good!", "summary": "Four Stars", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3LNCWZWJT3YO2", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "d gillott", "reviewText": "Wonderful book", "summary": "Helps child learn", "unixReviewTime": 1409616000} +{"overall": 3.0, "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "A2ICT82LXBHAG", "asin": "0003302245", "reviewerName": "antiot", "reviewText": "It was original Bram Stoker story", "summary": "Good", "unixReviewTime": 1460851200} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2017", "reviewerID": "A1M0VWHDOFC91V", "asin": "0007162499", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Looking for the Good One", "reviewText": "The Bronze Horseman sucks you in and you have to read Tatiana and Alexander. You finish the first two books of this trilogy and you demand more torture of mind and soul. The Summer Garden doesn't let you down. I loved this trilogy. I have not found anything like it since.", "summary": "The Bronze Horseman Trilogy - Nothing Like It!", "unixReviewTime": 1494028800} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A3FBGXO5OUP5JC", "asin": "000725721X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "S. Brown", "reviewText": "My 10 year old son have enjoyed the adventures of Charlie Benjamin & friends. Some really great life lessons that my son even pointed out! Love it!", "summary": "Wonderful continuing story", "unixReviewTime": 1406419200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "AI24FMTMD57H7", "asin": "0006472613", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Butterfly Lady", "reviewText": "One of his best works! The story line moves at a fast pace and keeps the reader turning the pages. The ending leaves you wanting more of the story.", "summary": "Love Sidney Sheldon", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2013", "reviewerID": "A2BUGIAEVBRCCC", "asin": "000726755X", "style": {"Format:": " Audio CD"}, "reviewerName": "Maria M", "reviewText": "Koontz never disappoints! This was had some twists and turns, making it a bit heard to envision at times, but always a great read!", "summary": "Awesome as Always", "unixReviewTime": 1378684800} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "A2P8UT629DCJVT", "asin": "0006177980", "style": {"Format:": " Kindle Edition"}, "reviewerName": "prolific reader", "reviewText": "This was not Pilcher's finest work. I would not recommend it and am sorry I wasted the money on it. Pilcher's fans may disagree, but I thought it was a waste of my time.", "summary": "Not her best", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3VEEO55JTUVNB", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "djs630", "reviewText": "Book Five was an outstanding read. Cannot wait for #6!", "summary": "A Dance With Dragons", "unixReviewTime": 1409616000} +{"overall": 4.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A2TLSLAT9WCU7E", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "P. Shepard", "reviewText": "I like it but it didn't resolve enough from previous books. There are too many characters to keep track of and too many details that bog down the reader. It's annoying.", "summary": "Too many characters and details", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A29CT3MXKBWVQ6", "asin": "0006499228", "style": {"Format:": " Kindle Edition"}, "reviewerName": "UrbanMonique", "reviewText": "Bar none. No author infused more passion, intelligence, research and pride into his work than O'Brian. Buy them all, because as soon as you pick up Master and Commander, you'll be hooked.", "summary": "the best historical fiction of any age", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A1BKYFF39JB22D", "asin": "000725976X", "style": {"Format:": " Leather Bound"}, "reviewerName": "Peter Holdforth", "reviewText": "The book of books", "summary": "Five Stars", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A1A4F770GPAM8D", "asin": "0006211712", "style": {"Format:": " Paperback"}, "reviewerName": "Megan", "reviewText": "Gave this book as a gift. It arrived quickly and as described.", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A1OMYEI1EQJCXV", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Sheila M. Milner", "reviewText": "11 yr old g.daughter requested this book for Christmas...", "summary": "11 yr old g. daughter requested this book for ...", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "AYXBOJHHMQO1", "asin": "0007388160", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pearl", "reviewText": "Joyce Carol Oates writes with stunning clarity, detailing the confusion and frenetic thinking that accompanies the sudden death of a loved one. You will weep with her and for her.", "summary": "Beautiful and sad book", "unixReviewTime": 1506816000} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A36ZJ6XN0YVP73", "asin": "0007364199", "style": {"Format:": " Paperback"}, "reviewerName": "nana10", "reviewText": "enjoyed", "summary": "worth reading", "unixReviewTime": 1426723200} +{"overall": 4.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A3O297XSJHM39Q", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "michael clemens sr.", "reviewText": "Great read. Well written. Characters firm yet quite charming. Solid plot with even better twists. My first Crichton read .", "summary": "Couldn't put it down !", "unixReviewTime": 1445644800} +{"overall": 1.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A1CKJSX5JJCZ4L", "asin": "0007384319", "style": {"Format:": " Kindle Edition"}, "reviewerName": "e m", "reviewText": "This is not about a book review. It clearly stated $1.99 in the ad and when I purchased it with one click it came up $3.99 I really \"HATE\" being lied to", "summary": "FALSE ADVERTISING!", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": false, "reviewTime": "01 19, 2006", "reviewerID": "A13M43PVDY9Y71", "asin": "0007236115", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Jake Chambers", "reviewText": "I'm not sure how this series caught my fancy, but I'm glas that it did. Good Stuff.", "summary": "Good One", "unixReviewTime": 1137628800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "AM9UA2CVW0144", "asin": "0007199481", "style": {"Format:": " Hardcover"}, "reviewerName": "Devoniensis", "reviewText": "Not only are the pictures mouth watering; but the way he writes about his passion for food and the prep is great reading. I don't even need to make the dishes to almost taste them.", "summary": "Love Nigel Slater!", "unixReviewTime": 1355529600} +{"reviewerID": "A2W8PRUWSSSTJQ", "asin": "0002256649", "reviewerName": "A. jeffers", "verified": true, "reviewText": "read debt of honor first then executive orders if you like or love Mr. Clancy you will like these two books", "overall": 5.0, "reviewTime": "02 20, 2015", "summary": "jack ryan at his best again", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": false, "reviewTime": "05 29, 2014", "reviewerID": "AK2PZBWB12O1P", "asin": "0007224893", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Merle E. davis", "reviewText": "a fine blend of intrigue, drama and love. I had a super time reading this book and would recommend it to others.", "summary": "Great reading", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "ABB2PBHIHMD8T", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MamaWifeDaughter", "reviewText": "CS Lewis is a superb writer. It is as if he wrote the book for me, in this time of my life. Well done.", "summary": "Hot Chocolate for the Soul....", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2013", "reviewerID": "A30TYAPK0E6LHS", "asin": "0007111584", "style": {"Format:": " Hardcover"}, "reviewerName": "susan perkins", "reviewText": "We love it. Will be back for more. Our boys have loved them as children and now we are buying them for our grandchildren. ! Thank-you!", "summary": "This is our most favorite book ever!", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "ADZW4SUK72DHZ", "asin": "0006178219", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patrina DeBiase", "reviewText": "What an interesting story. I was looking for something different. Not the usual romance novel. Something mysterious, but not scary. This was perfect.", "summary": "Wow", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2007", "reviewerID": "A11UA7RCLN6WNU", "asin": "0002005263", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Richard A. Nardi", "reviewText": "Bernadette (Bernie) Manuelito gets to be the hero. If you like Tony Hillerman, you'll like this one.", "summary": "Sinister Pig", "unixReviewTime": 1190851200} +{"overall": 4.0, "verified": false, "reviewTime": "06 23, 2014", "reviewerID": "A2OM89AZXL590Q", "asin": "0006476155", "style": {"Format:": " Amazon Video"}, "reviewerName": "Lady Sadie", "reviewText": "Enjoyed movie. Some good twists and turns I didn't see coming. Kept my interest throughout. Was better than I expected.", "summary": "Good Suspense", "unixReviewTime": 1403481600} +{"reviewerID": "ADBPPKB7WYL0W", "asin": "0002247437", "reviewerName": "Suzanne E. Theisen", "verified": true, "reviewText": "I loved the book. As usual, the final chapters added so much suspense that I can't wait to read the sequel !", "overall": 5.0, "reviewTime": "04 11, 2014", "summary": "A feast fro Crows", "unixReviewTime": 1397174400} +{"overall": 4.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "A2597D8G95ST7U", "asin": "0007189885", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ashley Meadows", "reviewText": "Ms. Adichie never let's me down. She writes wonderfully. This one of early work. It starts off slow , but as the novel progresses -- she develops the characters, the scenery , and storyline beautifully. I am really giving this novel 4.5 stars", "summary": "She never fails me", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": false, "reviewTime": "05 4, 2017", "reviewerID": "A3KXW8BCKXIVHK", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "T Henry", "reviewText": "Continues to be a book that I have read many times since the mid 1970's", "summary": "Five Stars", "unixReviewTime": 1493856000} +{"reviewerID": "A3B7CP41Y6K3YV", "asin": "0002252317", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "A typical Patterson read. Keeps you in suspense the entire way through. Always have loved Patterson's short chapter that make reading so easy.", "overall": 4.0, "reviewTime": "01 24, 2015", "summary": "Another Alex Cross thriller", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2012", "reviewerID": "A1Y5WW5ZUEQ9UF", "asin": "0006530699", "style": {"Format:": " Audio CD"}, "reviewerName": "Dr Kimberly Kohlhausen", "reviewText": "Hopefully, you want to please yourself most through feeling that you are serving your students and colleagues at your best. This quaint story succeeds in illustrating that \"Satiisfied customers just aren't good enough!\" I was far more than satisfied.", "summary": "Who do you want to please most?", "unixReviewTime": 1355270400} +{"reviewerID": "A25F4FHHIJXBMF", "asin": "0001939777", "reviewerName": "Elaine J Frisk", "verified": true, "reviewText": "I really like the book it has beautiful pictures and i love the story.", "overall": 5.0, "reviewTime": "12 18, 2017", "summary": "Five Stars", "unixReviewTime": 1513555200} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "AO9FENOSGAQSJ", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "amazonwoods", "reviewText": "Thanks", "summary": "Four Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A37FMK60IF7UY8", "asin": "0007145101", "style": {"Format:": " Paperback"}, "reviewerName": "judy ransom", "reviewText": "If this doesn't open your mind to the true nature of existence and the universe (both the same thing, I suspect) then I also suspect that nothing will.", "summary": "If this doesn't open your mind to the true nature ...", "unixReviewTime": 1416441600} +{"overall": 1.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "AHXSIOU9QLQK1", "asin": "0007319185", "style": {"Format:": " Paperback"}, "reviewerName": "Marcia", "reviewText": "This is a terrible book. The language is awful. I threw it away. l wouldn't even put it in a garage sale.", "summary": "This is a terrible book. The language is awful", "unixReviewTime": 1420761600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A1WL03PNLWJ338", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael Denna", "reviewText": "I have read this many times and I always enjoy it immensely. Love the beginning, the middle and the end A great book for children and adults alike.", "summary": "A great classic!", "unixReviewTime": 1513209600} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "AQIEQZCES5YE9", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Roxanne Mason", "reviewText": "This book is a great prequel to lord of the rings. It's great to read how Bilbo got the ring. It's a really good story all on its own", "summary": "Hobbit review", "unixReviewTime": 1357948800} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A2DM4NZGNO5QRB", "asin": "0001046314", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tracie Priest", "reviewText": "Loved it!", "summary": "Four Stars", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": false, "reviewTime": "10 22, 2016", "reviewerID": "AYQWCQ9QO55BA", "asin": "0007177437", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jace", "reviewText": "This was an interesting description of a precious text. An imaginative \"filling in the blanks\" of a codecs history. Enthralling!", "summary": "Splendid storytelling", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "AI8XWBFWGJVCP", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ctljal", "reviewText": "thought provoking", "summary": "Five Stars", "unixReviewTime": 1410912000} +{"overall": 1.0, "vote": "13", "verified": false, "reviewTime": "10 10, 2007", "reviewerID": "A3OSR0X4Q2R1W9", "asin": "0007165870", "style": {"Format:": " Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "As usual, any book selected by the Pulitzer Committee is a reliable horrible read. Too boring to waste my time on. . . Alcott would be mortified!", "summary": "Pulitzer's Reliability", "unixReviewTime": 1191974400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A1C7P3569T02OA", "asin": "0006498000", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jimbb", "reviewText": "A well written novel based on facts which reveal a hidden side of the situation and makes you think about the society at that time.", "summary": "A well written novel based on facts which reveal a ...", "unixReviewTime": 1409616000} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "A23RH3R4YK0US9", "asin": "0007350031", "style": {"Format:": " Hardcover"}, "reviewerName": "Citygirl", "reviewText": "I am a Michael Crichton fan and like the genre of the medical thriller. This was good but not the greatest. Nevertheless, I enjoyed it and I am glad that I read it.", "summary": "Micro novel", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "A1GYRZPSC7GXY4", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "Mopfog", "reviewText": "Although my son doesn't speak nor understand much English yet, he enjoys this book due to the great pictures and the writing style.", "summary": "Great book", "unixReviewTime": 1366848000} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "ATERWENDSPGTV", "asin": "0007145632", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "MIKILEE736", "reviewText": "GOOD SERIES, BUT A BIT MISOGYNISTIC, THOUGH I AM HOLDING MY BREATH ALL THE TIME.", "summary": "GOOD SERIES, BUT A BIT MISOGYNISTIC, THOUGH I AM HOLDING MY BREATH ALL THE TIME.", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A2PEEAD42UBB26", "asin": "0007339585", "style": {"Format:": " Paperback"}, "reviewerName": "Phyllis T.", "reviewText": "This was a gift for a young animal lover niece. Good story with good characters and concern for animals in a wartime situation. Author writes excellent children's books. Check out his \"War Horse\" as well.", "summary": "Great children's book", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A3ARBU2VH7F3L6", "asin": "0007230206", "style": {"Format:": " Paperback"}, "reviewerName": "raffaella", "reviewText": "The same story of Henry and Anne told again with a different twist - it's seen through the eyes of thomas Cromwell.", "summary": "Great Read", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A1B67U268YHS9M", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "john loscavio", "reviewText": "A classic to share with family and friends.", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "AJ26I8NVC5ZGY", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "BlueMax", "reviewText": "One of my greatest loves.....since my childhood and even today. I love the movies each Christmas time and love reading the story to my grandkids.", "summary": "One of my greatest loves.", "unixReviewTime": 1465862400} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A38OS12ZSIUY2", "asin": "0006498000", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Justin", "reviewText": "A fictional account of the events leading up to WW II, the desperate attempts of Chamberlain to avoid war, and the conspiracy to scuttle Churchill's ambitions. The characters are complex and well drawn. The plot has some surprises even though we know the outcome.", "summary": "Politics Never Change", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "A1NJTLY1UDK1L4", "asin": "0007137818", "style": {"Format:": " Paperback"}, "reviewerName": "terilynn", "reviewText": "I liked the movie \"The Vampire's Assistant\" so much that I bought it. The books are not like the movie, which is a typical thing, but VERY enjoyable series.", "summary": "Never judge a book by it's movie...", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3OM77965XNOJB", "asin": "0006476155", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anthony Sanmartin", "reviewText": "Great story and the beginning of a long relationship with Alex Cross.", "summary": "Five Stars", "unixReviewTime": 1412812800} +{"overall": 2.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "A2YU9N5G224HNZ", "asin": "0007243448", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jess", "reviewText": "not enough time spent developing the main characters. I usually love mystery and suspense but was unable to enjoy this one. parts of the storyline just seemed contrived.", "summary": "Better character development", "unixReviewTime": 1392076800} +{"reviewerID": "A25J9BG7XK6M4Z", "asin": "0002247437", "reviewerName": "Oscar A. Gomez Arango", "verified": true, "reviewText": "George R.R. Martin could easily be the next Tolkien. I haven't been so caught up by a book since TLOTR but I find A song of Ice and Fire a great series for fantasy lovers", "overall": 5.0, "reviewTime": "08 29, 2006", "summary": "Wonderful", "unixReviewTime": 1156809600} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A18ZHEVEG6CUXD", "asin": "0006510426", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bryan A. Lane", "reviewText": "Could very well be. Accompanied by wonderful reproductions of artwork and maps depicting the battle's progress, the author stitches together a magnificent picture of the strategic, tactical and human events of Waterloo. A page-turner; I couldn't put it down.", "summary": "Cornwell's Masterpiece?", "unixReviewTime": 1482364800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "AZT60HLHFL0V0", "asin": "0004103033", "style": {"Format:": " Paperback"}, "reviewerName": "Sacred Chapel", "reviewText": "I really enjoy Fitzgerald's translations", "summary": "fun read", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "ABFG76F52VBP6", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Edward Schuppe", "reviewText": "I hvae read other things by CS Lewis, but this is my first time through Mere Christianity. It is great and so logical and yet creates such an awe of God. This is a book that I will reread.", "summary": "Great read", "unixReviewTime": 1406851200} +{"reviewerID": "A1BLXXBDRCHUN2", "asin": "0002211505", "reviewerName": "L.C. Dunlop", "verified": true, "reviewText": "This book is well worth reading, especially if you are interested\nIn Christian men and women of the Bible. Taylor Caldwell is a masterful wordsmith and storyteller. I enjoyed reading the book even though it took me longer than most books.", "overall": 1.0, "reviewTime": "05 22, 2017", "summary": "DEAR and GLORIOUS Physician", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A190JWV3ORANVF", "asin": "0007202628", "style": {"Format:": " Hardcover"}, "reviewerName": "lib1181", "reviewText": "This is also a requested Christmas present.", "summary": "Five Stars", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": false, "reviewTime": "08 12, 2017", "reviewerID": "A1XMX2WDIFGKOB", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "P. Bean", "reviewText": "Wonderfully researched and written.", "summary": "Five Stars", "unixReviewTime": 1502496000} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A1BPNTNXYF8523", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John McMahan", "reviewText": "Intrigue well written to give you a view into a different universe. I won't spoil it for you, but worth the read.", "summary": "Reinforced an understanding.", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A26N5JRAXN8XB5", "asin": "0006176070", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cloud Dancer2", "reviewText": "One of the greatest albums ever put out... I have the original sheet music from when this came out, used to be able to play some of it on the piano when I was younger... This brings back so many memories of my youth...", "summary": "Tapestry - Carole King", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A31PXOQ7IROTOB", "asin": "0007319185", "style": {"Format:": " Hardcover"}, "reviewerName": "Kathryn L. Ploski", "reviewText": "Best book on Steven Tyler. Actually bought it for a gift. She loved it!", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1V6T3AC7BQ2I9", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Starman", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"reviewerID": "A1OM0EVECH2IKH", "asin": "0002247402", "reviewerName": "Texas gal", "verified": true, "reviewText": "Overlong, does not center on all of the GOT characters", "overall": 3.0, "reviewTime": "04 21, 2017", "summary": "My least favorite of the five in the series", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A3PCB1KDRATAQY", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sean!!!", "reviewText": "The book has been around for years. To be in love is to be happy is what I have always been told. Read the book and tell us what you think.", "summary": "Great Expectations.", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2017", "reviewerID": "AL42869DZ4G8Q", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Manuel", "reviewText": "This will be my daughter's 2030 High School graduation present. I started this year with her per-school teachers writing encouraging words. Will continue until she graduates, she will not know about it until then.", "summary": "This will be my daughter's 2030 High School graduation present ...", "unixReviewTime": 1497916800} +{"overall": 3.0, "verified": false, "reviewTime": "02 20, 2015", "reviewerID": "A2PN9T1I7P7S9V", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "kens63", "reviewText": "good", "summary": "good", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A16DY7RNSXOXGZ", "asin": "0007119593", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ccs", "reviewText": "Though-provoking, much to enjoy on a second read and I am sure subsequent reads. Just enough soap opera not to be a super effort, with plenty of the \"sci\" in \"scifi\" thrown in. Fun.", "summary": "Good and Fun", "unixReviewTime": 1500940800} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "03 15, 2017", "reviewerID": "A104I3845HRX3I", "asin": "0007155662", "reviewerName": "K. L. UTTERBACK", "reviewText": "I'm in my second reading, and have already purchased two copies to send to friends. That should say it all. I recommend it to anyone with a \"Seekers\" heart.", "summary": "I recommend it to anyone with a \"Seekers\" heart", "unixReviewTime": 1489536000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A36DGFM54AOOY4", "asin": "0007247095", "style": {"Format:": " Paperback"}, "reviewerName": "Megan", "reviewText": "Excellent book.", "summary": "Five Stars", "unixReviewTime": 1433721600} +{"overall": 3.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A9Z2MZEBFTZGV", "asin": "0007256817", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bobbi", "reviewText": "Told well ...", "summary": "Three Stars", "unixReviewTime": 1465257600} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2013", "reviewerID": "A1ME6P8HXWJMW0", "asin": "0007302320", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marilyn Tootill", "reviewText": "I love Barbara Erskine. The way she writes draws you into the lives of the people in her stories. You also get a glimpse into a past way of life.\nI have read all that she has written. This is not her best but still a very good read.", "summary": "River of Destiny.", "unixReviewTime": 1372464000} +{"overall": 4.0, "verified": true, "reviewTime": "12 31, 2012", "reviewerID": "A3BHIUG3CWXZF1", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jason", "reviewText": "I liked this book...it was a probably my favorite out of the series. I didn't like them quite as much as the hobbit, but it is still worth the reads", "summary": "Great series", "unixReviewTime": 1356912000} +{"overall": 2.0, "verified": false, "reviewTime": "11 14, 2015", "reviewerID": "A1GNSJYIODU15Y", "asin": "0007303734", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "rob silverstein", "reviewText": "He should have stopped at book 6, maybe book 1, but these last few... really.... do...not...waste....your....time", "summary": "Not worth your time or money", "unixReviewTime": 1447459200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2013", "reviewerID": "A2APZUY5HK7CDT", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amcaldwell7", "reviewText": "This novel is action packed full of fun and adventure 2 words absolutely amazing!\nI recommend this to peeps who like the movies and action/adventure!", "summary": "Amazing", "unixReviewTime": 1360195200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A2B4QYNKZUEW6E", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nick", "reviewText": "The kids I know are glued to the computer/smart phone/kindle already.. Why not help them read something like a classic? Provided hours of entertainment and taught a few good lessons along the way..They go back to it several times as well..", "summary": "Nice and free for the Kindle", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": false, "reviewTime": "08 13, 2014", "reviewerID": "A2N84NB6JAXKZZ", "asin": "0007275625", "style": {"Format:": " Hardcover"}, "reviewerName": "bojack2@pacbell.net", "reviewText": "outstanding!", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A3U7NTY7W683Z4", "asin": "0007302568", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rik", "reviewText": "Anything bill bryson writes is 5 star", "summary": "bill bryson", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AK86Z91CU4EZS", "asin": "0007189885", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary Anne Helveston", "reviewText": "Ms. Adichie portrayed a wonderful sense of place. You could smell the flowers and the air on those warm nights she described. The portrayal of the young girl was properly nuanced so that her naivete and narrow life expereinces were well drawn.", "summary": "Adichie portrayed a wonderful sense of place", "unixReviewTime": 1418688000} +{"overall": 2.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A25WP541VLNED3", "asin": "0002008599", "style": {"Format:": " Paperback"}, "reviewerName": "Chelsea ", "reviewText": "This book could've been a lot better. The back story for the main character is so contrived it is not believable, the cliches were so bad I felt insulted. Think after-school-special. The lessons are great but I could barely get past the first 20 pages!", "summary": "A good idea poorly executed.", "unixReviewTime": 1422403200} +{"reviewerID": "A3GL2WX4PF2SRE", "asin": "0001951076", "reviewerName": "P. Tolrud", "verified": true, "reviewText": "Great for babies.", "overall": 5.0, "reviewTime": "12 21, 2016", "summary": "nice baby shower gift.", "unixReviewTime": 1482278400} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A1AMM58XBTSGRU", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer Bruce", "reviewText": "Fun read. the author had a great sense of humor and weaves in facts and people in interesting ways that make you think and laugh.", "summary": "Fun read as always", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "ABHX0B1BIXN4D", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "belinda Hamilton", "reviewText": "love this series", "summary": "Five Stars", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A1JVFWKLZ7UDVO", "asin": "0007190298", "style": {"Format:": " Kindle Edition"}, "reviewerName": "J. M. Menk", "reviewText": "I'm using this as part of my evening devotions and am loving each and every one!! Probably will use it on an annual basis.\n\n,", "summary": "Love it!", "unixReviewTime": 1376784000} +{"reviewerID": "A4RA6R2KZO67Q", "asin": "0001951076", "reviewerName": "e aguiar", "verified": true, "reviewText": "Still as lovable as it was 55 years ago!\nBought it as a gift, arrived in beautiful condition (new) and fast, for a great price.", "overall": 5.0, "reviewTime": "10 27, 2014", "summary": "arrived in beautiful condition (new) and fast", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A2SHZ4EDWVLJWU", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Taylor Metzer", "reviewText": "For fans of Shakespeare old and alike, there is no doubt this edition is a gem. The pesky words of Shakespeare which you were confused about no longer need to be left in question.", "summary": "Nice.", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2012", "reviewerID": "A2I6DCG7UGS8FT", "asin": "0007137818", "style": {"Format:": " Paperback"}, "reviewerName": "Jessica B.", "reviewText": "It was here on time. Early even! The book is amazing! The author is the best aithor in the world!", "summary": "Awesome!", "unixReviewTime": 1338768000} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A1I6MJZIAIMEE6", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Theresa C. Schulz", "reviewText": "All of Agatha Christies books are good.", "summary": "Four Stars", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A2D5XKOHE2UDQQ", "asin": "0007350899", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "gary froman", "reviewText": "love it grate", "summary": "Five Stars", "unixReviewTime": 1459296000} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A10H52874HQ6HH", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer Jerry", "reviewText": "This novel gave me a keen insight into the personal level of the politics & power during Henry VIII's kingdom.", "summary": "An eagle's view of Henry VIII's Kingdom", "unixReviewTime": 1395187200} +{"overall": 3.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A2RX2O9M7F802K", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donna Truschel", "reviewText": "The book was written well. I just personally didn't enjoy the book itself b", "summary": "I just personally didn't enjoy the book itself", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A51T66WC2WKG6", "asin": "0007331908", "style": {"Format:": " Kindle Edition"}, "reviewerName": "vern wright", "reviewText": "I cant get enough of this saga", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"reviewerID": "A3OISK4D4SH693", "asin": "0001951076", "reviewerName": "Miguel Bascope", "verified": true, "reviewText": "my kids love it", "overall": 5.0, "reviewTime": "03 12, 2016", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 4.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A35T1L3ZK5Y5PZ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Larry C. Lawson", "reviewText": "When did I buy this? I have no idea why it's showing up here!", "summary": "Four Stars", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2014", "reviewerID": "A1NUQKRHMA9IMQ", "asin": "0006895492", "style": {"Format:": " Hardcover"}, "reviewerName": "anon", "reviewText": "Great book and about $100 less than higher edition, from my professor and me, no difference between the two texts so it is worth getting this book and using the mastering a/p website to understand the material better!", "summary": "Cheaper than higher edition", "unixReviewTime": 1395014400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "A3UB1C8B8QLPFT", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "joan", "reviewText": "In one word - AWESOME - another version to my collection, helping me to understand God's Word, the great thing with the Bible is that you get new message every time you read it :-)", "summary": "God's word", "unixReviewTime": 1357948800} +{"overall": 3.0, "verified": false, "reviewTime": "01 16, 2017", "reviewerID": "A1LSHXE459E7JG", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kate4488", "reviewText": "I thought that this book was detailed beautifully and I could really visualize what was going on, especially during the battles.\nI personally think that this book was not the best but it was still god and I would recommend it to anyone who likes things about Elves and Dwarves.", "summary": "better than expected", "unixReviewTime": 1484524800} +{"overall": 2.0, "verified": true, "reviewTime": "11 19, 2012", "reviewerID": "A1NZ3YZA8OJBG", "asin": "0007398638", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Peepah", "reviewText": "This story started out really good, then lost it in the middle. Somehow, things got twisted around and I was like, huh? Nope. So, even though I finished it, it was begrudgingly so and I was disappointed.", "summary": "Meh.", "unixReviewTime": 1353283200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2017", "reviewerID": "A2GSZ4J7KJGZJV", "asin": "0002051850", "style": {"Format:": " Paperback"}, "reviewerName": "chapmaning", "reviewText": "It's Hemingway, it's amazing, what else could one possibly say about this great work from this great man?", "summary": "Read It, Own It, Pass It On", "unixReviewTime": 1499904000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "12 16, 2011", "reviewerID": "A1AD31OT606ZFH", "asin": "0007181604", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Page W. Brousseau", "reviewText": "A book with a stated goal. One think is for sure and that is Hollywood will never make this into a movie. The perfect gift for you liberal friends.", "summary": "Fear the Environmental movement", "unixReviewTime": 1323993600} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2013", "reviewerID": "AZZAC9CGC5R94", "asin": "0007305931", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DD", "reviewText": "I am not finished with this yet, but it is a very compelling story and is enjoyable. I am not a big fiction reader, but this was recommended for my book club and it's holding my attention.", "summary": "Good Book Club Choice", "unixReviewTime": 1369094400} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A1BYX38D9QKHI7", "asin": "0007177437", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Steven E. Aldous", "reviewText": "Well written and very interesting.", "summary": "Four Stars", "unixReviewTime": 1407456000} +{"overall": 3.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A32RQNYYZUPTFN", "asin": "0007206976", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Book Addict", "reviewText": "This feels better than the first book, One Child. Maybe because the author is more self depreciating which feels less contrived. However all in all not a technical book for human services students but more of a quick emotional read.", "summary": "so so", "unixReviewTime": 1434326400} +{"overall": 3.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "ACA9S6RA2GJ99", "asin": "0006476155", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Thomas G. Gray+", "reviewText": "Story slow and lengthy. Not one of my favorites.", "summary": "Story slow and lengthy. Not one of my favorites ...", "unixReviewTime": 1441497600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A1SM2XWZIXNRHP", "asin": "0007141882", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "The best! My 2 & 4 yo love this book. It is one of their favorites. Dr. Suess is great.", "summary": "A classic!", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2009", "reviewerID": "A1BKAS5WH1ZB2L", "asin": "0006473369", "style": {"Format:": " Paperback"}, "reviewerName": "Gail Long", "reviewText": "This is the first Philippa Gregory novel I read and it was so good, I want every single books she has written.", "summary": "FALLEN SKIES IS A FANTASTIC READ", "unixReviewTime": 1239753600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "A1C2I5LZIFDHIQ", "asin": "0007105568", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "vince west", "reviewText": "It starts out hard and fast and rarely slowed down. If you think you know all of Mick's injuries you're in for a surprise. This is a very entertaining book. If you're into wrestling or Mick you'll enjoy this book.", "summary": "Mick Foley book", "unixReviewTime": 1369440000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 9, 2007", "reviewerID": "A3GAZ3BT0EYHLQ", "asin": "0007181604", "reviewerName": "C. J. Harris", "reviewText": "For a political junkie like me, it's hard to tear myself away from reading non-fiction books. But I had heard so much about this one that I just had to give it my time. I am so glad I did. It was so good. I really recommend it!", "summary": "This book is so good", "unixReviewTime": 1189296000} +{"overall": 4.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A2N9GY6NPUGNSO", "asin": "000727095X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jennifer S. Switzer", "reviewText": "I enjoyed this novel very much. Camilla writes in such an interesting way, and her novels keep me guessing through most of the novel. I hope poor Erica has a more interesting role later than just being a mother!", "summary": "The Preacher", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A3NMKKQ5RCMW0K", "asin": "0007202628", "style": {"Format:": " Hardcover"}, "reviewerName": "Cres", "reviewText": "Very cute poems. Great for children and adults!", "summary": "Great for children and adults", "unixReviewTime": 1438128000} +{"overall": 3.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A30UO79SA7IP2F", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rebecca Blakely", "reviewText": "Wish she could've written more.\nThe language of that era is charming. Why do I have to write more. moreWords", "summary": "Northanger Anney", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A25J2HC2I2TG0V", "asin": "0007281447", "style": {"Format:": " Kindle Edition"}, "reviewerName": "C. D. McCloskey", "reviewText": "I loved this book.", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": false, "reviewTime": "02 23, 2014", "reviewerID": "ATQIES3F60B46", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "s. bryant", "reviewText": "I really enjoyed reading this series. The books are short, fast paced yet thorough. Looking forward to the final book.", "summary": "excellent series", "unixReviewTime": 1393113600} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A38TY6K1Z7Q0BH", "asin": "0006499627", "style": {"Format:": " Paperback"}, "reviewerName": "berel", "reviewText": "Short stories, long on suspenseful mystery.", "summary": "The Short and long of it.", "unixReviewTime": 1442534400} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A76BSYHO794PI", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Read", "reviewText": "Narrated by Enzo the dog who shares with the reader all of life's lessons he picked up along with way and through watching tv and replays of his master's car races. Quite an intelligent and, of course, lovable dog! An enjoyable read!", "summary": "The car goes where the eyes go", "unixReviewTime": 1405209600} +{"reviewerID": "A1PIB1M6WBW1PX", "asin": "0001951076", "reviewerName": "Anna Banana", "verified": true, "reviewText": "a classic gift for my kids. If you love tongue twisters Cat in the Hat is definitely that!", "overall": 5.0, "reviewTime": "03 24, 2016", "summary": "Mad about the Cat", "unixReviewTime": 1458777600} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A2FW34MOSFZ8IJ", "asin": "0007248075", "style": {"Format:": " Paperback"}, "reviewerName": "Right is right", "reviewText": "Very sad story, but a good read. I would have given 5 stars, but the author bounces bacj and forth between characters and I often had to go back to remind myself which person it was. Otherwise, it was worth reading and interesting.", "summary": "Very sad story, but a good read", "unixReviewTime": 1474329600} +{"overall": 5.0, "vote": "10", "verified": false, "reviewTime": "08 19, 2003", "reviewerID": "A1JW089LB3KQRP", "asin": "0001713256", "style": {"Format:": " Hardcover"}, "reviewerName": "Sally Chartreuse Adams", "reviewText": "I love this book! The hats that the girl dog always wears are absolutely wonderful! I especially like the one she wears when she is skiing! It is taller than she is! The boy dog is rude! The dog party is wonderful! I wish I could go to a party in a big tree!", "summary": "DOGS!!!", "unixReviewTime": 1061251200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "A3559KD1LD0MCD", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ChaCha", "reviewText": "Loved the whole series.", "summary": "Five Stars", "unixReviewTime": 1503360000} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "AT8F7SR57B8UJ", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "shirley bonacci", "reviewText": "I'm a fan of his books. They are aimed at young adult audience but I've enjoyed every one that I have read.", "summary": "They are aimed at young adult audience but I've enjoyed every one that I have read", "unixReviewTime": 1428710400} +{"overall": 3.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A1P4QP4QHS5YU", "asin": "0007206720", "style": {"Format:": " Kindle Edition"}, "reviewerName": "History Buff", "reviewText": "This is a relaxing old-time mystery. Interesting, too, as it shows Baghdad back in the early 20th century. Good characters.\\\n\nBut not terribly exciting, If you like A. C. and her type of who-done-its you'll enjoy this.", "summary": "Typical Agatha Christie", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2011", "reviewerID": "A3EV9C56Z68V5M", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "oldgoldone", "reviewText": "Absolutely excellent; more than worth the money; a must have for surviving in the wild. Thanks, this will save my life and my families as well. Need to know information, clear concise and doable.", "summary": "excellent", "unixReviewTime": 1297814400} +{"overall": 5.0, "verified": false, "reviewTime": "03 24, 2015", "reviewerID": "A1CJ4D8NCARYZ", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Barbara L. Waloven", "reviewText": "The story continues with new characters meshing with one's we met in previous stories to continue the giver series. Sad ending.", "summary": "Another wonderful story", "unixReviewTime": 1427155200} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2013", "reviewerID": "A44I8GHHPI45A", "asin": "000738422X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "beaumiss", "reviewText": "This second book in the series is a good follow on and quite involved. The author has done well to keep it moving as there are so many different characters in the story...", "summary": "Exiled Queen", "unixReviewTime": 1374969600} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A2OXZ81L189V14", "asin": "0006476155", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Suzy Q", "reviewText": "Good story but not five stars because, for an electronic book that was a best seller, there is no excuse for the typos and other errors. Certainly, it wasn't as bad as a free or 99 cents book but for a book I paid several dollars for, there were too many.", "summary": "Good story but...", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": false, "reviewTime": "05 22, 2014", "reviewerID": "A1XAF3908ZNR00", "asin": "0001720295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kitty", "reviewText": "You don't have to be a child to enjoy this. It makes you feel young reading it. I loved it!", "summary": "excellent", "unixReviewTime": 1400716800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2RY6VVZLIOL56", "asin": "0007198019", "style": {"Format:": " Hardcover"}, "reviewerName": "Ducky", "reviewText": "Perfect Dr. Seuss! A wonderfully happy birthday book.", "summary": "Five Stars", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A2MC0JCZ26YKH6", "asin": "0002224216", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Julie A. Winterton", "reviewText": "I'm greatly enjoying the entire series.", "summary": "Five Stars", "unixReviewTime": 1441065600} +{"reviewerID": "A3SLDT72T9IIHB", "asin": "0002252317", "reviewerName": "Steve W", "verified": true, "reviewText": "Jack and Jill is an excellent an excellent mystery. What I've enjoyed are the few surprising twists at the end of book. It's highly recommended read.", "overall": 5.0, "reviewTime": "04 8, 2015", "summary": "Jack & Jill", "unixReviewTime": 1428451200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A6U1TLV2F8I8L", "asin": "0004244079", "style": {"Format:": " Leather Bound"}, "reviewerName": "beth", "reviewText": "Loved reading Little Women for years. Quick shipping.", "summary": "Great Book", "unixReviewTime": 1477785600} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2014", "reviewerID": "AJ0S3H4FWF3E6", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kris Long", "reviewText": "I had no intention of liking this series but, so far, I have.\nThis book was not what I expected because there were monstrous creatures involved. Normally that turns me off, but it worked out fine. I enjoyed it!", "summary": "no bones about it: another interesting book!", "unixReviewTime": 1398470400} +{"overall": 1.0, "verified": true, "reviewTime": "03 26, 2014", "reviewerID": "A3B4H44XI78DB6", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Sidney Wolff", "reviewText": "This paperback version of Sense and Sensibility is unacceptable. The print is too small to read, and bound in the middle of the book are pages from some other book about constructing a room and making furniture.", "summary": "Do not buy this version!", "unixReviewTime": 1395792000} +{"overall": 5.0, "verified": false, "reviewTime": "10 28, 2005", "reviewerID": "A38GIDCOD32T7F", "asin": "0006478980", "style": {"Format:": " Hardcover"}, "reviewerName": "Highlanderthal", "reviewText": "ist of this trilogy but 7-9 in the series, a must read for deighton fans.", "summary": "Another great read", "unixReviewTime": 1130457600} +{"overall": 4.0, "verified": false, "reviewTime": "09 18, 2014", "reviewerID": "AVZU7TG9J0G1F", "asin": "0007200285", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer ADawson", "reviewText": "I was fully involved until the end when the book just seemed to stop (short!). It was highly disappointing to me.\nI learned a lot and I was engrossed until it stopped.", "summary": "Good read", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A3CC8DZ2JUROL9", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael Stafford", "reviewText": "One of my favorite books of all time.", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A1JSX57KJW41M", "asin": "0007250916", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. Innow", "reviewText": "Very probably the best non-fiction book I've ever read. I recommend this to everyone and anyone interested in not just the history of cancer, but of science and medicine.", "summary": "Very probably the best non-fiction book I've ever read", "unixReviewTime": 1405209600} +{"overall": 4.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "AWY9FWBVHFLK7", "asin": "0007244649", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Renee", "reviewText": "I enjoy historical novels. The characters he develops pull you in to the story and you don't want to leave. The only thing that I did not like about the story is the author's strong mocking bias against Christianity.", "summary": "Well written, captivating", "unixReviewTime": 1474588800} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "08 6, 2007", "reviewerID": "A3RHMBE0DUIVLR", "asin": "0007189516", "style": {"Format:": " Hardcover"}, "reviewerName": "H. Vanderpool", "reviewText": "This is a very cute little book. I love turning to it everyday and learning something new about that day.", "summary": "Helpful", "unixReviewTime": 1186358400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2012", "reviewerID": "A2RZIRMPRAKY5G", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Tom Jakovac", "reviewText": "I only use this version of the Bible, as its close to the original KJV, but bit easier for teaching and quoting in my essays and books.", "summary": "NKJV", "unixReviewTime": 1354492800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A27SZPIPIDN3FH", "asin": "0006280897", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Martha", "reviewText": "I always enjoy Lewis's thinking, and I have intended t read this book for years. I am so glad I finally did.", "summary": "What a beautiful exploration of the many forms of love.", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A1O3QRG7AJBNCG", "asin": "0006377408", "style": {"Format:": " Paperback"}, "reviewerName": "LC215", "reviewText": "Great book. Delivered very quickly.", "summary": "Five Stars", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A312A082P7OQ3E", "asin": "0007150342", "style": {"Format:": " Hardcover"}, "reviewerName": "puppymom", "reviewText": "A quiet, calming read for my preschool classes and, of course, the artwork is stunning!! As someone who always judges a book by its cover, I was not disappointed with this one. I am an Oliver Jeffers fan!", "summary": "I was not disappointed with this one", "unixReviewTime": 1423353600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "03 7, 2014", "reviewerID": "A1JM213VPSY3BF", "asin": "0007303017", "style": {"Format:": " Kindle Edition"}, "reviewerName": "E. Kampa", "reviewText": "The book was not what I expected. Endal came too late in it. Story sad, but it went on too long.", "summary": "Endal needed affection and love", "unixReviewTime": 1394150400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AJILJXZFDVILR", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Copper911", "reviewText": "Love it! I love the whole story about bilbo and the ring quest. Now let hope they have another lotr movie again!!!", "summary": "Fantastic", "unixReviewTime": 1429401600} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2018", "reviewerID": "A2ERWAILHJDT50", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dershs", "reviewText": "Emma is not my favorite Austen. The age difference between Emma and Knightley bothers me, especially since she has never been away from home.\nIt is more romantic and less ironic than some of Austens work.", "summary": "More romantic?", "unixReviewTime": 1520812800} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A2SB6C6FQDAHB", "asin": "0007312504", "style": {"Format:": " Hardcover"}, "reviewerName": "Melanie Smith", "reviewText": "my son loves the Octonauts, and this book didn't disappoint. you can tell it's an early version of the stories, before it got picked up by the disney channel. lots of little details in the illustrations that captivate my 3.5 year-old son.", "summary": "very cute", "unixReviewTime": 1397001600} +{"overall": 5.0, "verified": false, "reviewTime": "08 15, 2008", "reviewerID": "A9BJ6EXYI238Z", "asin": "0007350783", "style": {"Format:": " Leather Bound"}, "reviewerName": "Sarah", "reviewText": "I loved having all of my favorite Jane Austen books in one hard cover book! I loved that the pages were slightly yellow to help avoid the strain on my eyes!", "summary": "Loved it", "unixReviewTime": 1218758400} +{"overall": 3.0, "verified": true, "reviewTime": "03 24, 2013", "reviewerID": "A6U75KGQPG7BW", "asin": "0002552868", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DanP", "reviewText": "I read the book originally when it first came out. It was ok but not the reading I was looking for..\nthx", "summary": "I read it..", "unixReviewTime": 1364083200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A3T3KPMIUFVIIZ", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "David M. Fanale", "reviewText": "Fantastic book with some very twisted subject matter, but with contemporary metaphors. Great book for anyone who has their head out of the sand, and sees the social engineering of today's society.", "summary": "Fantastic book with some very twisted subject matter", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2015", "reviewerID": "A1GZA79I8X9FW6", "asin": "0007194498", "style": {"Format:": " Kindle Edition"}, "reviewerName": "beverly hardy", "reviewText": "Love it love Dr. Laura this lady knows her stuff.", "summary": "Five Stars", "unixReviewTime": 1430092800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2008", "reviewerID": "A3HECDF4D3OPJU", "asin": "0007178484", "style": {"Format:": " Paperback"}, "reviewerName": "Joan M. Finch", "reviewText": "This book is remarkable, intense and thought provoking. I had to read it slowly to digest every chapter. Very well written.", "summary": "Reading Lolita in Tehran", "unixReviewTime": 1207008000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "AWW11MOX7Q5ST", "asin": "0007137818", "style": {"Format:": " Paperback"}, "reviewerName": "Lorraine Pezzella", "reviewText": "I am a huge fan of this series. I love reading almost anything to do with vampires. The author is amazing!", "summary": "love it", "unixReviewTime": 1366675200} +{"overall": 4.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A3LZY88S8BWOUD", "asin": "0007312113", "style": {"Format:": " Paperback"}, "reviewerName": "Yitch", "reviewText": "Management classic. Lead your team effectively", "summary": "Management classic", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A1GO7WS21E0EL7", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Quilting Chick", "reviewText": "My mother wanted the books by CS Lewis for her Kindle and I got them for myself at the same time, as I had never read them. I am about 3/4 of the way through this book and love it. It fills out the land of Narnia from the beginning.", "summary": "CS Lewis Fan", "unixReviewTime": 1360886400} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "AGHJAIJL386IP", "asin": "0006392954", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Anders Berg", "reviewText": "Extremely well written. Innovative structure that leverages the story in a fantastic way.", "summary": "A wonderful 60's tale", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2018", "reviewerID": "A34YAEU56LEXWO", "asin": "0007270747", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "made me cry so much", "summary": "Five Stars", "unixReviewTime": 1515369600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2J0INIA9P2E6V", "asin": "0007141343", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mrs Helen Gorman", "reviewText": "This is one of my favourite Poirot books. The sleuth and his little grey cells keeps one guessing to the end. Wonderful and believable characters. A must read for any new Christie fans and well worth a second and even a third read for her most ardent fans", "summary": "This is one of my favourite Poirot books", "unixReviewTime": 1426896000} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2013", "reviewerID": "A3VO41VXIXF36U", "asin": "000719093X", "style": {"Format:": " Paperback"}, "reviewerName": "Carmen Leff", "reviewText": "more than met my expectations definitely would recommend this provider. received earlier that promised and in great condition. only negative is in having to provide this feedback", "summary": "more than met expectations definitely would recommend this provider received earlier than promised and in great condition", "unixReviewTime": 1371254400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A32XRNLDW6FI4E", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "zac", "reviewText": "I couldn't if I tried; explain all the ways this book made me feel. I cried when it was over. I feel as though I was really a part of the world he created and saying goodbye feels so bitter. How I will ever feel this glad to have experienced so much in One story, is beyond me.", "summary": "Wow.", "unixReviewTime": 1381363200} +{"overall": 4.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "ALV34E7C204IL", "asin": "0006510426", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Paul Kiernan", "reviewText": "As usual an excellent book by Cornwell.", "summary": "Four Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A23XJD6Q5M3XRA", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Whiteboy", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1421884800} +{"overall": 3.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A39M72XKA08Z8W", "asin": "0006513220", "style": {"Format:": " Kindle Edition"}, "reviewerName": "LAJ", "reviewText": "Kind of long winded but interesting", "summary": "Three Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A1S4DLOX3II761", "asin": "0006162754", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sweetwriter", "reviewText": "This book will keep you guessing as to who the murderer is. The ending completely took me by surprise. I never would have guessed. Another great mystery!", "summary": "After the funeral", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A3C16NFHRMU9V9", "asin": "0007368658", "style": {"Format:": " Paperback"}, "reviewerName": "Toni Manning", "reviewText": "ordered for school", "summary": "Five Stars", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A3SYOO86T6SEZD", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kim Steger", "reviewText": "This is an epic Finnish to one of the best series I have ever read. I suggest it to anyone who loves fantasy in any way.", "summary": "Amazing", "unixReviewTime": 1412208000} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "12 24, 2010", "reviewerID": "AVJDSIQPP87B9", "asin": "0007318529", "style": {"Format:": " Hardcover"}, "reviewerName": "C. Ellen Connally", "reviewText": "After 66 pages, I just gave up on this book. It makes no sense. Maybe I'm just stupid, but don't bother.", "summary": "I gave up", "unixReviewTime": 1293148800} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "03 19, 2012", "reviewerID": "A31CV6A0YU4KND", "asin": "0007331819", "style": {"Format:": " Hardcover"}, "reviewerName": "BC", "reviewText": "If you're read more than 10 of Bernard's books, you can skip this one. Same basic stories, but more dithering than usual.", "summary": "dithering", "unixReviewTime": 1332115200} +{"overall": 5.0, "vote": "13", "verified": true, "reviewTime": "11 8, 2006", "reviewerID": "ACPFVMHKL2O4V", "asin": "0007231601", "style": {"Format:": " Paperback"}, "reviewerName": "Casandra Mahoney", "reviewText": "This is a beautiful book, rich in humor and satire.\n\nJust upon reading the first page, and scanning through reading side notes, it is easy to tell this is a book that will be easily enjoyable for a long time.", "summary": "Exceeded expectations", "unixReviewTime": 1162944000} +{"overall": 5.0, "verified": false, "reviewTime": "03 9, 2012", "reviewerID": "A2ZIF9F9GS2DHJ", "asin": "0007271239", "style": {"Format:": " Audio CD"}, "reviewerName": "rangerfan", "reviewText": "This books goes from smiles to tears. BIG love from a dog. Written beautifully. A MUST read for all Dog lovers and even those that are not!", "summary": "BEST BOOK I EVER READ!", "unixReviewTime": 1331251200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A265H1BUFAJOXT", "asin": "0006510426", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stephen J Cupp", "reviewText": "Excellent story that was well told. It is obvious that Cornwell wanted to tell the story of Waterloo in its entirety and focused on the battle, in many ways, more than he did on his main character. Sharpe.", "summary": "Excellent", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2640HJJ4P45UT", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Hector Nieves", "reviewText": "As description", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A2DDYJX1NXZI4P", "asin": "0007244649", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jpk", "reviewText": "Could wait for tv. Never a dull page. I'm on to book 4 and it starts into action on The firs;t page.", "summary": "Great book!!", "unixReviewTime": 1479254400} +{"overall": 5.0, "verified": false, "reviewTime": "08 11, 2014", "reviewerID": "A1T7F8WY5HDL9T", "asin": "000711835X", "style": {"Format:": " Kindle Edition with Audio/Video"}, "reviewerName": "BWager", "reviewText": "Great classic! Easy and fun read. Full of adventure! I loved reading this story again. Tolkien is the master of fiction!", "summary": "awesome!", "unixReviewTime": 1407715200} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2014", "reviewerID": "A3B7QXO3DALCSO", "asin": "0007142498", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Don Lewis", "reviewText": "A great action read. Bit too detailed in places and has a few slow moments but once the action starts it's a real page turner, you just have to keep reading. Recommended for action starved book worms!", "summary": "Dale does it again", "unixReviewTime": 1404086400} +{"overall": 3.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A30YO350G5STNG", "asin": "0007240198", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leanne", "reviewText": "This is another book I would rather give 3.5 stars to. It's interesting and informative; however, it's a bit dry. I can only read a little at a time. Still, the subject is interesting.", "summary": "Interesting", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A1KS3QFIDSN1M6", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "A. Lawrence", "reviewText": "It's a fantastic book and I am reading it to my daughter. I have enjoyed the movies so I decided to get more of the story from the books as \"The Hobbit\" is out in theaters.", "summary": "Not finished yet, but loving it!", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A1PGUPKKZKL9KL", "asin": "0007419503", "style": {"Format:": " Kindle Edition"}, "reviewerName": "floanna", "reviewText": "I liked The Hidden Child. Any book that has anything to do with the second world war has always interested me. In this book the boy who\nhappened to have a father who was a German SS escapes and thus the story. Interesting!", "summary": "I liked The Hidden Child", "unixReviewTime": 1442361600} +{"overall": 1.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "ARY2ICI152Q1Q", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Alyssa Doffing", "reviewText": "The copy of \"The Two Towers\" is misprinted . The book is missing pages 339 - 370. Instead, it has pages 19 - 50 repeated.", "summary": "Beware - misprinted books", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A33FRC83F9MUCP", "asin": "0006543545", "style": {"Format:": " Paperback"}, "reviewerName": "Ellen McCann", "reviewText": "I love this book. Love it.", "summary": "This is a terrific book.", "unixReviewTime": 1455321600} +{"overall": 3.0, "verified": true, "reviewTime": "01 18, 2018", "reviewerID": "A3PTWMJMXZGF9N", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "The first half of the book had a lot of informarion and characters to learn and switching each chapter to someone new was frustrating. It got interesting and i enjoyed the last half and look forward to the next book.", "summary": "Good", "unixReviewTime": 1516233600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A2DQKKMWQB7PJM", "asin": "0007284241", "style": {"Format:": " Hardcover"}, "reviewerName": "J. Lody", "reviewText": "A beautiful edition to treasure and pass on to your children. The illustrations my Mr. Naismith are so stunning and helpful to the imagination. This is the best edition of the Silmarillion I have ever found.", "summary": "A beautiful edition to treasure", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A30143LL0SOTXH", "asin": "0007257775", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joseph N. Frezza", "reviewText": "Such a good book, and one hell of a good read. If you are a fan, you need this book!!!!!!!!!", "summary": "Wow......", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A1XT0P8A0E59Q3", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Radioman III", "reviewText": "An excellent edition for my new android tablet.", "summary": "Five Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A38TIJ2TEL4XN8", "asin": "0007331010", "style": {"Format:": " Paperback"}, "reviewerName": "Judith Mees", "reviewText": "Received on time. I needed this book for a book club, I'm in. Thanks so much.", "summary": "Received on time. I needed this book for a ...", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A1T5HR56GBXL5S", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Janie Sims", "reviewText": "who would not enjoy this book, It is very easy to read and understand what you have just read. enjoy", "summary": "HOLY BIBLE", "unixReviewTime": 1357430400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A2H41G3K3OM4YJ", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I'll keep my review short and sweet. I love Jane Austen and most of the books I have read by her.\nThis book tells a tale of maybe not a\"fairytale\"ending. It it's a must read!", "summary": "love it!", "unixReviewTime": 1362787200} +{"overall": 4.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A1ZBBTHYJM84Q7", "asin": "000654861X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "lupita", "reviewText": "I enjoyed it very much. It had a lot of historical events that have plagued the politics in Red China.", "summary": "Interesting", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A1QNBZ9PBKQW8Z", "asin": "0006137989", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Margaret S. Brice", "reviewText": "Good read couldn't put it down m.brice", "summary": "Good read couldn't put it down m", "unixReviewTime": 1436400000} +{"overall": 4.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "AZ3SMS383Q9ZD", "asin": "0007261918", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ragle...", "reviewText": "Typical Cornwell! It is amazing to me how thoroughly Cornwell researches these books -- they could be used for history texts in college-level specialty courses, with additional critiquing, of course.", "summary": "Be Sharp with ever Sharpe!", "unixReviewTime": 1402876800} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "AUEQIY62CHWPF", "asin": "0006551807", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leahick", "reviewText": "It is a bit long winded at times, but overall a good narrative.", "summary": "good, but not the best", "unixReviewTime": 1463270400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A2IITMNU3ZLUTU", "asin": "0003302245", "reviewerName": "Holly", "reviewText": "This printing is a Create Space version. It's large (8.5 11) size. It's ill formatted with tiny text. Read the book, but order a different, normal edition. This one is ridiculous.", "summary": "Get a different version", "unixReviewTime": 1437177600} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A27WO1RO11D8LO", "asin": "0007342055", "style": {"Format:": " Paperback"}, "reviewerName": "Hilary Blythe", "reviewText": "I am in the middle of re-reading this and, although it is a good read, I find it less enthralling than some of the author's other work.", "summary": "Good - but...", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A7L0WJO2TH22J", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kristin St. Martin", "reviewText": "Another great segment of an amazing story! I got the audible to go along with this version so I could get through it faster!!", "summary": "The excitement continues", "unixReviewTime": 1471737600} +{"overall": 4.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1K7XAQVCMULBX", "asin": "0006155480", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Weteddie", "reviewText": "Having first read the series in the late 70's, I found this volume to be just as good as my first read. It can hold it's own against any of the Hornblower stories set in the era of wooden ships and men of steel.", "summary": "Ramage revisited", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "A26WP5SEK4O94B", "asin": "0007236360", "style": {"Format:": " Kindle Edition"}, "reviewerName": "leandra lafrazia", "reviewText": "This book was phenominal and well written. It's heartwrenching to know that for a lot of kids these circumstances are reality. A definite must read.", "summary": "Loved this book", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "AI37YX1U4KB1L", "asin": "0007141424", "style": {"Format:": " Paperback"}, "reviewerName": "Chris Salzer", "reviewText": "A great read for any age. When choice and freedom are removed from society this is what you get. An amazingly thought-provoking read that made me all the more thankful for the freedoms that we enjoy today.", "summary": "Profound and Engrossing", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": false, "reviewTime": "05 20, 2013", "reviewerID": "A2VRZJCBSXFQR", "asin": "0007310250", "style": {"Format:": " Kindle Edition"}, "reviewerName": "RaeRae64", "reviewText": "I slept with the lights on! Couldn't put it down; well written and fast moving. Sci-fi smart and interesting as well as addictive", "summary": "Not your average Vampire book", "unixReviewTime": 1369008000} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "ALWMT2NDI5DH1", "asin": "0006280935", "style": {"Format:": " Audio CD"}, "reviewerName": "BillOfBillerica", "reviewText": "insightful and important... as meaningful now as when it was written decades ago...", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A1249QSFL1OHO1", "asin": "0006132081", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Julia Pegues", "reviewText": "I am enjoying all the books in this series.", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "AHWMHL2LH1AG0", "asin": "0001720279", "style": {"Format:": " Hardcover"}, "reviewerName": "Volkster", "reviewText": "I love this story.", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 4.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A2HUZUJT9WYPX0", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nathan Yoon", "reviewText": "Just like the title states", "summary": "Four Stars", "unixReviewTime": 1475193600} +{"overall": 1.0, "verified": false, "reviewTime": "04 6, 2005", "reviewerID": "A2F6909CQ1ALLW", "asin": "0007201109", "style": {"Format:": " Hardcover"}, "reviewerName": "Julie Failla Earhart", "reviewText": "wish i hadn't bought it. The story is told not shown. characters don't seem to sound the same. writing feels forced and stories don't flow.", "summary": "bad-bad", "unixReviewTime": 1112745600} +{"overall": 4.0, "verified": false, "reviewTime": "09 23, 2009", "reviewerID": "A2U89TNVER3ECZ", "asin": "0007314361", "style": {"Format:": " Hardcover"}, "reviewerName": "Monica Higbee", "reviewText": "I don't think there was any foul language. There are a few intense kissing scenes, but no sex scenes. Sex is discussed briefly and not inappropriately...", "summary": "Rated PG - Fun page turner", "unixReviewTime": 1253664000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A1ZT5XBSLSBASA", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Juanita Crapps", "reviewText": "Very good book", "summary": "Five Stars", "unixReviewTime": 1465948800} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A3OOXX853XNA7A", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wisconsin Jack", "reviewText": "Enjoyed the book and found it hard to put down. A good summer read.", "summary": "Summer Read", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": false, "reviewTime": "10 29, 2013", "reviewerID": "AV9TU5VECSTDG", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy C. Little", "reviewText": "I love the characters in this story! So touching and funny and real! Enzo, the canine philosopher, has much to teach us about human life.", "summary": "awesome story!", "unixReviewTime": 1383004800} +{"overall": 3.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "AC4NH4KM6MIM7", "asin": "000720924X", "style": {"Format:": " Hardcover"}, "reviewerName": "Adam D", "reviewText": "I enjoyed this novel. Somewhat of a modern A Separate Peace. A good young adult fiction for young readers or adults.", "summary": "Reminiscent of a modern A Separate Peace", "unixReviewTime": 1386806400} +{"overall": 3.0, "verified": true, "reviewTime": "01 27, 2010", "reviewerID": "AH2MG1I54XNC4", "asin": "0007304501", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L. Callahan", "reviewText": "This was an ok book. It read like they were Sidney Sheldon characters, but it was not nearly as good as one of his books. I felt like he outline it, and then the author took it from that point. I would wait until the price gets even lower before purchasing.", "summary": "Ok", "unixReviewTime": 1264550400} +{"reviewerID": "A2SGJYNBVIJ1EA", "asin": "0001050230", "reviewerName": "Amana J", "verified": true, "reviewText": "Great product and arrived on time", "overall": 5.0, "reviewTime": "11 14, 2015", "summary": "Great product and arrived on time", "unixReviewTime": 1447459200} +{"overall": 5.0, "verified": false, "reviewTime": "10 11, 2014", "reviewerID": "A19025QAPE9GXZ", "asin": "0004705475", "style": {"Format:": " Hardcover"}, "reviewerName": "Barbara Miller", "reviewText": "good condition & good info.", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 3.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A1R7B0E44653TR", "asin": "0006499163", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bob Beadle", "reviewText": "Excellent research. Interesting story line. Not among the best novels of any kind. Close to the best sea stories of all time.", "summary": "Excellent research. Interesting story line", "unixReviewTime": 1433030400} +{"overall": 4.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A17G8TTNUVAI2R", "asin": "000710829X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "love the book great story", "summary": "Four Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "AGNXY6T6GO5BA", "asin": "0007158505", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marilyn Thayer", "reviewText": "Great book!", "summary": "Five Stars", "unixReviewTime": 1450656000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A2LJXI72TVNCWR", "asin": "0007226586", "style": {"Format:": " Hardcover"}, "reviewerName": "kenneth workman", "reviewText": "as promised", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A2JXXZ5YDLPWGP", "asin": "0007165870", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Geraldine Brooks is so wonderful", "summary": "Five Stars", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2013", "reviewerID": "A2JPVHPOAMIE08", "asin": "000733186X", "style": {"Format:": " Paperback"}, "reviewerName": "Autoartist", "reviewText": "Cornwell never disappoints! He transports you to the era and drowns you in the action. It is always a great read.", "summary": "Cornwell never disappoints!", "unixReviewTime": 1386115200} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A2TTYJFS6BIWOS", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Louis", "reviewText": "A good read. The story captured the atmosphere of the mystery of the desert and it's turbulent history. The human narrative is enchanting,", "summary": "The Alchemist is a delightfull weekend read.", "unixReviewTime": 1478390400} +{"overall": 4.0, "verified": false, "reviewTime": "10 10, 2015", "reviewerID": "A10MJASFPO3POQ", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "little-debbie", "reviewText": "Makes you think.", "summary": "Great book", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": false, "reviewTime": "04 14, 2015", "reviewerID": "A2KV5HLQ5JZ09N", "asin": "0005245826", "style": {"Format:": " Hardcover"}, "reviewerName": "Tony Morrison", "reviewText": "Very appropriately-sized chapters. Can self-teach with this book for the most part.", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": false, "reviewTime": "07 23, 2014", "reviewerID": "A3LCGMJ7IU2QYG", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "it.would.be.wise", "reviewText": "Read this as a child and still love this as an adult. Quick read. Great truths. A journey worth the time.", "summary": "deserves a second read", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2017", "reviewerID": "A1RJ49STLAMAHF", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I enjoyed the simple sense this made, I felt like I was highlighting the whole book! I would recommend this to just about anyone who is looking for simple truth. 5 stars for something I would read more than once !", "summary": "Amazing", "unixReviewTime": 1493942400} +{"reviewerID": "A233OPYIX3Q06O", "asin": "0001939777", "reviewerName": "Paula I Scott", "verified": true, "reviewText": "I have the set of these books but was missing the first one. I will give these to my grandkids to read, they are great books!", "overall": 5.0, "reviewTime": "02 2, 2018", "summary": "The Lion, the witch and the Wardrobe", "unixReviewTime": 1517529600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2013", "reviewerID": "A1XKDMDKLBBPDK", "asin": "0007229674", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. Valosen", "reviewText": "I found this to be a very interesting book. It would definitely be worth reading if you are a fan of Gordon Ramsay.", "summary": "Great Book", "unixReviewTime": 1370995200} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A1HLSA96YRDZMA", "asin": "0007178255", "style": {"Format:": " Hardcover"}, "reviewerName": "Rachel Hammond", "reviewText": "There were some fantastic idea' s in here. I built my post baby wardrobe from it. Well the ideas behind it. The Herme's handbags need to stay in the store, but I could adapt everything to my budget. Great colour combination ideas too.", "summary": "Fun", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "AOW4N51PD9232", "asin": "0006176976", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kevin Finnegan", "reviewText": "Another great read by Bernard Cornwell!", "summary": "Good stuff!", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": false, "reviewTime": "10 17, 2014", "reviewerID": "A3S0VTJIW5XS1", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Beverly Gould", "reviewText": "Just as sweet to read today as it was 25+ yrs ago <3 Follow your hearts dear readers <3", "summary": "Five Stars", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A3GUAJS91I597J", "asin": "0006480101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bruce J Braly", "reviewText": "I bought it for my Kindle at $5.99 but now it is on sale for $2.00. It is worth $5.99.", "summary": "I bought it for my Kindle at 5. 99 ...", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A2ZOA129MUERLZ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bonnie", "reviewText": "As always you can always count on the classics for a good read. Lord of the rings trilogy or any Tolkien novel can always be counted on for great entertainment.", "summary": "count on the classics", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A2TMX6TU945M2R", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Elaine Hicks", "reviewText": "Good book.", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A2UEHAFAOA3N7Y", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Mimsy", "reviewText": "I am a big Austen fan, and I like this book. This particular edition is budget quality, and the print is kind of small. Otherwise, it's Austen and it's just fine.", "summary": "An inexpensive edition of Persuasion.", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A1JLR3O1HIELWW", "asin": "0006172768", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bookmanic", "reviewText": "Rollicking good story reread for the umpteenth time, still fun, still unptudownable. I never tire of his writing and the stories are always fun. Thanks Uncle Tom.", "summary": "Great reads jack Ryan series, I want more on kindle", "unixReviewTime": 1461024000} +{"overall": 3.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A2P6USXM2N4RS3", "asin": "0007274041", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Phyllis Mazzotti", "reviewText": "Depressing but happy ending", "summary": "Three Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "A372KYVZGOKK4U", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I use it in Bible study every week. It is easier than carrying a Bible, and it is easy to look things up using it..", "summary": "Like it", "unixReviewTime": 1382659200} +{"overall": 5.0, "verified": false, "reviewTime": "03 14, 2017", "reviewerID": "A2CH9R1UVZRGTM", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "Ark1836", "reviewText": "I had not read this book since high school, but I remembered enjoying it then. I thoroughly enjoyed re-reading this classic again. Of course, this is a classic book, so expect more detailed descriptions and longer periods between action than you typically find in a modern book.", "summary": "Classic masterpiece", "unixReviewTime": 1489449600} +{"overall": 3.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A2GWGNQZMGCSQ7", "asin": "0006895492", "style": {"Format:": " Loose Leaf"}, "reviewerName": "squirley", "reviewText": "good book for my needs, very easy purchase, will use this seller again.", "summary": "Three Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A22P6CP2ILZA6F", "asin": "000715707X", "style": {"Format:": " Paperback"}, "reviewerName": "B. Hoist", "reviewText": "It's exactly as presented. Arrived very quickly. Happy with my purchase.", "summary": "Happy with my purchase", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A1BAOUSDNHMH6F", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy G Hillerman", "reviewText": "That such an expansive world could exist in someone's mind. Very beautifully written, and very touching. I hope that I Tolkien's books remain popular for generations to come.", "summary": "It is a wonder", "unixReviewTime": 1394841600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A1EXMND1QX7URK", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donna C. Hughey", "reviewText": "This was such an amazing book!! I laughed, I cried, I couldn't put it down. Highly recommend. You will fall in love with Enzo and Denny.", "summary": "Amazing and touching book!!!", "unixReviewTime": 1390867200} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A193TB6GX2ZNVG", "asin": "000614182X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jorg Jansen", "reviewText": "I did not like the book. Too much nautical lingo. I did not finish reading it. Someone with interest in maritime language may like it.", "summary": "Overwhelmed by lingo.", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A3KGK5Z9TL1XVH", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Michael H. Olsson", "reviewText": "This series is very exciting and a joy to read. I would recommend it to anyone. I hope the rest of his work is published.", "summary": "Fan 1", "unixReviewTime": 1359504000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "AY2H631YUYPX2", "asin": "0006755232", "style": {"Format:": " Paperback"}, "reviewerName": "Kristopher Chavez", "reviewText": "Every now and then you read a book and have to say, \"Well, now that's how it should be done.\" This is one of those brilliant pieces of children's literature.", "summary": "Fancifully Brilliant", "unixReviewTime": 1435449600} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A3QQ8K5NM64QVF", "asin": "0007251165", "style": {"Format:": " Board book"}, "reviewerName": "Just Me", "reviewText": "Like these", "summary": "Five Stars", "unixReviewTime": 1496188800} +{"reviewerID": "ACUM2ZRWD5V24", "asin": "0002247437", "reviewerName": "JackElayne", "verified": true, "reviewText": "Excellent", "overall": 5.0, "reviewTime": "07 19, 2014", "summary": "Five Stars", "unixReviewTime": 1405728000} +{"overall": 4.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A203BVLVFEPVCA", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Earl W. Greer", "reviewText": "Interesting though quite rambling at times. Very detailed I found, and I liked that.", "summary": "and I liked that.", "unixReviewTime": 1435968000} +{"overall": 1.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A2CTMY95X5XKW3", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "AlaskaHusker", "reviewText": "I was really disappointed with this book, especially with its status as a must read classic. The language is annoying, \"pneumatic\". But the story lacked bulk for me, I didn't feel a real climax and the deal breaker for me was the lack of any resolution at the end.", "summary": "Not a Fan", "unixReviewTime": 1489190400} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A3NPJP06OEOR4O", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Annette Steadham", "reviewText": "This is good reading for an example of prayer. Be careful what you pray for. For Dorian Gray it wasn't desirable", "summary": "Keeps you wondering if Dorian will always be forever young", "unixReviewTime": 1444348800} +{"reviewerID": "A39MWV494T0YLZ", "asin": "0001050230", "reviewerName": "Paul G. Joseph", "verified": true, "reviewText": "It astonishes me that for this money, one can get a work of art into which so much thought and effort has gone. A truly remarkable rendering of Tempest, shows me clearly that Shakespeare was also a cognitive scientist.", "overall": 5.0, "reviewTime": "07 1, 2014", "summary": "A genuine work of art.", "unixReviewTime": 1404172800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2013", "reviewerID": "A38XG4VT9BNL8P", "asin": "0007236123", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Kindle Customer", "reviewText": "I Love this author and would read any of her books that I could find, as a matter of fact I think I have bought all her books.", "summary": "Loved IT", "unixReviewTime": 1382140800} +{"overall": 4.0, "vote": "6", "verified": false, "reviewTime": "11 3, 2000", "reviewerID": "A1EXJJQMOWNAUY", "asin": "0006514936", "style": {"Format:": " Hardcover"}, "reviewerName": "Moe811", "reviewText": "Usually, adaptations of plays into novels, especially Agatha Christie's are very stiff and hard to read. This one is particularly smooth and entertaining with very little stage direction. I enjoyed it alot.", "summary": "A surprisingly good adaptation of a Christie play.", "unixReviewTime": 973209600} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A19ZQ8L7NWIKQ8", "asin": "0007250916", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ramirz", "reviewText": "It is OK", "summary": "Four Stars", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2018", "reviewerID": "A26P5G7CF4W3CE", "asin": "000712838X", "style": {"Format:": " Hardcover"}, "reviewerName": "Barb", "reviewText": "It was a gift and the kids loved the books", "summary": "Five Stars", "unixReviewTime": 1517184000} +{"overall": 2.0, "vote": "18", "verified": true, "reviewTime": "08 22, 2011", "reviewerID": "A3V3EK4PBAG23B", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Sandra Wick", "reviewText": "After waiting five years for this opus, I was terribly disappointed. The story did not move along. More characters and new plot lines were added. Nothing was resolved.", "summary": "major disappointment", "unixReviewTime": 1313971200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A29TQ6EWPHQ53R", "asin": "0007391625", "style": {"Format:": " Kindle Edition"}, "reviewerName": "D. Qualey", "reviewText": "Loved the Sanctus & totally enjoyed The Key, can't wait for the third. Amazon please release early thanks so much", "summary": "Can't wait for the 3rd book", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2013", "reviewerID": "A3A4K5TCSHSOM4", "asin": "0006551807", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nana", "reviewText": "A wonderful view of what it might be like to be brought up by parents from a different culture than the country you are living in. Well written, clear and accessible. A little slow for those used to thrillers or mysteries but worth reading.", "summary": "Very interesting", "unixReviewTime": 1378512000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "A3ME064QJFABH7", "asin": "0007350783", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "kim felipe-ochoa", "reviewText": "Love it..!", "summary": "Five Stars", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A2NSBF2IVODI7", "asin": "0007224796", "style": {"Format:": " Hardcover"}, "reviewerName": "KrisK", "reviewText": "One of my favorite books from my childhood. Everyone needs to read this to their children. It's a classic!", "summary": "Five Stars", "unixReviewTime": 1457308800} +{"reviewerID": "A1KM64KUBBXRUP", "asin": "0001983679", "reviewerName": "Avid reader 1", "verified": true, "reviewText": "A good book. I enjoyed it.", "overall": 4.0, "reviewTime": "01 24, 2017", "summary": "Four Stars", "unixReviewTime": 1485216000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2013", "reviewerID": "AHEP4N0XIJR1K", "asin": "0002239892", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jlt246", "reviewText": "I really enjoyed this book. I have read about 27 of his books and look forward to reading his new books!", "summary": "Santa Fe Rules", "unixReviewTime": 1371254400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3FK83UAU1HSSI", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sfdfdf", "reviewText": "It was Awesome! I really want more!!!!", "summary": "Awesome!", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2017", "reviewerID": "A51S174C9E6DS", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wendy folkard", "reviewText": "Finally Charles Dickens Great expectations has been read and enriched my reading pleasure with great characters and a plot to ponder. The themes as relevant today as when he wrote all those years ago.", "summary": "Finally", "unixReviewTime": 1514073600} +{"overall": 5.0, "verified": false, "reviewTime": "04 24, 2016", "reviewerID": "A1H38NB9I1EXRZ", "asin": "000710829X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Annette Knotts", "reviewText": "So very good love this series..", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": false, "reviewTime": "11 15, 2012", "reviewerID": "A378UFH47A7QQG", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Zara Latif", "reviewText": "Best book I've ever read!! Love it. Recommend lord of the rings as well. J. R. R. Tolkien really is an amazing author!", "summary": "Amazing book!!! <3", "unixReviewTime": 1352937600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "A1UA4VS4CRC0A1", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "mproctor", "reviewText": "J.R.R. Tolkien is a master story-teller. One can read these books multiple times, and they never grow less fascinating. Enjoy!", "summary": "Don't waste your time on the movie...", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "A19BHC8U77N5O2", "asin": "0007113803", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Betty Garland", "reviewText": "Agatha Christie never lets me down. Good plot line and I love it when I get so interested in the characters", "summary": "Good read", "unixReviewTime": 1380153600} +{"overall": 5.0, "verified": false, "reviewTime": "10 23, 2008", "reviewerID": "AG86545NUUKOA", "asin": "0007270747", "style": {"Format:": " Paperback"}, "reviewerName": "Penelope Clausen", "reviewText": "I listened to this (from the library) and so enjoyed it that I purchased a copy for myself. You can start almost anywhere and get lost in the words. I've recommended it many.", "summary": "A KEEPER!", "unixReviewTime": 1224720000} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A22NY5JQGSFPX1", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "wolfenrex", "reviewText": "This was a Christmas gift for my spouse. She has an enormous collection of Jane Austen works. She loves to add to her collection. As always, she was very pleased with this addition.", "summary": "A Christmas gift", "unixReviewTime": 1419638400} +{"overall": 3.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A2YQ96OV0UV9O1", "asin": "0007223722", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George", "reviewText": "A good story with some thrilling suspense. Don't think it's the best of Higgins' works but worth a read if you enjoy WWII history.", "summary": "A good read", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "A33S3BKMU4BGOG", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "Beverly Ball", "reviewText": "This was my sons' favorite book when they were little, so now it's my go-to for gifts. Finding \"Gold Bug\". on each page is as much fun as reading the story and talking about all the pictures.", "summary": "My Go-To Gift", "unixReviewTime": 1380499200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A1QVGL0UN0YM6L", "asin": "0003302245", "reviewerName": "Amazon Customer", "reviewText": "Novel arrived in great condition! A suspenseful and exhilarating read with thoughtful social and cultural commentary. Bram Stoker's classic!", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": false, "reviewTime": "12 25, 2016", "reviewerID": "A18A48FH8LPUJX", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This is one of my favorite books. Its an easy read and it slips you into the beautiful and intricate world that Tolkien has created.", "summary": "This is one of my favorite books. Its an easy read and it slips ...", "unixReviewTime": 1482624000} +{"overall": 3.0, "verified": true, "reviewTime": "09 16, 2013", "reviewerID": "A15Z42NTFXAIU4", "asin": "0007122187", "style": {"Format:": " Kindle Edition"}, "reviewerName": "J.B. Martinez", "reviewText": "Well this has been the story that has taken the longest to read Joe an Will the protagonists in the tale. Two policemen with questionable values and do what they must to come out ahead. Do they deserve what happens. Read and find out!", "summary": "Finally", "unixReviewTime": 1379289600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A30Y1WSK49JAIU", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pat Dotson", "reviewText": "One of the finest books I have ever read.", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2013", "reviewerID": "A270GOD4Y2MMRO", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Annie", "reviewText": "We now use No Fear Shakespeare EXCLUSIVELY for studying the master! Gone are the hours long headaches of \"I don't get this!\"", "summary": "This takes the fear out of Shakespeare!", "unixReviewTime": 1358467200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "A11QOVOVJVSJEE", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kg", "reviewText": "Disappointed with this after lots of positive reviews from friends. I found the dog amusing but never got to know ant other character. The storyline was uninteresting and I struggled through waiting for something to happen...", "summary": "Art of waiting for something to happen", "unixReviewTime": 1356825600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A2SUSEGSDAFAXI", "asin": "000726349X", "style": {"Format:": " Hardcover"}, "reviewerName": "Doug L.", "reviewText": "Everyone needs to read this book! The animated version left a lot to be desired and could put some people off from reading it. White does go into a lot of detail but I love the way he always brings it back around.", "summary": "a Classic read!", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A2DM62ENWG4YOO", "asin": "0007118899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Fran", "reviewText": "I thoroughly enjoyed reading both book 1 and 2 but wasn't interested in reading book 3. I was completely engrossed in both stories and loved the characters.", "summary": "I thoroughly enjoyed reading both book 1 and 2 but wasn't interested ...", "unixReviewTime": 1412726400} +{"reviewerID": "A1Q8PW7TZ7BT5P", "asin": "000171760X", "reviewerName": "Tammy J. Smith", "verified": true, "reviewText": "Enjoyed by my kids when they were young and now by my grandkids!", "overall": 5.0, "reviewTime": "09 11, 2015", "summary": "Five Stars", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2014", "reviewerID": "A1SL236KWBAD67", "asin": "0007327064", "style": {"Format:": " Paperback"}, "reviewerName": "Jennie L. Garner", "reviewText": "The book wasn't as good as the others. I wonder if Koontz is getting tired of Odd. I enjoyed it but it didn't get my interest up as the others had. Jennie", "summary": "I like it very much.", "unixReviewTime": 1402790400} +{"overall": 4.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A1LAHM25YO0KDC", "asin": "0006472281", "style": {"Format:": " Kindle Edition"}, "reviewerName": "William F Morrow", "reviewText": "Good read keeps you turning the pages", "summary": "Four Stars", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "AQ958WURY54BD", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Swebsluv2travel", "reviewText": "What more is there to say? A timeless classic, a truly original work that inspired many.", "summary": "Five Stars", "unixReviewTime": 1500854400} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "03 29, 2012", "reviewerID": "A3MXQWDTFVA41O", "asin": "0007319185", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Melissa", "reviewText": "Pretty slow read, lots of details about his life, some a bit graphic for my taste. Alot of names mentioned who I have no idea who they are, famous people before my time. Good book for putting you to sleep at night.", "summary": "Very graphic detail, lots of swearing.", "unixReviewTime": 1332979200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A2KIQHY250ZJLX", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "twist", "reviewText": "All I can say is....read it....simple words with powerful meaning....", "summary": "READ IT....", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": false, "reviewTime": "06 24, 2017", "reviewerID": "A2WWN177GN5YPH", "asin": "000713746X", "style": {"Format:": " Paperback"}, "reviewerName": "David", "reviewText": "This book greatly helped me during my celibacy in order to prepare myself for the couple's life.", "summary": "Great for single people too!", "unixReviewTime": 1498262400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A37N7AUUIYOG6D", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jan", "reviewText": "Very good! This book is a keeper to read over and over again. Loved it!", "summary": "Awesome!", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A25X0XY51D0KM7", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "gladatlast", "reviewText": "One of the best books for children, young adults and adults alike.", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A2OJJ001A1XGPB", "asin": "0001720295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lois G. Kemerer", "reviewText": "Good story and writing. Good for younger youth to read. Thanks.", "summary": "Four Stars", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A8L61VZOP91AM", "asin": "0006895492", "style": {"Format:": " Kindle Edition"}, "reviewerName": "m", "reviewText": "Interesting topic, still it's a textbook for my son's school. I don't see why I have to say 10 words.", "summary": "it's a textbook for my son", "unixReviewTime": 1380672000} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A2U2HWTOCBZWJY", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This whole series is great. Now to buy the last book. I'm sad I'm already at the last in the series.", "summary": "Very captivating!", "unixReviewTime": 1423612800} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A3OXB5SGEX7W8X", "asin": "0006137989", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Char", "reviewText": "A little slow at times but not bad overall", "summary": "Good read", "unixReviewTime": 1457308800} +{"reviewerID": "A26GBJFBNMT4HJ", "asin": "0002247402", "reviewerName": "Algonquinn James March", "verified": false, "reviewText": "Greatest", "overall": 5.0, "reviewTime": "09 6, 2017", "summary": "Five Stars", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "AVNAFU81EFPKI", "asin": "0007119550", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "Beautiful set! Great story! Very colorful and nice quality however there are some words that have been mispelled...no big deal though for me", "summary": "Great colorful set! A Must Have", "unixReviewTime": 1523923200} +{"overall": 4.0, "verified": false, "reviewTime": "04 9, 2014", "reviewerID": "AL979DMO23EVH", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "Reader's Advocate", "reviewText": "This book was given to me to read on vacation. The reason that I am not ranking it 5 stars is because it was such a heavy read. I actually thought I was going to be delving into something more lighthearted.", "summary": "The Art of Racing in the Rain", "unixReviewTime": 1397001600} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2009", "reviewerID": "A1P7EL852LUOOV", "asin": "0007203136", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Karl F. Weiffenbach", "reviewText": "Good, but not great. Will buy again anyway.", "summary": "Four Stars", "unixReviewTime": 1250726400} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2016", "reviewerID": "AFLM2R1CFNYRO", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "young ss", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1475971200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A3MQQWTQTE996P", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Daena Trahan", "reviewText": "I love the book, and love the movie on lpb, it is a great read. jane austen was ahead of her time.", "summary": "emma review", "unixReviewTime": 1396224000} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A21MNL9L345KEQ", "asin": "000714637X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "It is a very interesting book with a predictable ending. Other then that this is a goo book and its fun to try to solve t he ending with or before them", "summary": "City of beats", "unixReviewTime": 1415836800} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "AOA4UBS16OP51", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "gayle", "reviewText": "Good read, cared about the characters, learned more about the history of the beginning of the Civil War.", "summary": "Four Stars", "unixReviewTime": 1453507200} +{"overall": 5.0, "vote": "14", "verified": false, "reviewTime": "04 7, 2000", "reviewerID": "A3PK2LTN51JAMF", "asin": "0002117088", "style": {"Format:": " Paperback"}, "reviewerName": "Chris McKinstry", "reviewText": "Renoir isn't dead. He lives in this book, and in the minds of everyone who reads it. Every artist, independent of medium, needs to read this.", "summary": "Renoir isn't dead", "unixReviewTime": 955065600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2016", "reviewerID": "A321VXDU98ZCSM", "asin": "0007107005", "style": {"Format:": " Paperback"}, "reviewerName": "Carly Hopper", "reviewText": "Great book to have in my library!", "summary": "Five Stars", "unixReviewTime": 1471651200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A15N7MJ7DSG3AS", "asin": "0001713256", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Patti", "reviewText": "I found it cheaper at my local K-Mark\nI should have waited before ordering from Amazon !\nFast Delivery though", "summary": "Dr. Seuss = Classic", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A1PPW4F7VHRFZL", "asin": "0006895492", "style": {"Format:": " Paperback"}, "reviewerName": "Mia", "reviewText": "loved the pics and all the great information about the human body and how it works together. The test questions and study guides were awesome also", "summary": "yep buy it", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A1NPGE3MDKU169", "asin": "0007147295", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joann M.", "reviewText": "I cant read enough of Gregory. I have read a lot of this period books but Gregory gives a different voice to the characters that I love. you know the story but it feels new and different.", "summary": "great read", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A3JRDYINPHEGFT", "asin": "0006280897", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Milly Mendez", "reviewText": "Dual language translation is a little confusing but other than that, great material", "summary": "Good read", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": false, "reviewTime": "07 22, 2015", "reviewerID": "A2FDYX8NKJQI6O", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JFowler", "reviewText": "Good book.", "summary": "Five Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": false, "reviewTime": "12 9, 2016", "reviewerID": "ASJ83SZXKPL3E", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kelsey", "reviewText": "Easy read, keep me very interested throughout entire book!! I thought there would be three books, was a little sad it didn't last longer.", "summary": "Easy read, keep me very interested throughout entire book", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2018", "reviewerID": "A257GOUCSMYP0D", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "C. Cook", "reviewText": "This should be read at least once by all men, and all those who hope to become a man someday.", "summary": "Well placed on every list of great novels.", "unixReviewTime": 1521417600} +{"overall": 3.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A3JZM9AWXWY9CK", "asin": "0007286384", "style": {"Format:": " Kindle Edition"}, "reviewerName": "VeryReal", "reviewText": "I like the history part of the novel but it is sad on the survival part of the story. Not a romantic novel", "summary": "Captivating", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "A2T34W5L7Y4NN8", "asin": "0006152465", "style": {"Format:": " Paperback"}, "reviewerName": "Diane Finlay", "reviewText": "Read these books years ago, and ordered them for my daughter to enjoy now. For me these books are even better than The Lord of the Rings series because these heroes are more human, subject to frailties and capable of wonder.", "summary": "Best Fantasy Trilogy(s) EVER", "unixReviewTime": 1363910400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "A83XF6OWZ437A", "asin": "0007137818", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sandy lyn", "reviewText": "This is an easy and enjoyable read for an adult or as young as 10 year old. I enjoyed the style of writing and could hardly stop reading to do anything else. I read on my kindle and will be buying more books from Darren Shan.", "summary": "Suspenseful vampire story", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A2AU6ZHBBI2WG2", "asin": "0007350430", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MissDaisy", "reviewText": "Loved this book. It was laugh-out-loud funny, and at the same time very thought provoking. The main characters were lovable and believable. Highly recommended.", "summary": "Great Read!! Totally unique and entertaining.", "unixReviewTime": 1398643200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1R9HD26YDA2BQ", "asin": "0007213220", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lesley McGovern", "reviewText": "I'm a huge fan of the books featuring Tommy & Tuppence who are, by far, my favourite Agatha Christie characters.\nThis book [like all of them] is a mystery with a light hearted touch. Well worth reading.", "summary": "Tommy & Tuppence are the best!", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A3HHV6VND37L78", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Great book!", "summary": "Five Stars", "unixReviewTime": 1482364800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2013", "reviewerID": "ASCWJMUIE6LMU", "asin": "0007353588", "style": {"Format:": " Kindle Edition"}, "reviewerName": "K. K. johnson", "reviewText": "Mantel gives a plausible narrative of the turbulent times of Ann Bolyn and Henry the Eighth. While I don't completely buy into Cromwell's softer side, I see the \"romance\" of Henry and Ann as that of a victim/fan club member and a histrionic personality.", "summary": "For fans of English History Literature", "unixReviewTime": 1371945600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A28HTEVW66T3PA", "asin": "0007311648", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dorothy Kaye", "reviewText": "forgot to mention CUTTING ROOM", "summary": "Five Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2017", "reviewerID": "A3Q1I9YUAA0MBC", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This is definitely a must read. Extremely well written, great plot and story. No wonder it has remained a classic through all these years. Excellent work by Dickens!", "summary": "A True Classic", "unixReviewTime": 1493942400} +{"overall": 2.0, "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A386II5JPHOQOX", "asin": "0007119593", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Rob Moses", "reviewText": "This \"classic\" is more about relationships than the development of Mars. Way too much soap opera for me. I just could not get into it. About half way through, I found myself increasingly skipping pages to finish the book.", "summary": "Classic that never caught on with me", "unixReviewTime": 1397260800} +{"reviewerID": "A2WCSCWTG20T4X", "asin": "0002247437", "reviewerName": "KH", "verified": true, "reviewText": "I think George Martin has quite an imagination and concocts an interested and convoluted good story, but often gets lost in his wordiness and the story fails to progress. It is difficult to listen to the narrator. Rough and irritating voice.", "overall": 3.0, "reviewTime": "11 29, 2014", "summary": "good story poorly told", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2013", "reviewerID": "A2F48K3B98R3VF", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "Susan Dever", "reviewText": "Who knew a dog could be a writer. Clever story line.\nI've been reading out loud to my husband and if we miss a day, he's asking me 'what's happened?'", "summary": "Great read!", "unixReviewTime": 1359763200} +{"reviewerID": "A7Z9TY8PIN5SO", "asin": "0001050230", "reviewerName": "hs4mommy", "verified": false, "reviewText": "Another entertaining play by the bard! The Folger editions have very helpful notes.", "overall": 5.0, "reviewTime": "10 10, 2016", "summary": "Five Stars", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2DZHX4V0PZCYH", "asin": "0006514936", "style": {"Format:": " Paperback"}, "reviewerName": "madelaine northausen", "reviewText": "Thoroughly enjoyed this book. Written in the true Christie style", "summary": "Five Stars", "unixReviewTime": 1437350400} +{"overall": 4.0, "verified": false, "reviewTime": "08 13, 2016", "reviewerID": "A2R7FUO6J65FEE", "asin": "0007130317", "style": {"Format:": " Paperback"}, "reviewerName": "Kira Brighton", "reviewText": "I really liked this book. It's really relatable, and addresses a number of issues with simple neutrality. Really a good read.", "summary": "A mini book recommendation", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A28ICB1E9ZU9DX", "asin": "0006280560", "style": {"Format:": " Paperback"}, "reviewerName": "Lynn", "reviewText": "Great read!", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"reviewerID": "A2980PWT53U28D", "asin": "0002247437", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "One of the greatest series off all time. But come on, you already knew that", "overall": 5.0, "reviewTime": "08 10, 2016", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A1D2YFF7MYK2BZ", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "T.O.Powell", "reviewText": "Very interesting survival story and nice to know the \"after the story\" details. In places it's a little dry in the telling but well worth reading.", "summary": "Intersting Survival Story", "unixReviewTime": 1488326400} +{"overall": 4.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A2DA88XUQRH8C8", "asin": "0007353588", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bookmonger, Ltd", "reviewText": "good follow-up to Wolf Hall, well-written and interesting. Would be interested in seeing more on this time in English history and about these characters", "summary": "Good read", "unixReviewTime": 1377993600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A8TKO055700SW", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George Keffer", "reviewText": "Good read!", "summary": "Creepy!", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A101J93T55XPLC", "asin": "0007350961", "style": {"Format:": " Paperback"}, "reviewerName": "Charity", "reviewText": "Great read!", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A2HPB7HUC8FBV6", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "LONO", "reviewText": "IF YOU LIKE MUSIC THIS IS A MUST HAVE", "summary": "Five Stars", "unixReviewTime": 1449878400} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A7H64JNY620IZ", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "Kimberly Reckles", "reviewText": "Building my Dr. Seuss collection for the grand kids who LLLLLLOVE his books!", "summary": "Five Stars", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A2N9E2CGRN4JAL", "asin": "000721801X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ryan cerrie", "reviewText": "Great series can't wait for the next book... read all in a row non stop, love these books", "summary": "Five Stars", "unixReviewTime": 1479168000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2013", "reviewerID": "A1GYD0C6J8Y8MR", "asin": "0007350783", "reviewerName": "Marian Josephine", "reviewText": "I've been waiting for a compilation of all Austen's novels into one, and this one was inexpensive (7 for ~$10), had my favorites, and I loved the cover! So happy ^^", "summary": "Jane Austen is just <3", "unixReviewTime": 1369958400} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A2EVEU1I8T6Q5Q", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Jan Dowling", "reviewText": "Whether a graduation, new baby, or any achievement, I highly recommend this book as a gift. I've purchased 2 for my upcoming grandbabies' births.", "summary": "The book I recommend", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A2W4M0Z2SVEKZU", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda R. Ermuk", "reviewText": "Paulo takes us on this young man's journey and quest for his true love and his treasure. He learns to listen to his inner spirit as it guides him along this journey only to find that what he seeks was in front of him so long ago. Wonderful imagery.", "summary": "I had a hard time putting this book down.", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2014", "reviewerID": "A3QAQ3UI6ZK122", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Gracee", "reviewText": "This was a great book.the only thing is that the ending was confusing maybe I will read it again. Recommend it", "summary": "Good but confusing", "unixReviewTime": 1397692800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "A18IF1AIJRU5V7", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "AmazonCustomer", "reviewText": "One of the best fantasy books ever written. This and the Lord of the\nRings series is well written and best books ever!", "summary": "Greatest ever", "unixReviewTime": 1361664000} +{"overall": 1.0, "verified": true, "reviewTime": "12 7, 2009", "reviewerID": "A1QPCM40TTJKCC", "asin": "0007304366", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "This is a sticker book that was listed as used in \"new\" condition. To me that meant that it had been read, but the stickers were still intact for my use if bought. I bought the book and my Granddaugher was very upset that there were stickers missing.", "summary": "Not enough information", "unixReviewTime": 1260144000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A7FDMUVP3DK1Y", "asin": "0007198019", "style": {"Format:": " Board book"}, "reviewerName": "Susan", "reviewText": "charming", "summary": "Five Stars", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A37IDBTS889UMD", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Ms Houston", "reviewText": "Got this for the kids in the family, everyone loves Dr. Seuss", "summary": "You can never go wrong with Dr. Seuss", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2010", "reviewerID": "A1AUX7UBG0IPG6", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Janet Brown", "reviewText": "I enjoyed reading this book, Michael made me feel like I was there right along side the Captain dealing with whatever hits them! It was different from what we were used to from Michael Crichton but it was very well written and engaging to read.", "summary": "its a pirates life", "unixReviewTime": 1293494400} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "A2LQQP7TZ0Y3A1", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mary", "reviewText": "One of my favorite Jane Austen novels! (Pride and Prejudice is #1)", "summary": "Five Stars", "unixReviewTime": 1505088000} +{"overall": 5.0, "verified": false, "reviewTime": "11 20, 2000", "reviewerID": "A1AXHNRDJEQ0B", "asin": "0003303187", "style": {"Format:": " Paperback"}, "reviewerName": "Adi Adler", "reviewText": "Gerald writes about his family's advertures and manages to describe each member, including himself, as a very funny character, while still making them look like real people.", "summary": "VERY VERY FUNNY...", "unixReviewTime": 974678400} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A2W8LQ6MBH66JD", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Elise Gonzalez", "reviewText": "Huxley is, as always, a bit difficult to read, but the book itself is great, in great condition.", "summary": "but the book itself is great, in great condition", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A33RR230TPSUIJ", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "WolfGod", "reviewText": "Everyone should have a copy of The Lord of the Rings close at hand.", "summary": "Very Handy", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2008", "reviewerID": "A1QX8DSYVNQ4NQ", "asin": "0007257775", "style": {"Format:": " Hardcover"}, "reviewerName": "Jacque Nordahl", "reviewText": "This book is a great insight into the world of Guns n' Roses - not just Slash (although you definitely will get an earfull about Slash as well). I would suggest this book for any Slash fan or any Guns fan. Or any Rock fan in general.", "summary": "Great read!", "unixReviewTime": 1208131200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2011", "reviewerID": "A1TBTV6YLFKM67", "asin": "0007148976", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CaliPostCo", "reviewText": "I just had to write a review on this book simply because my daughter (who is in the 6th grade) could not put this book down. There were some vocabulary and old-fashion words she didn't recognize but other than that the book was a great adventure and good history lesson too.", "summary": "My daughter LOVED this book!", "unixReviewTime": 1320278400} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A2ZGYYN7A9OL8U", "asin": "0007224893", "style": {"Format:": " Kindle Edition"}, "reviewerName": "PATRICIA LACAGNINA", "reviewText": "I am a big James Patterson fan", "summary": "Four Stars", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2011", "reviewerID": "A27G7BZADC7EP5", "asin": "000612609X", "style": {"Format:": " Paperback"}, "reviewerName": "M. Zimmerman", "reviewText": "There is no shortage of adventure but the thing that makes this book especially wonderful is that the Vikings are both completely believable and yet alien as their era.", "summary": "Mind of a Viking", "unixReviewTime": 1293840000} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A3Q1AG92SR6WTY", "asin": "0006498515", "style": {"Format:": " Kindle Edition"}, "reviewerName": "frances solarino The Racketeer - by John Grisham", "reviewText": "I always read anything written by Scottoline, & am looking to her next book.", "summary": "Legal Tender", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A3FC7XCXM15LHH", "asin": "0007196954", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sharon Christ", "reviewText": "Great book", "summary": "Five Stars", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "AQR372XPPIZCT", "asin": "0007325169", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cess", "reviewText": "This was a very heart breaking story. I was very happy to learn that Lisa was able to face that monster of a step father. I can't believe how some women can have children and treat them worst than trash. I hate that woman!", "summary": "I was very happy to learn that Lisa was able to face that ...", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2013", "reviewerID": "A38N2A7U8ZQSE9", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Curtis E. Miner", "reviewText": "Purchased these items to give to our high school and college grads at church. GREAT item at a good price shipped in a timely manner ... and the kids LOVED them ... THANK YOU!", "summary": "GREAT graduation present!", "unixReviewTime": 1369699200} +{"reviewerID": "A3L6S09XMV82NJ", "asin": "0002256649", "reviewerName": "oversixty", "verified": true, "reviewText": "Another great Jack Ryan story.", "overall": 5.0, "reviewTime": "10 24, 2015", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51THq9bfqHL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/513nr2ofUcL._SY88.jpg"], "overall": 5.0, "vote": "27", "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A1YSIJXSVNFAVP", "asin": "0007198019", "style": {"Format:": " Hardcover"}, "reviewerName": "Christine Scott", "reviewText": "We used this book for guests at my son's first birthday to sign their name and leave little notes. The story is really cute, and the pictures are colorful and fun.", "summary": "Perfect guest book for birthday party!", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A3HB56QVL4QSON", "asin": "0007119313", "style": {"Format:": " Audio CD"}, "reviewerName": "Brad M.", "reviewText": "As an avid audiobook listener, I knew I couldn't hosting with Agatha and she didn't let me down. Saw the movie first but was still intrigued while listening.", "summary": "Don't stop this train!", "unixReviewTime": 1452384000} +{"overall": 4.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "ATYO3CX7O5O8S", "asin": "0006477097", "style": {"Format:": " Kindle Edition"}, "reviewerName": "martin acker", "reviewText": "very gripping hope the royals liked it too", "summary": "Four Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A2SLIMVFWLYZPS", "asin": "000710829X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Granny Goodwitch", "reviewText": "I enjoyed the entire series and would encourage anyone who likes to read historical novels to purchase all of them.", "summary": "I enjoyed the entire series and would encourage anyone who likes ...", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2013", "reviewerID": "A3330OT5AWU0HH", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ladyga913", "reviewText": "One of the best books I have read in a long time. Those of s who are dog lovers will immediately love it and people that have not known the joy of having a dog love them, may see a new insight", "summary": "The only creature that will love you more than himself", "unixReviewTime": 1383868800} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A2Q5J2L9BZB2BL", "asin": "0004244079", "style": {"Format:": " Paperback"}, "reviewerName": "Kayla G", "reviewText": "Bought this for my 12yr old who read this in school last year but a shortened version and she wanted the original.", "summary": "Bought this for my 12yr old who read this in ...", "unixReviewTime": 1468108800} +{"overall": 1.0, "verified": true, "reviewTime": "01 18, 2016", "reviewerID": "A2FNITJTI8WGEU", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CNB", "reviewText": "This was obviously a \"first novel.\" It certainly was not of the quality of Jane Austen's later books.", "summary": "One Star", "unixReviewTime": 1453075200} +{"reviewerID": "A3FQ06J4WUDHXZ", "asin": "0002116456", "reviewerName": "Roger Q. Gaines", "verified": true, "reviewText": "Well done. Have spent years studying this man. Can't say much more. Have questioned the authenticity for years. This seems to clear it up.", "overall": 4.0, "reviewTime": "05 22, 2013", "summary": "Good book", "unixReviewTime": 1369180800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A8XWYGM1VCAV9", "asin": "0007119313", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "erk", "reviewText": "i loved thhis book", "summary": "Five Stars", "unixReviewTime": 1470009600} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A3HV9W9K2X3R7A", "asin": "0007364199", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Colleen", "reviewText": "Excellent slow read", "summary": "Four Stars", "unixReviewTime": 1427932800} +{"overall": 4.0, "verified": false, "reviewTime": "04 30, 2006", "reviewerID": "A25L63QJRJR082", "asin": "0007165005", "style": {"Format:": " Hardcover"}, "reviewerName": "Maggie", "reviewText": "... of a husband trying to help his wife move on after he dies. The characters were what really made this book great.", "summary": "Heartwarming love story..", "unixReviewTime": 1146355200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A3DWGRXS393YGY", "asin": "0006353282", "style": {"Format:": " Paperback"}, "reviewerName": "Chris", "reviewText": "Loved this a book. It's a MUST HAVE for anyone who loves Agatha Christie's novels. I found the way she was brought up very interesting & certainly nothing like any American child I know. Very English & certainly of another era. Really enjoyed this book.", "summary": "Loved this a book", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A1UJKLIL9J0I0G", "asin": "0006478964", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dr. Gerald R. Menefee", "reviewText": "John Sandford is one of my fav authors.", "summary": "Another good read in the Prey series.", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": false, "reviewTime": "01 17, 2014", "reviewerID": "A1CMTD4KV10VGQ", "asin": "0006167004", "style": {"Format:": " Kindle Edition"}, "reviewerName": "tjslinks", "reviewText": "I read this book in paperback when it first came out, but I still remember reading the entire series. Great books and I thinnk anyone would enjoy reading any of the books by this author. I gave this 5 stars and I think it deserves every one of them.", "summary": "Love It", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A3U2MN9ZFR08NA", "asin": "0006478964", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Carma J Bisinger", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1GUHLIT08KFW5", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Kathleen A Dean", "reviewText": "I have had my own SAS book for eight years now. It has helped me a lot in my talks as a Master Gardener and Volunteer Naturalist. The recent SAS book was a birthday gift for my fifteen year grandson. He is extremely pleased with this book.", "summary": "SAS Survival Handbook.", "unixReviewTime": 1407801600} +{"overall": 4.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "A2JTYH7LZMIR4Q", "asin": "0007157177", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I enjoyed the read for the same reasons as book 1 & 2 and the fact that it gave closure to the series. Again, wordy but interesting.", "summary": "A good ending to a fine trilogy", "unixReviewTime": 1367625600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A27V6H5H6IYES4", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kitty J. Boyd", "reviewText": "Wonderful, timeless story to remind us of the importance of family and relationships.", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A7DBXRWV0AOCY", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Debra", "reviewText": "Very intriguing and suspenseful. Definitely a Dean Koontz mystery. Odd Thomas, like the other Odd books, is a story that will keep on the edge of your seat.", "summary": "Another exciting read by Dean Koontz", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": false, "reviewTime": "09 29, 2015", "reviewerID": "AHPRLL52R0TZZ", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Mrs. Product Pundit", "reviewText": "Now you got it! Tell me \"neither here nor there!\" You are doing great. Just like this book!", "summary": "It's a clue!", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A2883FVIRT8UMG", "asin": "0007420412", "style": {"Format:": " Hardcover"}, "reviewerName": "debra hatchell", "reviewText": "It was a gift. Recipient loved it.", "summary": "Recipient loved it.", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A35ZCJYDE5UM8B", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Sumofreality", "reviewText": "Some of the best books ever written.", "summary": "Some of the best books ever written.", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A2G6FG9VM5X2E2", "asin": "0006480101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Denise Kelleher", "reviewText": "THIS BOOK IS FILLED WITH UNEXPECTED TWISTS AND TURNS, SO AS TO LET YOU SIT BACK AND\nRELAX AND NOT TRY AND FIGURE OUT THE BEST ENDING, AS WHATEVER IT TURNS UP WITH WILL BE BRILLIANT..\nA SENSATION!", "summary": "HOBBS BEST......", "unixReviewTime": 1353715200} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A13QHTPDKH8DQV", "asin": "0006498000", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jack Hagerty", "reviewText": "Dobbs is a great writer who brings history to life.", "summary": "Four Stars", "unixReviewTime": 1436313600} +{"overall": 4.0, "verified": true, "reviewTime": "06 13, 2008", "reviewerID": "AN7TAIGU79MT3", "asin": "0007190301", "style": {"Format:": " Paperback"}, "reviewerName": "K.S. Chicago", "reviewText": "Very good book. I was entertained throughout. I enjoyed seeing things from Katherine's perspective.", "summary": "Kept me entertained", "unixReviewTime": 1213315200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A3LEOWMJFQ35MG", "asin": "0007271190", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wayne Casa", "reviewText": "Another tremendous read from Conn Iggulden, can't put it down cover to cover.\nThanks Conn, when is the next classsic being released?", "summary": "Classic Conn Iggulden", "unixReviewTime": 1376784000} +{"overall": 2.0, "vote": "7", "verified": false, "reviewTime": "02 20, 2008", "reviewerID": "A34WXGNJEF3F5C", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Daniel Kern", "reviewText": "The edges of the first twenty pages were folded and the first red page even torn. I ordered it from Switzerland, shipping it back costs 30$. Too much for a 50$ book.", "summary": "No final inspection - folded pages", "unixReviewTime": 1203465600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A2T6NMGNHCMT", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Linda", "reviewText": "Pack with info", "summary": "Five Stars", "unixReviewTime": 1454630400} +{"overall": 4.0, "verified": true, "reviewTime": "04 8, 2014", "reviewerID": "AKTP2GWOFLAIY", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jaime", "reviewText": "Similar to Harry Potter as far as the fiction goes. But quite a few slow parts. Ok but not the best.", "summary": "Adult Harry Potter-like book", "unixReviewTime": 1396915200} +{"overall": 1.0, "verified": true, "reviewTime": "12 5, 2013", "reviewerID": "ADFWDA1JCWP8L", "asin": "0007196687", "style": {"Format:": " Hardcover"}, "reviewerName": "gopherprairieexile", "reviewText": "Revisionist history at its finest. Even Larry's full of it now. I used to love this band, but not anymore: phony, arrogant, hypocritical, narcissistic...what a waste.", "summary": "I Gave It Away", "unixReviewTime": 1386201600} +{"overall": 1.0, "verified": false, "reviewTime": "04 9, 2011", "reviewerID": "AUAJSNOAHUQGQ", "asin": "0007375263", "style": {"Format:": " Kindle Edition"}, "reviewerName": "rasmjs", "reviewText": "Again, the publisher needs to lower the price for the Kindle edition. A person can buy the hard copy for less. What's the deal? You can't tell me it cost more for e books. Hope price comes down and then I will buy it.", "summary": "Price", "unixReviewTime": 1302307200} +{"overall": 3.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A2GI53RKHWL5A2", "asin": "0007318529", "style": {"Format:": " Kindle Edition"}, "reviewerName": "michael surrett", "reviewText": "It was a very slow read, author needs to be more detailed on the various time frames.", "summary": "Three Stars", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "AITGGAOCAQMLP", "asin": "0007219822", "style": {"Format:": " Paperback"}, "reviewerName": "beverly miller", "reviewText": "Great book", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"reviewerID": "A2W76XZRP3AN7X", "asin": "0002247437", "reviewerName": "S. BENOIT", "verified": false, "reviewText": "This book has left me wanting more. I can't wait for the next one. It does get a bit confusing jumping between characters and places.", "overall": 4.0, "reviewTime": "03 28, 2013", "summary": "I'm ready for more", "unixReviewTime": 1364428800} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2012", "reviewerID": "A2Q9F04VH94QR8", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DB", "reviewText": "Haven't gone back to this but I do like it. Bought it for my daughter so we'll be getting back to this in January. Good classic book.", "summary": "Still Reading", "unixReviewTime": 1356566400} +{"overall": 5.0, "verified": false, "reviewTime": "02 17, 2014", "reviewerID": "A111Q9P8UWHUGJ", "asin": "0007120907", "style": {"Format:": " Kindle Edition"}, "reviewerName": "EJ", "reviewText": "Another fantastic story. How does she constantly keep you guessing and you can't come to the same end to the story.", "summary": "Wow again", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A3L8H7U2RUN7EV", "asin": "0007157169", "style": {"Format:": " Kindle Edition"}, "reviewerName": "anniebear", "reviewText": "I am always amazed at Lewis's imagination. He ties in his fantastic stories with deep spiritual principles and somehow manages to increase my understanding and greatly broaden my vision of eternity.", "summary": "Always C.S. Lewis!", "unixReviewTime": 1358899200} +{"overall": 3.0, "verified": false, "reviewTime": "12 5, 2011", "reviewerID": "AA0RQKR0ZNF3F", "asin": "0007350031", "style": {"Format:": " Hardcover"}, "reviewerName": "LJ", "reviewText": "I don't need to add to the other negative reviews. It reads like a movie script, and would probably make a better film than a book.", "summary": "Disappointed", "unixReviewTime": 1323043200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2017", "reviewerID": "A76WTN4LH004T", "asin": "0001381733", "style": {"Format:": " Paperback"}, "reviewerName": "Barbara Heineck", "reviewText": "This is a classic. I bought it for my grandchildren to read to their children, my great grands.", "summary": "my great grands.", "unixReviewTime": 1507852800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2017", "reviewerID": "A2IDNKARTYFF2", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "Ashley Amrine", "reviewText": "Arrived quickly and in great condition. This play is probably my favorite my Shakespeare. It is so relevant during the time we live in today.", "summary": "Arrived quickly and in great condition. This play is probably my favorite my ...", "unixReviewTime": 1511654400} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "AMAPM1ZUNBXNJ", "asin": "000733186X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Peter Barnett", "reviewText": "Good story that more, or less, followed historical events. This is a time in history about which little is written. Even as fiction it is still interesting.", "summary": "Good Read", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": false, "reviewTime": "10 18, 2017", "reviewerID": "A1N5S8BA6NGJJ7", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Erik Peterson", "reviewText": "OK, I have just one question.\n\nWho - or what - is Tom Bombadil supposed to be?\n\nIf you have a good answer to this question, I'd love to hear it. Please post!", "summary": "The Fellowship of the Ring", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "AK8YV25UB5Y02", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Chelisamarie", "reviewText": "great story", "summary": "Five Stars", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2012", "reviewerID": "AASYLMUXUI9Q7", "asin": "0007181701", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John Doe", "reviewText": "I read this book in one sitting. It's fast paced, captivating and highly applicable to today's MTV generation. I'm going to seek out other works by Mr. Bradbury!", "summary": "Classic", "unixReviewTime": 1330905600} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A2Z4SPB8ABM64U", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "athenenike", "reviewText": "So enjoyable that I reread it every few years and always come away with the same appreciation. The characters are interesting even if you decide not to memorize individual dwarves. Fully recommended.", "summary": "Great adventure tale", "unixReviewTime": 1433462400} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2013", "reviewerID": "A206ZB0QYLO6X9", "asin": "0002008599", "style": {"Format:": " Kindle Edition"}, "reviewerName": "DuMondbj", "reviewText": "I thoroughly enjoyed this book. It is a quick read and one that I will likely read again. I have continued to ponder many aspects of this story and realize that I need to apply them in my own life. Looking forward to the discussion of this book at my reading group next week.", "summary": "The Monk Who Sold His Ferrari: A Remarkable Story About Living Your Dreams", "unixReviewTime": 1382400000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A2VIK6YS6XSCX7", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SonnyfromPa", "reviewText": "Seeing this on my fire hd brings back memories of when I first read this in paperback form. Very good electronic version of my favorite book from my youth.", "summary": "Very well done", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A3HH23273BU9SU", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Holly", "reviewText": "Good series", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A36TABHCTQPPDY", "asin": "0007127049", "style": {"Format:": " Hardcover"}, "reviewerName": "DENISE HORST", "reviewText": "My granddaughter loved this book!", "summary": "Five Stars", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A2N8MJWR19U887", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Kyle R McCombs", "reviewText": "This is a neat little book that goes over A LOT of stuff. This is a must have for any hiker/camper/prepper/homesteader and so on. Take it with you on any trips or put it in your bug out bag!", "summary": "A must have for EVERYONE!", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A1W2HNUIF0YS6X", "asin": "0007254008", "style": {"Format:": " Kindle Edition"}, "reviewerName": "harriet l douglass", "reviewText": "I enjoyed her story development and the character delineation. Have read others since and will continue to check her work.", "summary": "I enjoyed her story development and the character delineation", "unixReviewTime": 1412812800} +{"overall": 3.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A1BS3FF7Q2NE1M", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "BV", "reviewText": "Story line plodded along. Good character development and some interesting new characters. Some surprises at the end. Unfortunately it seems like he is dragging out the story line to get more books. Worth the purchase but not at a high cost.", "summary": "Good character development and some interesting new characters", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2014", "reviewerID": "AS6NM7S3LPY1N", "asin": "0007361505", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "My 1st book by annie groves..well written..interesting..set in war time england.\nGood characters I am looking forward to reading 2nd book in the series", "summary": "great historical WWII DEPICTION", "unixReviewTime": 1397347200} +{"reviewerID": "A35DKEXMX6P22R", "asin": "000100039X", "reviewerName": "W. Wooard", "verified": true, "reviewText": "no comment", "overall": 3.0, "reviewTime": "10 25, 2015", "summary": "plead the 5th", "unixReviewTime": 1445731200} +{"overall": 3.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A3LCAOP6OV69VV", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ethel Frances", "reviewText": "I purchased all 3 books in this series after viewing parts of the TV series. Its a fun read, although watching a TV series first always destroys your own reading imagination. Should have done the opposite.", "summary": "Its a fun read, although watching a TV series first always ...", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2017", "reviewerID": "A2UBLH1VX0EBM6", "asin": "0006910637", "style": {"Format:": " Hardcover"}, "reviewerName": "d humphreys", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1489104000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A2A4M97Y86UKSV", "asin": "0006514936", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Ginny", "reviewText": "This is a rather complex mystery for Agatha Christie who wrote it as a play. The adaptation to a novel by Charles Osborne excellent. Having read all of Christie's novels, it is great to have some new ones now available through Osborne's play adaptations!", "summary": "The adaptation to a novel by Charles Osborne excellent. Having read all of Christie's novels", "unixReviewTime": 1406592000} +{"overall": 4.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A2UPREC9QX6SGG", "asin": "0002173611", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George A", "reviewText": "a great anthology of Australia's early days. Obviously a great deal of research was necessary.", "summary": "Four Stars", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2013", "reviewerID": "A1SAE0CKDV698P", "asin": "0007191324", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda A. Gil", "reviewText": "I really cared about this family. I loved the historical aspect of this book. The whole trilogy is excellent and entertaining.", "summary": "Great Family Saga", "unixReviewTime": 1366329600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A1AG6OGHSA4KCW", "asin": "0007312148", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Albert Mack Gowder", "reviewText": "From the start I was on board. No wasted words, no letup in the dialog. Good read.", "summary": "Fast and unexpected.", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A3NEETV7SLO6O", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Skigirl", "reviewText": "Loved it!", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A1Z4TTQGUM17QV", "asin": "0007213182", "style": {"Format:": " Paperback"}, "reviewerName": "Eda Simonsen", "reviewText": "Best crossword dictionary I own. It sure helps with the NY Times puzzles", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2013", "reviewerID": "AZYP4FQ2L2C4O", "asin": "0004704746", "style": {"Format:": " Leather Bound"}, "reviewerName": "Mom of Four", "reviewText": "This is a beautiful volume of the classics. I thought I had read everything Shakespeare wrote, but I found some new pieces in this volume.", "summary": "Beautiful Volume", "unixReviewTime": 1359676800} +{"overall": 3.0, "verified": true, "reviewTime": "07 26, 2014", "reviewerID": "A3BB20PKM60HVT", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Melinda S", "reviewText": "I am a huge fan of Jane Austen and feel this isn't up to her best. This seems less crafted than her other books although I liked the key characters", "summary": "Less crafted than her other work", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A1JRG79L39QQWQ", "asin": "0007224796", "style": {"Format:": " Board book"}, "reviewerName": "Amazon Customer", "reviewText": "Great!!", "summary": "Five Stars", "unixReviewTime": 1450224000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2013", "reviewerID": "A36N04AGJ3Y8XQ", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CMD", "reviewText": "I love Odd Thomas and I've read the whole series. This is right up there...pure Dean Koontz. I look forward to the next Oddy adventure!", "summary": "So Dean Koontz", "unixReviewTime": 1372550400} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A2M1I5H3O3U39R", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Fern Nelson", "reviewText": "Not as comedic as Pride and Prejuice, but still delightfully written and entertaining to read. You can never truly go wrong with Jane Austen!", "summary": "A great story", "unixReviewTime": 1506556800} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "A67FWVUXR75SU", "asin": "0007271204", "style": {"Format:": " Paperback"}, "reviewerName": "LoriAnn Diaz", "reviewText": "Great book. Thanks!!", "summary": "Five Stars", "unixReviewTime": 1432252800} +{"overall": 4.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "A2GIO7OCBDKTM1", "asin": "0006148697", "style": {"Format:": " Kindle Edition"}, "reviewerName": "S. Drake", "reviewText": "A very long book, and not really a page turner, but I have enjoyed it. It doesn't seem to go anywhere. No conflict, no resolution, just a story of a man who is angry and bitter at the world. Love the author.", "summary": "but I have enjoyed it. It doesn't seem to go anywhere", "unixReviewTime": 1502755200} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "A3VYLOAG8ACMCU", "asin": "0007353588", "style": {"Format:": " Kindle Edition"}, "reviewerName": "denese edsall", "reviewText": "Excellent writing on a fascinating subject. Anne Boleyn is a mystery and much maligned. Cromwell is a fascinating man whose view is an interesting one.", "summary": "Just as good as the first", "unixReviewTime": 1435881600} +{"overall": 3.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A699XMD2B0GTV", "asin": "0006755488", "style": {"Format:": " Paperback"}, "reviewerName": "Carson57", "reviewText": "Description was not clear enough. Pages very aged. My granddaughter will love this any way. Her name is Ella.", "summary": "My granddaughter will love this any way", "unixReviewTime": 1445299200} +{"overall": 4.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AL7J99Z4MHY5Z", "asin": "0006158048", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rron", "reviewText": "The story was everything that I expected it to be. I always love reading these type of books, I recommend this to anybody who likes to read World War II books.", "summary": "Good book", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": false, "reviewTime": "02 16, 2016", "reviewerID": "A16XFI8TKGWJJ3", "asin": "0007311648", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Law", "reviewText": "Great book. Waiting for the next", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A1AMT9Y8ALSQC0", "asin": "0007164653", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jade", "reviewText": "Great book. You'll find spells you can add to your BOS.", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"overall": 3.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "A2AHBVANGX43IX", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wanda", "reviewText": "I want to admire or at least like one of the characters in a book. I didn't. The last few chapters tied everything up in a pretty pink ribbon, I don't need a happy ending, just one that is believable.", "summary": "I know this book is an award winner, but for me it was too dark.", "unixReviewTime": 1395446400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A3R5SNKGFCB649", "asin": "0003302245", "reviewerName": "Junia H Meggs", "reviewText": "Always a best seller", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AZJRANKHJ2RNI", "asin": "0007181604", "style": {"Format:": " Kindle Edition"}, "reviewerName": "maddy", "reviewText": "traveled with the author through the different regions he covers. With Mr. Crighton's engaging writing style, I discovered many many new facts not shared much in college classrooms. I would enjoy reading it again, I'm certain.", "summary": "Enlightening dramatic mystery and geographic journey.", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A3MHYEQ44J6U4K", "asin": "0007420412", "style": {"Format:": " Paperback"}, "reviewerName": "theconnoisseur", "reviewText": "was exactly as described and shipped on time", "summary": "Five Stars", "unixReviewTime": 1483315200} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2014", "reviewerID": "A3RKVHDZ72NEE4", "asin": "0007202628", "style": {"Format:": " Paperback"}, "reviewerName": "Dave", "reviewText": "A collection of poetry about cats and their individualized personalities. The long running popular musical, \"Cats\", is based on this collection.", "summary": "Old Possum's Book of Practical Cats", "unixReviewTime": 1394150400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A12A585Z5QLNKC", "asin": "0007191324", "style": {"Format:": " Paperback"}, "reviewerName": "Virginia Kennedy Brennan", "reviewText": "Loved the 3 books in this series.", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A1Y3F8RXRVZP5A", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jean Montgomery", "reviewText": "all his Odd Thomas books are good , some better than others you read the not so good to keep in line with the series.", "summary": "all his Odd Thomas books are good , some better than others", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2012", "reviewerID": "A1CPITZXIL9QV9", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "NikkiD", "reviewText": "Always a wonderful eye opening read. Love it on my Iphone. I can read it anywhere. Definitely a valuable download.", "summary": "Ho;y Bible", "unixReviewTime": 1334016000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A2UK7RIKLSJH4B", "asin": "0007290802", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Arlene P. Ross", "reviewText": "Wally Lamb is a great writer. The story is complex but I don't know any writer who could carry this off the way he did. Loved every page.", "summary": "Great read!", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A1I2479E5WINN", "asin": "0007247095", "style": {"Format:": " Hardcover"}, "reviewerName": "Mary Allen", "reviewText": "Heart breaking look into a very real problem among young men in this area. I wish the world would do more to stop devastating things like forcing and brainwashing young men into fighting a war.", "summary": "Great book", "unixReviewTime": 1392681600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "AG4H5RR8K6PUD", "asin": "0007284845", "style": {"Format:": " Hardcover"}, "reviewerName": "Hannah Jabbour", "reviewText": "My 3-year-old and 4-year-old really enjoy this book!", "summary": "Five Stars", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "AWOU1MZY4H85Z", "asin": "000612609X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pete", "reviewText": "Very good read -- (you will especially enjoy this book if you are a fan of the \"Vikings\" on the History Channel", "summary": "Excellent Book", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A3T52YHYCACHPN", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer11", "reviewText": "This book is cute and sweet and satisfying. Not really a romance but has some cozy saga like elements. Great quick read.", "summary": "Great Cozy Historical Fiction", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2014", "reviewerID": "A2O5O8GDQKQDXA", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "marcel landry", "reviewText": "wally lamb is most probably my favorite writer today. Great characters, instant classic. a stay with you book. Take the plunge and enjoy this rollercoaster ride of a book.", "summary": "loved it", "unixReviewTime": 1395014400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2014", "reviewerID": "A1RMH90VVFYHL9", "asin": "0006280560", "style": {"Format:": " Paperback"}, "reviewerName": "William Meyer", "reviewText": "Lewis is superb in this volume, which provocatively presents a metaphorical view of heaven and hell, and of our human weakness in approaching either or both. The premise is simple, but the book offers much upon which to reflect.", "summary": "Wonderful meatphor", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2012", "reviewerID": "A1DC8ZQOCYUZJX", "asin": "0007243227", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "JGF", "reviewText": "Faye Kellerman never fails. I read a lot of mysteries and she is an excellent writer and storyteller. If you love mysteries you'll love this one.", "summary": "Great Book", "unixReviewTime": 1340323200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A1ST55NXYA8336", "asin": "0006755488", "style": {"Format:": " Kindle Edition"}, "reviewerName": "C. Chesley", "reviewText": "The book is leaps and bounds better than the movie, and I enjoy the movie quite a bit.", "summary": "Five Stars", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2014", "reviewerID": "A1BM8WJDDRNG5B", "asin": "0002180618", "style": {"Format:": " Hardcover"}, "reviewerName": "Farileyme", "reviewText": "Thank you very much everything came on time as always. Product tight and well in tact\nI have not read the book yet but I will. And I will write again", "summary": "Thank you very much everything came on time as always ...", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A36YCSMO0P40T9", "asin": "0007175221", "style": {"Format:": " Hardcover"}, "reviewerName": "Nancy Vrieze", "reviewText": "laughed and laughed", "summary": "Five Stars", "unixReviewTime": 1417046400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2011", "reviewerID": "A3M59AKKUTN6B8", "asin": "0007386621", "style": {"Format:": " Hardcover"}, "reviewerName": "Plume", "reviewText": "interesting story", "summary": "history", "unixReviewTime": 1312761600} +{"overall": 2.0, "verified": true, "reviewTime": "03 25, 2014", "reviewerID": "A399L9D9O0T2YH", "asin": "0007290802", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Renee Bartlett", "reviewText": "The main story itself is good, the problem is the many side stories, that tend to bore the reader. This book took a long time to get into.", "summary": "Long ramblings....", "unixReviewTime": 1395705600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A2TM9HJRDL8Q9U", "asin": "0007378033", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent story. What brave men.", "summary": "Five Stars", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2014", "reviewerID": "A178G5O0LZ8B1Z", "asin": "0006280544", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Don Dodge", "reviewText": "Not sure how I waited so long to read \"Mere Christianity\". Lewis has an astounding way of illustrating spiritual concepts so that they are understandable. This is a book that should be read and re-read.", "summary": "Don't wait!", "unixReviewTime": 1395792000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A3DKGSMXNUNERG", "asin": "0007131089", "style": {"Format:": " Kindle Edition"}, "reviewerName": "LBJ", "reviewText": "Good and concise info!", "summary": "Great addition to the library!", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A34U8ABJQK2HPB", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "Montoya", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 1.0, "verified": false, "reviewTime": "01 9, 2015", "reviewerID": "A1ZPQLWKGCV681", "asin": "0007230206", "style": {"Format:": " Paperback"}, "reviewerName": "Melanie Oldach", "reviewText": "Didn't love this book either", "summary": "One Star", "unixReviewTime": 1420761600} +{"overall": 5.0, "verified": false, "reviewTime": "07 11, 2014", "reviewerID": "A30T322UI3U93Z", "asin": "0006490344", "reviewerName": "Hippifox1", "reviewText": "This book is a must read. It's not long, saying more would be giving away the story.", "summary": "Five Stars", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A2Z952E1FK63VS", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Jessica", "reviewText": "This is a great story. I am having each of my daughter's teachers write in it at the end of each school year. I will give it to her at her HS graduation.", "summary": "This is a great story. I am having each of my daughter's ...", "unixReviewTime": 1417478400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81W5ltLlMtL._SY88.jpg"], "overall": 5.0, "vote": "10", "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A1CCMW354ELJ3U", "asin": "0007350899", "style": {"Format:": " Hardcover"}, "reviewerName": "PasoCreek", "reviewText": "Awesome smaller size, I ordered 10 to put in Christmas Baskets next year. Beautiful deep red simulated leather cover with gold embossed front. This is the perfect stocking stuffer. Amazing story.", "summary": "Awesome smaller size, I ordered 10 to put in Christmas Baskets next year.", "unixReviewTime": 1456531200} +{"overall": 4.0, "verified": false, "reviewTime": "08 8, 2009", "reviewerID": "A37IUOMRH88A32", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "R. Kaufman", "reviewText": "I greatly enjoyed this story and what it symbolized. I had high expectations for it, and they were mostly met! It was an enjoyable journey!", "summary": "Lovely story", "unixReviewTime": 1249689600} +{"overall": 5.0, "verified": false, "reviewTime": "06 15, 2003", "reviewerID": "A34YOAFG167D4", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Natasha L. Young", "reviewText": "I deem this the nicest edition of the Hobbit that I own. I believe it is a fantastic book in addition to Lord of the Rings. Besides that the leatherette collectors edition is encased is a very nice cover. What a masterpiece to own!", "summary": "Nice Collectors Item.", "unixReviewTime": 1055635200} +{"overall": 4.0, "verified": true, "reviewTime": "08 25, 2013", "reviewerID": "A1M7J4AFRBZN2S", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "AGregory", "reviewText": "This is part of a set of books that should be a must-read for all. I highly recommend this series.", "summary": "Buy this", "unixReviewTime": 1377388800} +{"overall": 3.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "AOR1RTCITAU3Y", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JenniferG", "reviewText": "I don't fault the author or the story being told. I had high hopes I would enjoy this more than I did. I feel it had a great premise but then it fizzled out for me. Mainly, I felt like the author didn't know how to end it or where they wanted to go. blah.", "summary": "Not my style", "unixReviewTime": 1389398400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 9, 2008", "reviewerID": "A4ZAYGW831ZGI", "asin": "0001381733", "style": {"Format:": " Hardcover"}, "reviewerName": "Swimmerman", "reviewText": "This is a lovely book with lovely old-fashioned illustrations. A terrific baby shower gift...", "summary": "Lovely book", "unixReviewTime": 1218240000} +{"overall": 5.0, "verified": false, "reviewTime": "11 4, 2013", "reviewerID": "A14UR8498AD6MD", "asin": "0002227282", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This book had you from the start. Just when you thought you had figured it out there was a new twist.", "summary": "If tomorrow comes", "unixReviewTime": 1383523200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A3UCMCJ6CLBXSV", "asin": "0006140823", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stella Bristow", "reviewText": "I absolutely love the smoldering Ross Poldark and his adorable Demelza. I can't wait to see what shenanigans they get into in Season 2.", "summary": "Dark and Smoldering Ross Poldark doesn't disappoint!!!", "unixReviewTime": 1437696000} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A2VBSCPIJQT7ZD", "asin": "0006895492", "style": {"Format:": " Hardcover"}, "reviewerName": "rachbick", "reviewText": "not any better than older texts", "summary": "Four Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A2X1YUPKBSZXHF", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George W. Ball", "reviewText": "A great read - long, and a bit graphic. I will definitely read the second volume.", "summary": "Better than the TV series - you can pause when the action gets too violent.", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A1SQKXGE8YT5N8", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Roger D. Leahey", "reviewText": "It's a great Kindle version of King James.", "summary": "Excellent", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "AM8ZZ2NNHCMX4", "asin": "0007117213", "style": {"Format:": " Paperback"}, "reviewerName": "zbluesun", "reviewText": "We paid full price for this. My son is reading it for school as a summer reading assignment. It's an excellent book and this seller shipped faster than expected. The book was in great condition. Highly recommended.", "summary": "Summer Reading", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A367J7YZ3MMRML", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Becky", "reviewText": "when I am on the go and have a thought to look up a verse it helps me to have it on hand and quick to find. Very nice.", "summary": "Very nice.", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "ASW4WJTJKOU9", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Global Mom", "reviewText": "Captivating and touching. An easy but thought-provoking read.", "summary": "An easy but thought-provoking read", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2013", "reviewerID": "A2PRZ0P2AADL8F", "asin": "0007274041", "style": {"Format:": " Kindle Edition"}, "reviewerName": "meccalove19", "reviewText": "It is a very hard read. How a person could be so cruel to their own child is beyond me. I think people should read this because it may hit home for some or help others. While it is a tear jerker I hope he continues to find peace and happiness in his life.", "summary": "Disturbing but enlightening", "unixReviewTime": 1357603200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "AHYDGX20GHBJJ", "asin": "0007274572", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joan Dee Sizemore", "reviewText": "When it looks like Elinor has committed two murders the young Doctor Lord seeks the aid of Hercule Poirot to clear her name.", "summary": "Murder Foiled!", "unixReviewTime": 1451433600} +{"reviewerID": "A284CU9YPOW3US", "asin": "0002247437", "reviewerName": "ruthjawz", "verified": true, "reviewText": "I liked this one a lot once I got I to it, but it lacked what the first three had as far as excitement goes. On to the fifth!", "overall": 4.0, "reviewTime": "07 16, 2014", "summary": "not the third, but still great", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "AWJBB4SJIWVQ0", "asin": "000733186X", "style": {"Format:": " Hardcover"}, "reviewerName": "Terry Oglethorpe", "reviewText": "You can not go wrong reading a Bernard Cornwell book and this is one of his top 10 in my opinion.", "summary": "Excellent book.", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "A2BJRHYL7D7XF3", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "andrew", "reviewText": "Bought for my son. He loves the series.", "summary": "Right up their with Lord Of The Rings.", "unixReviewTime": 1482451200} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "AEBPSXC5P4ZSE", "asin": "0006173624", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wallace D. Greer", "reviewText": "This is really the backstory for Larry Bond's and Clancy's Harpoon game. It is also the story of the war that never happened, and better than Sir John Hackett's The Third World War. Carries the military zeitgeist of the 80's perfectly.", "summary": "The definitive war game novel for WW 3", "unixReviewTime": 1361836800} +{"reviewerID": "A1ZNINOV2DC6TO", "asin": "0002226529", "reviewerName": "Marion H. Mann", "verified": true, "reviewText": "Love all her books...", "overall": 4.0, "reviewTime": "06 8, 2015", "summary": "Four Stars", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2017", "reviewerID": "A2E2IMM8NQ6IE1", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "Tom", "reviewText": "Excellent ! As good as I remember.", "summary": "Excellent! As good as I remember", "unixReviewTime": 1504828800} +{"overall": 3.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AGWJ7PZMPTBIJ", "asin": "0007166311", "style": {"Format:": " Kindle Edition"}, "reviewerName": "gwen doyle", "reviewText": "Good. Beautifully written. Hard to follow in parts and a very abrupt ending.", "summary": "Three Stars", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "A2B3NKCH1LMIDY", "asin": "0007378033", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Thanks for the awesome book.", "summary": "Five Stars", "unixReviewTime": 1515024000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A6EG95KPI1XRB", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Holly A Tipton", "reviewText": "Very thorough book.........small fits perfectly in hiking pack", "summary": "Five Stars", "unixReviewTime": 1406592000} +{"overall": 4.0, "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A2APJ170EN7231", "asin": "0007271239", "style": {"Format:": " Paperback"}, "reviewerName": "Stephanie", "reviewText": "i enjoyed this book. it is a good story, especially for an animal lover. i would definitely read it again but it isn't in my top 10 favorites or anything which is why I gave it 4 stars rather than 5.", "summary": "a good story", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A2Z556CXW5SB5T", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Scott Millard", "reviewText": "||'`E*X*C*E*L*L*E*N*T.').').S*E*L*L*E*R.').')T*H*A*N*K*S ._.||", "summary": "||'`E*X*C*E*L*L*E*N*T. '). '). S*E*L*L*E*R. '). ...", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2013", "reviewerID": "A1UZ7QIBVI62S9", "asin": "000627935X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cathy", "reviewText": "Excelent description of our journey to God within us. I love how real and undertsandable Teresa is! I can relate ti her een though she was pretty much already a saint when she wrote this.", "summary": "Another Story of a Soul", "unixReviewTime": 1380153600} +{"overall": 1.0, "vote": "5", "verified": true, "reviewTime": "03 3, 2011", "reviewerID": "AWSHWCX5UIIUB", "asin": "0007312148", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L. Meyer", "reviewText": "Terrible writing, implausible plot, one dimensional characters, I cant believe any fan of the genre would go the distance on this. Do not waste your money.", "summary": "Juvenile comic book writing", "unixReviewTime": 1299110400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A2C5D51D2DH59A", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Supranaut", "reviewText": "This is a great version of a classic! My 11 year old daughter loves this as her bedtime story.", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2017", "reviewerID": "A1Q82G96HNP5TH", "asin": "0007263589", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Vania Ramos Ponce", "reviewText": "Before reading this book I thought it was a great idea to do not use money anymore. Now I learned why it is important to have printed bills. That's fascinating. A fact that I never thought about until reading this great book.", "summary": "Great insight about human mind", "unixReviewTime": 1511654400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A3MRAMNTUDC7IH", "asin": "0007189885", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Elizabeth Sommers", "reviewText": "Pathos of living in colonialized country in the midst of revolution. Ngozie Adichie is a masterful storyteller whose work explores the psyche of a young girl coming of age. Will take your breath away.", "summary": "Coming of age story set in Nigeria.", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A15I0BHQBBHHXS", "asin": "0007419503", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amy Gobat", "reviewText": "Lots of suspense! Enjoyed the flow. The audio book was very enjoyable and the narrator was pleasing to listen to. I think I'll seek out more books from the same author. If you like historical fiction you'll enjoy this.", "summary": "Lots of plot twists!", "unixReviewTime": 1484870400} +{"overall": 4.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "AAQDOLIABQYZN", "asin": "0007184867", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dorothy Vallerio", "reviewText": "Very enjoyable book to read.", "summary": "Four Stars", "unixReviewTime": 1459296000} +{"overall": 2.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1CV57GSX62PU3", "asin": "0007121091", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cynthia kent", "reviewText": "It was ok not my favorite agatha christie", "summary": "Two Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A1Z8AL4D9SPW4O", "asin": "0007353588", "style": {"Format:": " Kindle Edition"}, "reviewerName": "margot", "reviewText": "Cromwell as seen in a different light. Enen though we know the ending, this is still suspensful ..The Tudor period continues to fascinate.", "summary": "A new look at a historical figure", "unixReviewTime": 1355875200} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "AS4BB7KHIVG7M", "asin": "0007197675", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Some great examples from someone who has a lot to pass on. The format of using questions from folks who he's come across in traveling the world provides for broad spectrum, almost too broad. I also like his basic philosophy of openness, transpareny, and candor.", "summary": "Covers an extremely broad base of recommendations", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2014", "reviewerID": "A1B6MGJMSAXTQS", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aaron", "reviewText": "So longggg! Obviously we know how awesome this book is! Took me many months to finish but I'm glad I did.", "summary": "all three titles in one lonnnngggg book!", "unixReviewTime": 1390694400} +{"overall": 4.0, "verified": false, "reviewTime": "05 31, 2014", "reviewerID": "AHPKNAOX75OU2", "asin": "0007286384", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Barbara J. Deichmann", "reviewText": "A difficult novel to read about a time in history unknown by many. Two overlapping stories that come together. Carefully skilled by the author and giving each character a purpose for being there. Interesting and deep characters.", "summary": "A Piece of History", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "AAPOA500V04QW", "asin": "0006177301", "style": {"Format:": " MP3 CD"}, "reviewerName": "Fred Mealio", "reviewText": "A very good story, one of Clancy's best. Full of adventure and the type of story that I find hard to put down.", "summary": "Tom Clancy novels", "unixReviewTime": 1416873600} +{"overall": 4.0, "verified": true, "reviewTime": "08 15, 2006", "reviewerID": "AY58W047CNVKH", "asin": "0007155662", "style": {"Format:": " Audio CD"}, "reviewerName": "Jazzyjava", "reviewText": "I bought this as a present for my daughter, who loved the book.", "summary": "The Alchemist", "unixReviewTime": 1155600000} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "AG2GXAI4RAS2W", "asin": "0006543545", "style": {"Format:": " Kindle Edition"}, "reviewerName": "bayridge1942", "reviewText": "I don't bother with that.", "summary": "I wasn't impressed", "unixReviewTime": 1429488000} +{"overall": 4.0, "verified": true, "reviewTime": "03 24, 2013", "reviewerID": "A2EXX81SQ8EA3U", "asin": "0006540279", "style": {"Format:": " Paperback"}, "reviewerName": "William F. Edwards", "reviewText": "This book traces the growth of Jung's thinking. Includes some stories that are very \"unscientific,\" Fascinating stuff and very worthwhile. It has a very spiritual side that I recommend for spiritual explorers.", "summary": "great insight into a great mind", "unixReviewTime": 1364083200} +{"overall": 5.0, "verified": false, "reviewTime": "05 22, 2016", "reviewerID": "A1RJE9OF5TMBLG", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Helen Fitzgerald", "reviewText": "I loved it! There were so many life lessons to be learned from a dog.", "summary": "I loved it! There were so many life lessons to ...", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "AEWYRIGDOWHPK", "asin": "0007304501", "style": {"Format:": " Paperback"}, "reviewerName": "Helen Subryan", "reviewText": "recommended", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A1XH7NN19AKSE1", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aaron Asbury", "reviewText": "Really nice book written for all ages. Great message and easy to read.", "summary": "Four Stars", "unixReviewTime": 1425254400} +{"reviewerID": "A21Y768FHMWLGJ", "asin": "000225414X", "reviewerName": "Virginia Sparks", "verified": true, "reviewText": "A historical novel at its best. Mr. Dobbs expertly fused known personalities, history of events and blended all into a wonderful story.\nI have fallen in love with Winston Spencer Churchill", "overall": 5.0, "reviewTime": "08 20, 2014", "summary": "A historical novel at its best. Mr", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "AZVNV38G3FHUJ", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "ma", "reviewText": "A must have for kids ......and adults!!", "summary": "A must have for kids ......and adults!!", "unixReviewTime": 1445126400} +{"reviewerID": "A1E7OUHALS941Q", "asin": "0001050230", "reviewerName": "Ruben Velez", "verified": true, "reviewText": "IT WAS GOOD I NEEDED FOR AN ASSIGMENT", "overall": 5.0, "reviewTime": "03 22, 2018", "summary": "Five Stars", "unixReviewTime": 1521676800} +{"overall": 5.0, "verified": false, "reviewTime": "08 17, 2014", "reviewerID": "AIYK8D9FTZ790", "asin": "0007208103", "style": {"Format:": " Hardcover"}, "reviewerName": "William L. Mince", "reviewText": "Ken Blanchard has established himself as a thoughtful, forward looking, provider of very solid advice for managers. This is another great example of his work.", "summary": "Great advice for personal growth.", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2011", "reviewerID": "A2S158VKHHF6W5", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Rachel Fierro", "reviewText": "How many times will I order another copy of this book? Seems like I'm constantly needing one to give as a gift. The book was in great condition, at a suberp price, and shipped ever so quickly. Couldn't have been happier.", "summary": "Great Book", "unixReviewTime": 1324080000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A37DEWV5UGNGAS", "asin": "000736296X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I love all Cathy Glass's books!", "summary": "Five Stars", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A1DXY8QT95VXG1", "asin": "0006513220", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cheleh", "reviewText": "This is the first book I've read that is a historic love story. I am saddened that this book is over. I have thoroughly enjoyed, cried, and swooned while at the same time been thankful for what I have in my life. I would highly recommend this book.", "summary": "Tragic", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2008", "reviewerID": "A28ZDOL8WQ5OYW", "asin": "000171287X", "style": {"Format:": " Paperback"}, "reviewerName": "S. Knowles", "reviewText": "This is one of the best first readers to start your little ones' library with. I read this so many times to my kids that I knew it by heart. It is a FUN..way to share time with your little loved ones.", "summary": "YOU NEED this book !", "unixReviewTime": 1222992000} +{"reviewerID": "A1L8XKZT5GQAE", "asin": "0002256649", "reviewerName": "police diver", "verified": true, "reviewText": "This is one of my favorites and is good reading. This is the fourth time I have read this book it is that good", "overall": 5.0, "reviewTime": "06 5, 2015", "summary": "Good book", "unixReviewTime": 1433462400} +{"overall": 4.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A10DWXI681YSG7", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "fancyNancy", "reviewText": "C.S. Lewis is so classic! Definitely not an easy read, but worth the effort!", "summary": "Definitely not an easy read, but worth the effort", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "A3BFVSQL650ET4", "asin": "0007368658", "style": {"Format:": " Paperback"}, "reviewerName": "B. Hire", "reviewText": "A classic! One of my favorites.", "summary": "A Favorite", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2017", "reviewerID": "A207MNQI5E5B1J", "asin": "0006379702", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "my husband loves the book. I gave it to him for a gift.", "summary": "Five Stars", "unixReviewTime": 1483660800} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A1DEV5ZL6GP32L", "asin": "0007162499", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Camp Willamette", "reviewText": "BEST SERIES EVER!!!", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A13FYB7NQ422YX", "asin": "0006176070", "style": {"Format:": " Audio CD"}, "reviewerName": "Diana", "reviewText": "Love this CD ,I owned the record when I was 15 years old. Love Carol King", "summary": "Five Stars", "unixReviewTime": 1420329600} +{"overall": 2.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A1E320QN3GPR4F", "asin": "0007191324", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Judith A. Scott", "reviewText": "Great read. Every page is consuming. Must read Tea Rose Book 1 before Book 2. Wish she had written more.", "summary": "Great read. Every page is consuming", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": false, "reviewTime": "09 15, 2016", "reviewerID": "A1K0UPQ125LVDQ", "asin": "0006280935", "style": {"Format:": " Paperback"}, "reviewerName": "EMCReviews", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1473897600} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A3VJPM24MPKB8D", "asin": "0006472613", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Juliejules", "reviewText": "This was a great book. My only complaint was the blunt ending...I have read a bunch of Sidney's books and they all seem to just end. I wish it was more of an ending. The rest of the book was fabulous though.", "summary": "Great book, weak ending", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2014", "reviewerID": "A2JEYFPHFLKE86", "asin": "0007295685", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Helen Feyen", "reviewText": "Another great book by Faye Kellerman. Husband and wife work together on cases and she brings their family life into the story. Great characters.", "summary": "Kindle", "unixReviewTime": 1399075200} +{"overall": 5.0, "vote": "27", "verified": false, "reviewTime": "01 8, 2008", "reviewerID": "A31BFFLX272PY2", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "WyoGrl", "reviewText": "I love this copy of Jane Austen's stories. It's great to have all the novels together and it's not too heavy or bulky to sit and read. A good addition to any library.", "summary": "Practical", "unixReviewTime": 1199750400} +{"reviewerID": "A24S6AXGFDAHNN", "asin": "0002226529", "reviewerName": "Charlene F. Morvay", "verified": true, "reviewText": "Not her best works. Or maybe this was just way too dark for my taste.", "overall": 4.0, "reviewTime": "04 24, 2015", "summary": "Not classic Clark.", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3FTPL8NSKGC6I", "asin": "0006647170", "style": {"Format:": " Board book"}, "reviewerName": "Sean Gallagher", "reviewText": "Awesome rhymes, dig it!", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2008", "reviewerID": "A2HSNCRIS5U9EN", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "L. Smith", "reviewText": "My daughter needed an updated version as her original one was falling apart. Great pictures", "summary": "Awesome!", "unixReviewTime": 1208649600} +{"reviewerID": "A2QGLXXIPG30OW", "asin": "0002162687", "reviewerName": "Frosty", "verified": false, "reviewText": "I love books that make me laugh out loud. Have enjoyed many by this author. Always learn something new about creatures, while enjoying the stories.", "overall": 5.0, "reviewTime": "02 1, 2017", "summary": "great book", "unixReviewTime": 1485907200} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2012", "reviewerID": "A1AT32KGOBPXIC", "asin": "0007273770", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Trudy", "reviewText": "I like the introduction to each short story. My favourite is Homecoming. How the Rainwilds was settled. All the other short stories are incredibly creative and a joy to read. I recommend reading this one.", "summary": "A great collection of short stories.", "unixReviewTime": 1348272000} +{"overall": 4.0, "verified": true, "reviewTime": "09 23, 2013", "reviewerID": "A2Y61HFQ87L1TD", "asin": "0007236360", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Debra S", "reviewText": "Yes a true story of an amazing woman with enough love to fill this land. I recommend this book to all. It holds great insight to those that have the ability to give so much more than others.", "summary": "A good read", "unixReviewTime": 1379894400} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A2O9YZCPJ794H7", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Linda Camhi", "reviewText": "Book is very good. Easy read.", "summary": "Four Stars", "unixReviewTime": 1481328000} +{"reviewerID": "A11AD7DRRHIC0Y", "asin": "0002247437", "reviewerName": "Hannah Bustamante", "verified": true, "reviewText": "I am just about finished with book 3 and can hardly wait to start book 4. This series is so wonderful. I can't put them down and can't say enough good things about them!", "overall": 5.0, "reviewTime": "07 30, 2013", "summary": "Can't wait to start", "unixReviewTime": 1375142400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2017", "reviewerID": "A2J96VIBC0S8AY", "asin": "0006895492", "style": {"Format:": " Paperback"}, "reviewerName": "Corpsman", "reviewText": "great book to start as a review for a formal A&P course.", "summary": "Start studying early", "unixReviewTime": 1491696000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A3FD2H8TN2SUC8", "asin": "0001048767", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lisa C", "reviewText": "What can I say? It's Shakespeare!", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A2NZWGAPY2PSXA", "asin": "000721801X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Historical tale of early English struggles to become the nation it is. Alfred the Great is depicted with his weaknesses as well as his strengths, as most leaders are.", "summary": "Historical story with liberties taken to enrich the story line.", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A2I2W9BSKRVE9A", "asin": "000721801X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Russell William Prince", "reviewText": "A great series of stories from and exciting era", "summary": "Five Stars", "unixReviewTime": 1443398400} +{"overall": 4.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A8D0YW3ZQRUWI", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "Chloe", "reviewText": "Arrived with a different cover and pretty old, but, okay.", "summary": "Four Stars", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A3NB0JTM44BEGM", "asin": "0006510426", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jeff M Klein", "reviewText": "Well worth a read for those into military history and tactics.\nMy favorite part is the use of first person accounts, including dealing with where they contradict each other.\nThe only negative for me was maps did not all have the names of all the places referenced. A minor issue.", "summary": "Now I Understand Waterloo.", "unixReviewTime": 1482969600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "A3GDLWAU5WFN17", "asin": "0006476414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jay Taylor", "reviewText": "This make the third time I have read the book, good as the first time", "summary": "good as the first", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A2G6M3W6JMIXQH", "asin": "0007281447", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kris Kristensen", "reviewText": "Tennis history at its best. Agassi is turning his soul inside out and we laugh and cry with him. Is a must for tennis fans.", "summary": "Total honesty", "unixReviewTime": 1390867200} +{"overall": 1.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A2AP5Q3G8K8VHQ", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Barbara Belk", "reviewText": "The font is very very very tiny in this book.", "summary": "One Star", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2008", "reviewerID": "A2MM3Y0CPGPVR3", "asin": "0007165870", "style": {"Format:": " Paperback"}, "reviewerName": "Jane of the Glade", "reviewText": "This book was a big hit with my book club. Well-developed, interesting characters and a good story. Good historical fiction by an accomplished writer.", "summary": "Unanimous favorite", "unixReviewTime": 1215129600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A2WO72V7SW93Z1", "asin": "0007137281", "style": {"Format:": " Hardcover"}, "reviewerName": "Jessica K.", "reviewText": "Classic", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": false, "reviewTime": "06 11, 2014", "reviewerID": "A3JJ1X02TR4DAQ", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marion Grosswald", "reviewText": "loved this book. I would recommend it to all game throners and fans. cant wait for sequels. luv it luv it", "summary": "book five a dance with dragons", "unixReviewTime": 1402444800} +{"reviewerID": "ALZ6333KEGRP0", "asin": "0002241447", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Great story, my 10 year old loved it.", "overall": 5.0, "reviewTime": "01 10, 2018", "summary": "Five Stars", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": false, "reviewTime": "12 11, 2001", "reviewerID": "A25RHPHZUAITCY", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "ingmar", "reviewText": "This is the best book I ever red in my whole life(16 years now).\nI really really really recommend this book to everyone who can read and understand the book !!!!!!!!", "summary": "Whaaaa the best book ever written !!!!!", "unixReviewTime": 1008028800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A1CDNVBKDVZ8G8", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Daniel Brian Trekas", "reviewText": "It is a great story if you like fiction. The cover is not as vibrant as the picture seems but it is still nice to have a copy of Tolkien's art as the cover.", "summary": "A classic", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2013", "reviewerID": "A297F9R8TIA8MR", "asin": "0007309309", "style": {"Format:": " Hardcover"}, "reviewerName": "F. Ryan", "reviewText": "this book was researched with the utmost presicion and grace I loved it read it twice . thank you Frances Ryan", "summary": "loved the book", "unixReviewTime": 1369180800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2014", "reviewerID": "A2GF3AYED94YLE", "asin": "000719093X", "style": {"Format:": " Paperback"}, "reviewerName": "Judith Damron", "reviewText": "Truth & Beauty: A Friendship is a beautifully written testament to love and friendship in a relationship. I was moved to read more both of the author's work and of her friend Lucy Grealey's. A book that inspires one to read another book speaks for itself.", "summary": "A Very Good Read", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A39637Y19D2SGU", "asin": "0007145101", "style": {"Format:": " Paperback"}, "reviewerName": "Ida", "reviewText": "Love love love the ideas and scientific finds in this book. Real life applications of the different results from the studies is probably the only thing that I wish were more explicit, but I love how my ideas about reality and my role in that reality has changed.", "summary": "Eye opener", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A13ZQ85U2X2SO9", "asin": "0007353588", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Wide-eyed", "reviewText": "As grim and compelling as \"Wolf Hall.\" One feels the noose tightening around Anne Boelyn. Interesting to see that everyone has blind spots, even the king.", "summary": "Henry VIII and his doomed queen, as seen by one of the king's aides", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A89Z6Z78CJ3RB", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "A. G. Villanueva", "reviewText": "Love the story. I like how small and portable the books are. They are small enough to fit in ones pocket and it is well bound.", "summary": "Love the story", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "AK84ZZOTFUEP1", "asin": "0007263589", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aaron Granger", "reviewText": "Great insights into behavioral economics. I would read this again.", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2017", "reviewerID": "A2VS20J43DX41G", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Just Another Reviewer", "reviewText": "Enjoyed the book and would read this author again.", "summary": "Five Stars", "unixReviewTime": 1509753600} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "AHYDGX20GHBJJ", "asin": "0002318075", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joan Dee Sizemore", "reviewText": "Loved this book but was able to figure out \"Who done it\" before the end, unlike most of Agatha Christie's novels. Still it was classic Hercule Poirot with his persistent use of his \"little grey cells\" to find the murderer. Enjoyable read!", "summary": "Classic Christie and Lots of Fun!", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A2D3L7LMS7D8J6", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "purple zebras", "reviewText": "Words cannot describe this book, that is how awesome it is. I loved reading this book start to end. Lois Lowry is an amazing author, and I hope that she keeps on writing!", "summary": "AWESOME!!!!!!!!!!!!!!", "unixReviewTime": 1408838400} +{"overall": 3.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A2AMCSJC2TGYHX", "asin": "0002238594", "style": {"Format:": " Kindle Edition"}, "reviewerName": "prunepicker", "reviewText": "Too wordy and technical. I just like a good tale.", "summary": "I just like a good tale", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2017", "reviewerID": "A3PEE73D0Q1UYX", "asin": "0007378033", "style": {"Format:": " Paperback"}, "reviewerName": "Mark Zemke", "reviewText": "Fascinating book ... was hard to put down ... what a great - and true - story of real courage and recovery from having experienced the ravages of war ...", "summary": "A \"must-read\" ... a truly great and fascinating true story of courage ...", "unixReviewTime": 1507852800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2011", "reviewerID": "APU0LQTDLXM7R", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "This book is great -a bit pricey but if you're a Tolkien Fan, worth it. Some discrepancy's in a few of the illustrations but I still love it.", "summary": "Illustrated Hobbit", "unixReviewTime": 1313539200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "AOLPFAQEKIEGT", "asin": "0004723724", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donald Wolfe", "reviewText": "Wilde has great wit and flair", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2013", "reviewerID": "A1M9Z1EHRND2KQ", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Laura, international traveller.", "reviewText": "If you didn't read this book, do it. Even if you watched the movies and didn't like them, or particularly if you didn't like the movies. As always Oscar Wilde shows here a great talent to analyze human society and behavior, creating an extremely interesting book in the process.", "summary": "No movie can match the beauty of the original book", "unixReviewTime": 1361404800} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A289CIBPMIXY8I", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leslie VanBlerkom", "reviewText": "A classic that I've loved for 50 years! My all time favorite Louisa May Alcott. It was a joy to read it again.", "summary": "A classic that I've loved for 50 years", "unixReviewTime": 1425081600} +{"overall": 3.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "ASQCQW7Q7FZDR", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Maggie", "reviewText": "It did not excite me....well written, but not my style of book that I enjoy.", "summary": "All about pirates", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2017", "reviewerID": "A3N0O5B4OOMQXY", "asin": "0007118899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lindy and Malcolm Maclean", "reviewText": "Very readable beautifully written.", "summary": "Five Stars", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": false, "reviewTime": "06 22, 2015", "reviewerID": "A2J8BA4CT3757T", "asin": "0002259524", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Hillarie", "reviewText": "Clive does it again. He takes my mind hostage in a good way. I look forward to the next adventure", "summary": "Awesome", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A1RW3NJXVKGZQM", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "TJack", "reviewText": "An amazing survival story, very well documented historically.", "summary": "Five Stars", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "A1364IL09D9755", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Barbara Danielson", "reviewText": "Read the entire series as a kid. Love Peter Jackson's movies. Am now re reading the entire series 25 years later. As incredible as I remember and I still think Peter Jackson nailed it in the movies. He made Tolkeins words come to life.", "summary": "Love Peter Jackson's movies", "unixReviewTime": 1417392000} +{"overall": 3.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A3052A6MGQWFCV", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Robert H Parsons", "reviewText": "Interesting article, well documented and well worth the effort to read. Just filling out words to have my say. Ok.", "summary": "good read", "unixReviewTime": 1426377600} +{"overall": 4.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "AAVXOTWGXFVES", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Andrea", "reviewText": "This book displayed how everything is done inGods time. His will, will be done! In order to achieve our personal legend we must acknowledge the beauty in every experience. Love it! #dothework", "summary": "enlightening!", "unixReviewTime": 1421452800} +{"overall": 2.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A361OJPLMHY4O8", "asin": "0007264798", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Will", "reviewText": "For a book that is at the end of a huge series that most people have read the author took a great deal of time to explain his concept of creation. Also, this concept is completely useless as it is the last book in the series. I'm glad he has moved on to a new idea.", "summary": "Too much explanation", "unixReviewTime": 1483142400} +{"overall": 3.0, "verified": true, "reviewTime": "12 13, 2016", "reviewerID": "AYFPMNXBMIF71", "asin": "0007223773", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Craftywhizz", "reviewText": "okay", "summary": "Three Stars", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A3O8GBWDQ6QSM2", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "A great read and different type of plot. I expected it to be just another dull classic novel but it had the touch of supernatural.", "summary": "loved it", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "AI52LSB5U7UPX", "asin": "0007331010", "style": {"Format:": " Paperback"}, "reviewerName": "E.G.", "reviewText": "excellent book for daily reading. the poems at the beginning of the page make no sense at times.the accompanied paragraph is more enriching.", "summary": "excellent book for daily reading", "unixReviewTime": 1435795200} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "09 1, 2011", "reviewerID": "A30QBFQLYZBKLM", "asin": "0002255863", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Slow and depressing, I kept turning the pages expecting more. And it kept being slow and depressing. And then disturbing. Such a highly reviewed book, I have to say is on my top 10 of books I hate and will never reccommend.", "summary": "Depressing, disturbing", "unixReviewTime": 1314835200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A19V5UNK1BI7CV", "asin": "000711835X", "style": {"Format:": " Audible Audiobook"}, "reviewerName": "E. Coyle", "reviewText": "Comfortingly British voice reads classic tale.", "summary": "Five Stars", "unixReviewTime": 1513555200} +{"overall": 4.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "AD73XNL1TJ6GJ", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I can't get enough of these books, and wish Martin would hurry up and complete his next book. He left me with my imagination running wild!", "summary": "A Dance With Dragons", "unixReviewTime": 1400025600} +{"overall": 4.0, "verified": false, "reviewTime": "09 16, 2015", "reviewerID": "A39C276IBQYUA8", "asin": "000720924X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lucile Arnusch", "reviewText": "Great YA novel. My book club read it this month for our annual Banned Book discussion.", "summary": "Four Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "A17YJE6SNEP92R", "asin": "0007254822", "style": {"Format:": " Hardcover"}, "reviewerName": "TMN", "reviewText": "Great addition to our \"Not A Box\" book.", "summary": "Five Stars", "unixReviewTime": 1447459200} +{"overall": 5.0, "verified": false, "reviewTime": "11 10, 2014", "reviewerID": "A2KIXJ6ZQE9HQG", "asin": "000726755X", "style": {"Format:": " Hardcover"}, "reviewerName": "RDH", "reviewText": "Two Thumbs up!", "summary": "Five Stars", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A2RZ0TKYXNYW2P", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "George S. Boatright", "reviewText": "one of my favorite Jane Austen books. I really enjoyed it. Highly recommended.", "summary": "Five Stars", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A1L5RCTT7FLGFJ", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "AngelJesacah", "reviewText": "Always been my fave book, now I have it on my Kindle too! So happy!", "summary": "Kindle Purchase", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": false, "reviewTime": "11 8, 2014", "reviewerID": "A1A94KX30I9F84", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Julie Powell", "reviewText": "This is a book of love and the act of finding who you really are and to me Jonas and Gabriel's love for each other is strongest of all", "summary": "Suspenseful", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "AU95SIHTRL4CA", "asin": "0007420412", "style": {"Format:": " Paperback"}, "reviewerName": "Megan", "reviewText": "As expected", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A2YVUU302MJPER", "asin": "0007327064", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Symon", "reviewText": "As fun as always. I hope for more and expect to get it. Let us know when the next one comes out!", "summary": "Great Stuff!", "unixReviewTime": 1388534400} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A166ZXTBKRVKOP", "asin": "0007420412", "style": {"Format:": " Kindle Edition"}, "reviewerName": "CrystalLee", "reviewText": "Read it read it read it!! Great book futuristic surprise ending !!! loved it. Part of me wants to be her. :-)", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A254TGDBB6Y81I", "asin": "0006863744", "style": {"Format:": " Paperback"}, "reviewerName": "D. Brown", "reviewText": "Superb analysis!!", "summary": "Five Stars", "unixReviewTime": 1408406400} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "APSD5PLZ7WEKC", "asin": "0006498515", "style": {"Format:": " Kindle Edition"}, "reviewerName": "betty southall", "reviewText": "Liked it", "summary": "Four Stars", "unixReviewTime": 1446854400} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A1AWBWLXPITIS", "asin": "0006499228", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Good read. Entertaining. I like the genre of books. Is this enough writing to satisfy the min words needed?", "summary": "Four Stars", "unixReviewTime": 1506556800} +{"overall": 2.0, "verified": true, "reviewTime": "07 11, 2016", "reviewerID": "A10HATCQWUIWDY", "asin": "000711835X", "style": {"Format:": " Audio CD"}, "reviewerName": "Therolando", "reviewText": "This audiobook is NOT the full version of the books. The total time to listen to all three books here is only 10.5 hours. If you look at the real unabridged versions each book, individually, is 20+ hours long. It is cheap, but you are missing out on hours and hours of story.", "summary": "NOT complete Audiobook", "unixReviewTime": 1468195200} +{"overall": 3.0, "verified": true, "reviewTime": "09 16, 2013", "reviewerID": "A3LEJBI2BBW9S1", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Murphy", "reviewText": "It was okay. I said what I wanted to say I do not understand why I must write so many words that aren't needed it seems like a waste of my time and the person that has to review what I wrote.", "summary": "Wasn't what I wanted.", "unixReviewTime": 1379289600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A39R0XY1RDQ4SZ", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "kathiparadis", "reviewText": "I bought this for my Hubby & he LOVES it!!!!!!! Has some awesome maps too!!! Quite detailed!!!!", "summary": "Has some awesome maps too", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "AJAM8EU85J7AK", "asin": "0007141424", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "M", "reviewText": "Arrived sooner than expected, in good shape and packaged well. Yes I recommend this seller . The book is just like new and I love that I can save money as well as, recycle and save paper.", "summary": "Very relaible seller", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A1WRDF75Y58X7K", "asin": "0007120796", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Randall B. Coapstick", "reviewText": "Great vintage Agatha", "summary": "Poirot", "unixReviewTime": 1486166400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A2296T0L918ABG", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "caroline", "reviewText": "I really enjoyed reading this book. It was a quick read. Very creative storyline and I loved the story being told from the dog's pov.", "summary": "I really enjoyed reading this book", "unixReviewTime": 1441756800} +{"overall": 1.0, "verified": false, "reviewTime": "08 8, 2014", "reviewerID": "A3DBV3B231NXFS", "asin": "000172066X", "style": {"Format:": " Hardcover"}, "reviewerName": "TRW", "reviewText": "What a shame that this book has two words I don't allow my daughter to say. Hate and dumb.", "summary": "What a shame!", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2012", "reviewerID": "A2JL4EKGJIFRKY", "asin": "0007286414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shirley E. Stroup", "reviewText": "Just wanted to read it for old-time's-sake - it was one of my favorite books as a kid.\nA fun read; I'd forgotten a lot of it. Looking forward to \"Mary Poppins Comes Back!\"", "summary": "Mary Poppins (Odyssey Classics)", "unixReviewTime": 1349481600} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A2WW8EO6QWOU59", "asin": "0006478964", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Heaters6", "reviewText": "Good book.", "summary": "Good book", "unixReviewTime": 1455408000} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A2WHX6ASCPADRC", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rica Rob", "reviewText": "Great item", "summary": "Four Stars", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "A3PXYI4HUC13E0", "asin": "0007175205", "style": {"Format:": " Hardcover"}, "reviewerName": "Louise", "reviewText": "I loved this book as a child so I knew that my granddaughter would love it as well. Thank you.", "summary": "Horton Hears A Who", "unixReviewTime": 1356307200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A3D1UL9OZO4YZM", "asin": "0007311648", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bonni Haner", "reviewText": "One of the best in her series. Great plot and character development.", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A7CEQAM0ZR620", "asin": "0007386621", "style": {"Format:": " Hardcover"}, "reviewerName": "B. porter", "reviewText": "amazing story...I finished it in record time..", "summary": "Excellent reading", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2012", "reviewerID": "A8SQ6ATC8JFPW", "asin": "0007192932", "style": {"Format:": " Hardcover"}, "reviewerName": "Suzanne Brean", "reviewText": "Bought this book to add to our reference library. Haven't had a chance to read it yet, but know that we will enjoy it.", "summary": "Great Reference book", "unixReviewTime": 1344297600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3OABSCUVJZISJ", "asin": "000732197X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Robert L. Cheek", "reviewText": "Kim Harrison tells an excellent story. I have enjoyed the entire series. I'm looking forward to more from this author.", "summary": "An excellent story of vampires, demons, and other super natural beings", "unixReviewTime": 1386806400} +{"overall": 4.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "A2WXXULVSUJ8LM", "asin": "0006367992", "style": {"Format:": " Kindle Edition"}, "reviewerName": "basile", "reviewText": "Informative narration about becoming and being Cary Grant.", "summary": "Four Stars", "unixReviewTime": 1506211200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A9HJCLG7AQ5AP", "asin": "0006158048", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Edward C Reiser Jr", "reviewText": "Great read.", "summary": "Five Stars", "unixReviewTime": 1483142400} +{"overall": 3.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "AFPP5ECRRTUGR", "asin": "0007172109", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marilyn Muratori-Jarvis", "reviewText": "It was O.K, but not one of my favorites. It jumped all over and was hard to follow.", "summary": "It was O. K, but not one of ...", "unixReviewTime": 1411603200} +{"overall": 3.0, "vote": "5", "verified": true, "reviewTime": "03 14, 2012", "reviewerID": "A5FA0TDINME9U", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "enochr", "reviewText": "Well, he is no Tolkien. There are some good characters that I want to follow, but there is a lot of stuff you just skim. Read all five books straight through and I don't really know that I want to read the sixth.", "summary": "not as good as i hoped", "unixReviewTime": 1331683200} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "ARLA7GF4WHXWP", "asin": "0006479561", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Get it - This Mystery is kinda sad, but not totally. The \"mystery death\" is based on religious secret societies but is really a good 'ole grab for Money. The characters of Chee, Janet, and Cowboy are developed more fully in this book.", "summary": "Great Book", "unixReviewTime": 1428710400} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "ANIYCJTRP94VE", "asin": "0007105088", "style": {"Format:": " Board book"}, "reviewerName": "M. S. Perry", "reviewText": "I agree with the others. These are fabulous books and lovely in appearance. However, the case/sleeve is pretty, but somewhat flimsy for books of this weight (and cost).", "summary": "the case is the only weak spot", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A1BUBKPMLXZIKN", "asin": "0007312148", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mark Hyland", "reviewText": "Very imaginative. Lots of twists and turns. Reminds me of the Repairman Jack character.", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 4.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "A2V5TB6LIBAKP", "asin": "0007151276", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stephanie Corwin", "reviewText": "Certainly, a fascinating story, and important to understand how the New World came to be New England. If you only know the outline, fill in the broad strokes with these carefully researched and compiled details.", "summary": "The first Thanksgiving", "unixReviewTime": 1485475200} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A6VGU8JK13UR6", "asin": "0001047868", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael R. Obrien", "reviewText": "I truly enjoyed reading this book, however the accent was a bit over done at a few places, but the writing was good enough it was understandable for the most part.", "summary": "captivity", "unixReviewTime": 1359504000} +{"reviewerID": "A31IF3NPIRTLD2", "asin": "0002226529", "reviewerName": "Carmela Guidi", "verified": true, "reviewText": "Excellent book to read. Cannot stopped reading until the end.", "overall": 5.0, "reviewTime": "11 21, 2015", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "A3EWRX39ETL9KQ", "asin": "0001844423", "style": {"Format:": " Audio CD"}, "reviewerName": "B. Shay", "reviewText": "The family loved listening to this series while driving cross country. We hated getting out of the car at our destinations.", "summary": "Great Book", "unixReviewTime": 1388620800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A2Y2OZNVKTQB8W", "asin": "0006392954", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Brigitte Grimes", "reviewText": "McDermid is always a good read.", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A2FFZM2WCYDU3O", "asin": "0007105088", "style": {"Format:": " Board book"}, "reviewerName": "abdulla hussain al-mesry", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2017", "reviewerID": "A1UI8R95J0JBRN", "asin": "0007117213", "reviewerName": "Cynthia Stout", "reviewText": "Smooth transaction...Very Pleased AAAA++++", "summary": "Very Pleased AAAA++++", "unixReviewTime": 1503964800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A31YW8GUIRJAQ3", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Scott St. Joseph", "reviewText": "Great book. Great edition! LOVE the collectors edition to add to my Lord of the Rings collectors edition. Nice book to keep on display, as one, if not my favorite book of all time!", "summary": "Great book. Great edition!", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A15IAI5R4JQOYS", "asin": "0007244649", "style": {"Format:": " Hardcover"}, "reviewerName": "Mary P", "reviewText": "Great book, received it in great condition.", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A370XCNLHVGHUA", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "HoldenRider", "reviewText": "Well layed out. Lots of annotations", "summary": "Recomend.", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A12EGKZ3Y6YM8U", "asin": "0001945424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "ElizWolf", "reviewText": "It's a classic for a reason. It's a life affirming book for all ages and worth pulling off the shelf again and again, especially when life gets cranky.", "summary": "It's a classic for a reason. It's a life ...", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": false, "reviewTime": "07 11, 2009", "reviewerID": "A31Z1UGJSDCJ4C", "asin": "0007350783", "style": {"Format:": " Audio CD"}, "reviewerName": "A. Conner", "reviewText": "This is the best version of Persuasion on CDs! Amanda Root does an excellent job of reading Persuasion!!", "summary": "Best Persuasion on CDs", "unixReviewTime": 1247270400} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2013", "reviewerID": "AOIGH0A8Z2XR2", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "Gus", "reviewText": "A wonderful book for children. They love to have it read to them and it helps beginning readers. Who wouldn't like ie!", "summary": "Love Dr. Susse", "unixReviewTime": 1372291200} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A183LZ42BM1FU7", "asin": "0007127049", "style": {"Format:": " Hardcover"}, "reviewerName": "Lori B. Richards", "reviewText": "Entire series of books is wonderful!", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A1MQWWMP6062NK", "asin": "0007317298", "style": {"Format:": " Paperback"}, "reviewerName": "Sandy Pirwitz", "reviewText": "I've recommended this book to so many people - very, very interesting. Excellent writing with data to back everything up. Deception is so powerful, as these talented authors explain.", "summary": "I've recommended this book to so many people - very", "unixReviewTime": 1455926400} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A2IZ3CADJI3DGG", "asin": "0007388160", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Arlene Gordon", "reviewText": "This was a very good book, although not a happy one. Oates's vocabulary and writing are top-notch. Anyone who has been widowed can relate to many thoughts and feelings and experiences written here.", "summary": "A Widow's Story", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A3NJJHU18WREEC", "asin": "0007271239", "style": {"Format:": " Hardcover"}, "reviewerName": "B Beatle", "reviewText": "I am hooked on Garth Stein.....a wonderful story, keeps you turning the pages. Clever point of view from the dog.", "summary": "Beautiful!!!!!", "unixReviewTime": 1388534400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "ASD817YSQ4Z14", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Antamune", "reviewText": "Tolkien's works are truly some of the best in Literature.\nI've grownup with these books, and there is always something new every time I read them.", "summary": "Something to be Reread...Repeatedly!", "unixReviewTime": 1380499200} +{"overall": 3.0, "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "AAWG1CCTAWQKH", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sally", "reviewText": "Will try for another Bible. I just don't like the old version. I do like having it on my Kindle I find I read it more", "summary": "Not what I wanted", "unixReviewTime": 1357084800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A19S6ZV70QWE31", "asin": "0001047868", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Bessie", "reviewText": "Didn't want the David story to end. The escapades kept me reading with interest to find out how they faired.", "summary": "GOOD", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2012", "reviewerID": "A3RGI6KMFWNJ35", "asin": "000719093X", "style": {"Format:": " Paperback"}, "reviewerName": "N. Connelly", "reviewText": "The book was in great condition when it came so I was pleased about this. As for the story, I just couldn't get into it. It made me incredibly sad & so I only got into the first third of the book before I threw it away.", "summary": "Truth & Beauty", "unixReviewTime": 1350172800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A3R7PZ33MXLL54", "asin": "0007304145", "style": {"Format:": " Kindle Edition"}, "reviewerName": "voracious reader", "reviewText": "This novel held my interest from beginning to end. I had difficulty putting it down. The many twists and turns right up to the end were fabulous!", "summary": "Very engaging", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A2GET5RXBHJ267", "asin": "0007158505", "style": {"Format:": " Hardcover"}, "reviewerName": "Ravenheart", "reviewText": "All of Dr Seuss's book hold a lesson to share with children.", "summary": "Enjoyable", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A23FKXGHS2TZ7W", "asin": "0001713256", "style": {"Format:": " Board book"}, "reviewerName": "diane", "reviewText": "My son adores this book! He loves cars (basically anything with wheels) and dogs. Two of his first 5 words were dog and car. At 1yo, he flips through this book and goes \"book,dog, car\".\n\nThere is nothing i don't like about this book.", "summary": "We love it!", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A3HQ4KU5ZHPK9N", "asin": "0007305060", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John Blakeway", "reviewText": "no 3 in a great series, have now read the complete set and have enjoyed them all", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2017", "reviewerID": "A3LJ97MGK93OBY", "asin": "0002224216", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dianne K. McHugh", "reviewText": "The Poldarks and Warleggans are now like a family to me. I can even feel sorry for George.", "summary": "Five Stars", "unixReviewTime": 1485561600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A2HTNH22FWE2XE", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Josue", "reviewText": "Perfect item just what I needed great buy!!!!", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": false, "reviewTime": "12 18, 2014", "reviewerID": "A5T0SNTBVLHUB", "asin": "0006476155", "style": {"Format:": " Amazon Video"}, "reviewerName": "Russ Pilcher", "reviewText": "I like Morgan Freeman so this is the key reason I watched this film. Suspenseful with an interesting twist at the end. I would recommend this to any fan of mystery and crime movies.\ncri", "summary": "Suspenseful and enjoyable.", "unixReviewTime": 1418860800} +{"reviewerID": "A21BX06LHMTQ78", "asin": "0002217961", "reviewerName": "CollinsAtl", "verified": true, "reviewText": "Suspenseful and interesting journey back in time ... the navet is odd at some points reading in current times -- but a clear view into Helen McInnes' knowledge of the methods & thinking of those years. Excellent read.", "overall": 5.0, "reviewTime": "06 6, 2015", "summary": "Historical Spy Drama", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2010", "reviewerID": "A3QYG2UBDU16M8", "asin": "0007230206", "style": {"Format:": " Hardcover"}, "reviewerName": "mosi123", "reviewText": "I loved this book and the sequel and await the third book impatiently. Mantel is brilliant. The best book I read all year.", "summary": "Absolutely perfect", "unixReviewTime": 1266710400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2013", "reviewerID": "A86DHX5W4BI7R", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Dahlink", "reviewText": "No matter how old you are, this book is perfect, especially for celebrating milestones. Have given it to a high school grad, 7 year old and am about to give it to a friend who is retiring soon.", "summary": "Great Book for all ages", "unixReviewTime": 1372118400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "A20CHRZQY8FJB0", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Anonymous guy", "reviewText": "I got the books for my kids and its a great book for the teacher to wright in after each school year. just a little something for them when they get older", "summary": "... got the books for my kids and its a great book for the teacher to wright in after each ...", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": false, "reviewTime": "11 27, 2016", "reviewerID": "A3TXPV6PP095BX", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Luv2travel", "reviewText": "Enjoyed the audio version as much as I previously enjoyed reading the book. The singing parts were a little strange, but an engaging tale for long road trips.", "summary": "Great to read/listen to again!", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A1FK0MHOR80ASF", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Rob Steel", "reviewText": "One of the best series I've ever read, glad I started reading this book and studying middle earth\n\nExtra line", "summary": "best series", "unixReviewTime": 1411603200} +{"reviewerID": "A1T6KXZKJ8ZUWO", "asin": "0002247437", "reviewerName": "Harvey Floyd", "verified": true, "reviewText": "It's GOT. Or maybe GOAT.. yeah Greatest of all time? Love it.", "overall": 5.0, "reviewTime": "01 6, 2016", "summary": "yeah Greatest of all time", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A155IW5R34ZPO6", "asin": "0007284241", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "FSawyers", "reviewText": "Excellant!!!", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "AJI85RFW660O7", "asin": "0006497071", "reviewerName": "Rosalie R. Holen", "reviewText": "Very Pleased.", "summary": "Five Stars", "unixReviewTime": 1447286400} +{"overall": 4.0, "verified": false, "reviewTime": "06 23, 2012", "reviewerID": "A2Q8EA0WCYLZ6Q", "asin": "0007250878", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Mystery Lover", "reviewText": "Honestly, I was really pleased with the plot and all the research that went into the story line. This was both interesting and a real brain teaser.", "summary": "Much better than I expected", "unixReviewTime": 1340409600} +{"overall": 5.0, "verified": false, "reviewTime": "01 13, 2008", "reviewerID": "A1BK4QAFQ2IAE4", "asin": "0007284241", "style": {"Format:": " Paperback"}, "reviewerName": "A. McAlarney", "reviewText": "This was in the same series of printing and I am so glad that I found it. Not many people know about it and this will be my favorite read of the year I am sure!", "summary": "Perfect", "unixReviewTime": 1200182400} +{"overall": 4.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A3U5JKEZZ9CJUN", "asin": "0007201761", "style": {"Format:": " Kindle Edition"}, "reviewerName": "M. Blumberg", "reviewText": "In the line of Genghis books by Iggulden, I've read two--this is the second It's an entertaining read. One certainly gets a different view of life in Asia. Life on the plains vs life in the cities.", "summary": "Genghis Bow", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "ATY0OFNQR4OJ4", "asin": "0007327064", "style": {"Format:": " Paperback"}, "reviewerName": "Rosalie Ortiz", "reviewText": "Will read when done with last book. Love the Odd series.", "summary": "Deeply Odd", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "AZ7062QNHJ1EZ", "asin": "0007329067", "style": {"Format:": " Paperback"}, "reviewerName": "Sawyer4Jones", "reviewText": "Not only helpful but also great fun!", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "AACVQV1I67TRH", "asin": "0007350031", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jeralyn Bigler", "reviewText": "Michael Crichton once again scores a hit. I loved the science involved in the micro outdoor environment with all the insects.", "summary": "Sci-fi thriller.", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A1WFUV2CJBKWCE", "asin": "0007247095", "style": {"Format:": " Paperback"}, "reviewerName": "L8rGator", "reviewText": "I thought I was prepared for horrors, but I wasn't. This book is very real, and hard. It brought me into a life I could never have imagined. Excellent read.", "summary": "Excellent read.", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2018", "reviewerID": "AAZS30VRJMVJQ", "asin": "000715707X", "style": {"Format:": " Audible Audiobook"}, "reviewerName": "Elizabeth Wallace", "reviewText": "Ronald Dahls books are so well written and descriptive, captivating and funny.", "summary": "Great read: Roald Dahl", "unixReviewTime": 1519344000} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A3DGGDRTL6KOKO", "asin": "0006280560", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pat R.", "reviewText": "Great book, with an ending I didn't expect.", "summary": "Four Stars", "unixReviewTime": 1405382400} +{"overall": 1.0, "verified": false, "reviewTime": "05 9, 2014", "reviewerID": "A131XH3HIR93TW", "asin": "0007265077", "reviewerName": "Celia", "reviewText": "I don't know what the fuss was about this book. It was so boring I could not finish it. Maybe people like it for stories about dogs. It was not until I read some of the stories here that I realized that the story was supposed to be based on Hamlet.", "summary": "One of the most boring books I have ever read", "unixReviewTime": 1399593600} +{"overall": 3.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A2R8SL8NVIS1EY", "asin": "0007120680", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joseph Schultz", "reviewText": "typical christie", "summary": "Three Stars", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A1I91RDKQU3JOA", "asin": "0007028369", "style": {"Format:": " Hardcover"}, "reviewerName": "Allison Yee", "reviewText": "Good book, came on time and was in good condition! 5/5", "summary": "Five Stars", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A2AEXFM2C8VHFT", "asin": "0007131089", "style": {"Format:": " Paperback"}, "reviewerName": "KNorwood", "reviewText": "Great product, great price!", "summary": "Great product, great price!", "unixReviewTime": 1449446400} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "A2L0MGDL998247", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "edward dougherty", "reviewText": "An interesting easy read.", "summary": "Interesting easy read", "unixReviewTime": 1505088000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A1BF16YUPFA0LE", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This is a must read. Not only for the holidays, but for the classics fan. I love this story. I'm a huge Dickenson admirer.", "summary": "I love this story", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": false, "reviewTime": "01 20, 2015", "reviewerID": "A2LLWECSU8BG76", "asin": "0007158505", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "Anything by Dr. Seuss is great, and this is too! My 9 year old granddaughter loved it! You will too!", "summary": "Seuss is great, and this is too", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2FUAM1LH2W7AM", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jules", "reviewText": "Great read with a lot of depth.", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 4.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A2DG2NX684OU39", "asin": "0007270747", "style": {"Format:": " Paperback"}, "reviewerName": "Pam", "reviewText": "Reading any book on grieving while grieving is difficult.", "summary": "Four Stars", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "AB4J0X8QTBZ8", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cars&Guitars", "reviewText": "There's nothing else to expect about this book. I left the book with great expectations. So should you.", "summary": "This book.", "unixReviewTime": 1410220800} +{"overall": 4.0, "verified": true, "reviewTime": "12 7, 2009", "reviewerID": "A2RIFW6103RQE1", "asin": "0007265077", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Katharine", "reviewText": "This was a unique and well-crafted take on Hamlet, which I very much enjoyed reading.", "summary": "A compelling adaptation of a classic tragedy", "unixReviewTime": 1260144000} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A32MS16U4YM7AH", "asin": "000726349X", "style": {"Format:": " Hardcover"}, "reviewerName": "Michael Hughes", "reviewText": "I bought this for my grandson and he devoured it. I think his brother will\nnow read it and I may recommend that my son read it too. I loved this book as a kid.", "summary": "Great Book", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2013", "reviewerID": "AI7B0U9V3Y2LF", "asin": "0001846590", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L.E.Y.", "reviewText": "I am not in agreement with all of George MacDonald's theology, but the two books \"The Princess and the Goblin\" and \"The Princess and Curdie\" are Christian parables full of love and light. I read them again and again.", "summary": "Christian parable, sequel to \"The Princess and the Goblin. I read both over and over.", "unixReviewTime": 1380844800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2012", "reviewerID": "A19Z49MYJZGP1I", "asin": "0007201745", "style": {"Format:": " Paperback"}, "reviewerName": "Kelly P. Wallace", "reviewText": "Such a pleasant surprise! Have had this book on my shelf for months. Could NOT put it down, waiting for the rest of the series to arrive tomorrow.", "summary": "A GREAT READ!!", "unixReviewTime": 1333238400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A8YOFP7O2B43Z", "asin": "0007145101", "style": {"Format:": " Kindle Edition"}, "reviewerName": "j'aimelire", "reviewText": "Written in a clear manner for the ordinary folks. That is a not easy task. Kuddo for the author.", "summary": "Kuddo for this author", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": false, "reviewTime": "08 8, 2014", "reviewerID": "A1LC1TUCL74QRG", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Moe", "reviewText": "Like nothing I've read before, this book keeps you interested and wondering. It can be seen from a diversity of perceptions, it opens so many subjects while touching so many hearts. Greatly enjoyed and moving on to book 2.", "summary": "An interesting read.", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A288IV2VKYOF9H", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dollie", "reviewText": "good story", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2018", "reviewerID": "A3C2K9VAPUTIR7", "asin": "000711835X", "style": {"Format:": " Audible Audiobook"}, "reviewerName": "Amazon Customer", "reviewText": "a well told fantasy.", "summary": "Five Stars", "unixReviewTime": 1518048000} +{"overall": 5.0, "verified": false, "reviewTime": "06 9, 2015", "reviewerID": "A2OPWOHOIWYP8P", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Absolutely great reading.", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A1FVFWT8QQBXEH", "asin": "0007175205", "style": {"Format:": " Hardcover"}, "reviewerName": "kat08", "reviewText": "The students loved the story. I was using it to teach propaganda. They enjoyed breaking the story apart and analyzing it.", "summary": "The students loved the story", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2014", "reviewerID": "A3PZ5CS841LN8T", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Debbie Poratt", "reviewText": "this book is like Lord of the rings,\nIt is so good that I read it 5 times read it", "summary": "BEST BOOK EVER", "unixReviewTime": 1393891200} +{"reviewerID": "AY1D9CH77MEAP", "asin": "0001983679", "reviewerName": "Patty Van Raalte", "verified": true, "reviewText": "great illustrations, cute stories about mouse community living in rural England, my granddaughter (2 1/2 yrs.) loves talking about the characters and the pictures", "overall": 5.0, "reviewTime": "03 17, 2016", "summary": "great illustrations, cute stories about mouse community living in ...", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": false, "reviewTime": "10 22, 2017", "reviewerID": "A5P1PKG68G83H", "asin": "0007119550", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lou", "reviewText": "Can't get enough!", "summary": "Five Stars", "unixReviewTime": 1508630400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A24PUXHK4AWLMJ", "asin": "0002005549", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leland Snead", "reviewText": "I'm always amazed at how a good fiction writer can write a believable (sometimes just barely), story to keep the reader enthralled right up to the end. I can't do it, but I sure admire a writer like Michael Chricton who can. This is a top notch story.", "summary": "Life's Like That!", "unixReviewTime": 1412121600} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2012", "reviewerID": "A3ULDC33UJIBGZ", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "maui girl", "reviewText": "I cried. I am a dog person so this really resonated with me. The spirit of the dog (narrator of story) was believable and loveable. This was Ultimately a feel good novel.", "summary": "Good Read.", "unixReviewTime": 1352505600} +{"overall": 3.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "A1FHVNJ0LARN4L", "asin": "0007263589", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ronald Fernandez", "reviewText": "A good read. Unfortunately it is too long, repetitive and redundant. It could have been reduced by one half of its size. Yet is clearly written and well organized so that one gets a feeling for behavioral economics.", "summary": "Well written but repetitive", "unixReviewTime": 1484179200} +{"overall": 3.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A3D9HCYLOZD8N7", "asin": "0007350961", "reviewerName": "Minhcalla Ink Reviews", "reviewText": "Good", "summary": "Good", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A3RFOUWDS65I31", "asin": "000231309X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Shar", "reviewText": "Great character study and whodunnit!!", "summary": "Great", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A1QIEXVWYO66W", "asin": "0006173624", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Grizzly King", "reviewText": "Great story. War with Russia using conventional weaponry. Liked the detail and strategy", "summary": "Great story. War with Russia using conventional weaponry", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "AW4D688040Y0N", "asin": "0007214227", "style": {"Format:": " Paperback"}, "reviewerName": "M Brooks", "reviewText": "Gave it as a gift - friend really liked it", "summary": "Five Stars", "unixReviewTime": 1492128000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "A2X7WUMR40OO32", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Russell A Black", "reviewText": "It was such a pleasure reading this book again as an adult after so many years. It is as magical and engaging as I remember.", "summary": "A classic!", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2014", "reviewerID": "A3AC7C48WAAGML", "asin": "0007247095", "style": {"Format:": " Kindle Edition"}, "reviewerName": "marcelo", "reviewText": "Well written. Learned much about Sierra Leone and politics. A frightening story about misery resulting from ignorance and anarchy. Africans particularly vulnerable.", "summary": "Anarchy ,exploitatio and Death.", "unixReviewTime": 1399852800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1IR02KH67S0MN", "asin": "0006513077", "style": {"Format:": " Hardcover"}, "reviewerName": "Patricia", "reviewText": "This was the first thriller I ever read - just after it came out. I had to order another copy so I could re-read it and pass it along. This is a book that you will long remember", "summary": "One of the best I've read - ever", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "ALSM523WUH33P", "asin": "0007250916", "style": {"Format:": " Paperback"}, "reviewerName": "j brown", "reviewText": "**Everything you want to know about cancer, and then some. Beautifully written, wholly engrossing.", "summary": "Beautifully written, wholly engrossing", "unixReviewTime": 1466380800} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3UNTMYPKL5R9J", "asin": "0007236360", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jann34", "reviewText": "Sad well written story. Once I started reading this book I could not put it down. Hoping mental health system becomes better in protecting these abused children.", "summary": "social services failed", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": false, "reviewTime": "04 28, 2016", "reviewerID": "A3O3ZETP08K9U6", "asin": "0007119305", "style": {"Format:": " Kindle Edition"}, "reviewerName": "My Thoughts", "reviewText": "Enjoyed the way I came to know Hastings through the development of the story. Even relearned some French while reading it!", "summary": "Classic Poirot", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A3FOYDP9G8V8LH", "asin": "0006490344", "style": {"Format:": " Paperback"}, "reviewerName": "Anna Mercken", "reviewText": "Great! In good condition.", "summary": "Great! In good condition", "unixReviewTime": 1449792000} +{"overall": 3.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "A2XCL6GXZ9SX4P", "asin": "0006513085", "style": {"Format:": " Kindle Edition"}, "reviewerName": "R. Dickson", "reviewText": "Don't let the 3 star rating fool you. While the story was 100% predictable from the start, it is well told and the pages turn quickly. If you're just looking for a well told story with no wasted space, then this will definitely fill that need.", "summary": "Very predictable but enjoyable nonetheless", "unixReviewTime": 1505606400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A1WAJWOFBE4PPR", "asin": "0007263058", "style": {"Format:": " Paperback"}, "reviewerName": "Granny", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1433462400} +{"overall": 3.0, "verified": false, "reviewTime": "09 26, 2014", "reviewerID": "A305AAE9QSDLXE", "asin": "000627935X", "style": {"Format:": " Paperback"}, "reviewerName": "Jill A. Boughton", "reviewText": "I know this is a classic, but I found it difficult to comprehend.", "summary": "spirituality", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A6JP9YYJCK3WO", "asin": "0006280544", "style": {"Format:": " Hardcover"}, "reviewerName": "Sylvia Arrowood", "reviewText": "Well written and thoughtful. I love C.S. Lewis.", "summary": "I love C. S", "unixReviewTime": 1446336000} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "AMSPCV3QJZS77", "asin": "0007350961", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Beecher", "reviewText": "Not what I expected at all. Sweet and fascinating story. Time to learn more about Mary Shelley and her friends.", "summary": "Surprising", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "A1FEMO84LTCB0T", "asin": "0007250916", "style": {"Format:": " Paperback"}, "reviewerName": "Gerald", "reviewText": "This book gives an in depth look at the history of diagnosing and treating Cancer. Written for the everyday reader.", "summary": "This book gives an in depth look at the history ...", "unixReviewTime": 1518912000} +{"overall": 4.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A37LVSK4EP0WJT", "asin": "0007198019", "style": {"Format:": " Board book"}, "reviewerName": "JulieA", "reviewText": "The book is smaller than I had expected, but is very nice. Pop ups are cute!", "summary": "Small but good", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "A1F10XRZR6ZAY0", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "My favorite Jane Austin. Great story with a bit of suspense: will they or won't get together. The main characters are nicely drawn and each has a full personality.", "summary": "Great Read", "unixReviewTime": 1491264000} +{"overall": 4.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A3GS6MS8IF2BXV", "asin": "0006755488", "style": {"Format:": " Paperback"}, "reviewerName": "Mary Ann Minkler", "reviewText": "good condition", "summary": "good condition", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A1303IU9RZE9MU", "asin": "000231309X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Lewis T. Fitch", "reviewText": "The epitome of the puzzle type of mystery, with the typical Christie touch at the end. Poirot, as usual, fits the minutest observations into the web that ensnares the killer.", "summary": "Vintage Christie", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2009", "reviewerID": "A1TST4G9P9U1QJ", "asin": "0007310250", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "best scariest book I ever read....keep all your lights on or read during the daytime.", "summary": "great", "unixReviewTime": 1253836800} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "11 23, 2017", "reviewerID": "AFN5RZ7NZ2JB9", "asin": "0002255863", "style": {"Format:": " Kindle Edition"}, "reviewerName": "A. Cureton", "reviewText": "I have never read a book like this. So intricate and with so many small, repeating threads. It is absolutely tragic. Unbelievably beautiful and heart breaking.", "summary": "Incredible.", "unixReviewTime": 1511395200} +{"overall": 4.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "AQS7XL4B62GD8", "asin": "0007271239", "style": {"Format:": " Kindle Edition"}, "reviewerName": "JRD from Palo Alto", "reviewText": "A great read , particularly for a teenager. Adults will also enjoy it", "summary": "Good book", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2011", "reviewerID": "A2LUVQP20MOGKI", "asin": "0003302245", "reviewerName": "Readinggal", "reviewText": "Everyone should read this book. Very gripping and suspenseful from beginning to end. I didn't want to put it down.", "summary": "Suspenseful", "unixReviewTime": 1310428800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "AVZ54FBD851BS", "asin": "0001844423", "style": {"Format:": " Audio CD"}, "reviewerName": "Rebecca Ann", "reviewText": "This series is fantastic in every way...the audio and sound effects the actors and actresses truly take you into another place...this is a wonderful gift not only for children but adults as well.", "summary": "This series is fantastic in every way", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A2LQLHHRTC16NP", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "John", "reviewText": "Amazing", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "AG30HYIXLMASY", "asin": "0006381146", "style": {"Format:": " Paperback"}, "reviewerName": "MB", "reviewText": "Fascinating read. Got this older version, as many reviews indicated it was better and I'm glad I did.", "summary": "Fascinating Read", "unixReviewTime": 1471564800} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "AN1LWXFV66ZQO", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Dale Owens", "reviewText": "The Council of Elrond gives it 4 stars", "summary": "One Ring...", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2012", "reviewerID": "A12MSR6QAV44L8", "asin": "0002261367", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Fran", "reviewText": "This is another excellent book from the Master - or should I say Mistress - of good books, each book differs slightly from others but all have the same \"feel good factor\" written in. I recommend Barbara Taylor Bradford books to all readers who enjoy a good read.", "summary": "Unexpected Blessings", "unixReviewTime": 1338595200} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "AMY31KPWX4036", "asin": "0007166052", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ed", "reviewText": "Amazing! I love all his books", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2012", "reviewerID": "A21YP5XD3MZOXB", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Judith Bartels", "reviewText": "Wonderful book. I read it 25 years ago, then read it again recently and re-KINDLE-d my love affair with Hobbits. :-)", "summary": "Love Bilbo Baggins.", "unixReviewTime": 1335830400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A33FCIVKA5NZ9R", "asin": "0007305001", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "ingo ehrfeld", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2014", "reviewerID": "AYNV93TKT2484", "asin": "0001048767", "style": {"Format:": " Paperback"}, "reviewerName": "mbkj13", "reviewText": "required for class at university, is what it is...", "summary": "case study edition used for class", "unixReviewTime": 1405641600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "A3CLSMP4GHGLFZ", "asin": "0007119550", "style": {"Format:": " Audio CD"}, "reviewerName": "Amazon Customer", "reviewText": "5 stars", "summary": "Five Stars", "unixReviewTime": 1524700800} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2014", "reviewerID": "A44RTLX95TYPW", "asin": "0007271239", "reviewerName": "Beth A. Thornton", "reviewText": "Really, really, really great book. A must read for everyone. A quick, inspiring read. Anyone would love this book. Five stars.", "summary": "Must read.", "unixReviewTime": 1396742400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2010", "reviewerID": "ARW15MLKELBJA", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "Mary S", "reviewText": "This is the story of second chances. After eight years, Captain Wentworth and Anne Elliot find each other after a forced separation. The illustrations are beautiful, but not all of them were included in this particular edition, which is why this is four-star and not five.", "summary": "Second Chances", "unixReviewTime": 1278633600} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A2KZP9V849EL75", "asin": "0007284241", "style": {"Format:": " Hardcover"}, "reviewerName": "Scott W. Porter", "reviewText": "i had the original hardcover, thought it was time to replace as it got loaned and never returned. Not all 'hardcover' editions are equal, this one Product Dimensions: 6.8 x 4.2 x 1.3 inches is a cheap paperback with thicker 'paper' cover, very disappointed.", "summary": "very disappointed.", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "ALN5MVPTD9NQY", "asin": "0007173121", "style": {"Format:": " Hardcover"}, "reviewerName": "Lynda Faith", "reviewText": "Older, more experienced reader needed.", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2013", "reviewerID": "A1M0QRALOQS4MT", "asin": "0001846590", "style": {"Format:": " Paperback"}, "reviewerName": "Cary", "reviewText": "Like the earlier book, the Princess and the Goblin, this is a fun book that still reads well after all these years. This time the princess and Curdie are headed for (innocent) romance, so maybe for a slightly older girl than the first book.", "summary": "A classic that holds up today", "unixReviewTime": 1360972800} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3378VFRW47FYG", "asin": "0007336829", "style": {"Format:": " Paperback"}, "reviewerName": "Patricia Robinson Nelson", "reviewText": "fabylous", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A2GVF7R1NC101X", "asin": "0006513255", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Didn't see a couple of angles that presented themselves. What fun it was that they came out of left field and I laughed out loud. Wow. Awesome writing, awesome reading. Thank you for the journey.", "summary": "Heady surprise", "unixReviewTime": 1419552000} +{"overall": 3.0, "verified": true, "reviewTime": "12 22, 2017", "reviewerID": "A2D34D6ENUEPWG", "asin": "0007350783", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Sold reader", "summary": "Three Stars", "unixReviewTime": 1513900800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2014", "reviewerID": "AFG5S4EBHO93T", "asin": "0007263589", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Everyone in our family has read this cover to cover. Very good insights into human nature, without trying to draw conclusions beyond the experiments/observations at hand.", "summary": "Wonderful insights", "unixReviewTime": 1391644800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "AZZKYP9254H32", "asin": "0007155662", "style": {"Format:": " Paperback"}, "reviewerName": "J Bender", "reviewText": "My wife loves this book.", "summary": "Great book", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": false, "reviewTime": "11 18, 2002", "reviewerID": "AL0FKQ0NZMRVC", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "uriah", "reviewText": "I think this book is the best one I have ever read because the way Tolken wrote,like when he talks about how much they travel it made my feet even hurt reading this book I think anyone who doesn't read this book is crazy.", "summary": "The one of most exciting books ever made", "unixReviewTime": 1037577600} +{"overall": 4.0, "verified": false, "reviewTime": "08 12, 2014", "reviewerID": "AHU6UP950N4JB", "asin": "0007337876", "style": {"Format:": " Hardcover"}, "reviewerName": "CDH", "reviewText": "Charles Cumming has created a great character in Tom Kell, disgraced SIS officer and this novel leads well into A Colder War.", "summary": "Charles Cumming has created a great character in Tom Kell", "unixReviewTime": 1407801600} +{"overall": 3.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A3ROLSY02ROECJ", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Cheryl L Hamilton", "reviewText": "I like to read some old 5-6 Times a year. This was a free read so I read it. It was a good solid book as I have read almost all Dickens classics. I choose it again!", "summary": "Reading the Classics", "unixReviewTime": 1510185600} +{"overall": 4.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A1CHOUPK2ZXJ42", "asin": "000648011X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "James W. Schlotzhauer", "reviewText": "Good book, good price", "summary": "Four Stars", "unixReviewTime": 1501459200} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A2I7C7FKS04XWZ", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Interesting I have heard of this book and Oscar Wilde for many years, I enjoyed the book and his style", "summary": "I enjoyed the book and his", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A24O0O1X491QAR", "asin": "0006172768", "reviewerName": "Elizabeth A. Trapp", "reviewText": "Read before and love Clancy's work. Wanted a copy of my own.", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A2TZ674T552FAC", "asin": "0007386621", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Roger B.", "reviewText": "A good read, but half the material is reference.", "summary": "Four Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "A1JYHY316WQTMD", "asin": "0004704746", "style": {"Format:": " Hardcover"}, "reviewerName": "Anthony Huffaker", "reviewText": "The book was in great shape and I received it in exactly the amount of time I was promised! Thanks, I would definitely do business again!", "summary": "Thanks", "unixReviewTime": 1360108800} +{"overall": 3.0, "verified": true, "reviewTime": "11 1, 2012", "reviewerID": "A3LOGWDFWSBWJW", "asin": "0006479561", "style": {"Format:": " Audio CD"}, "reviewerName": "The Book Freak", "reviewText": "a fun book until the last chapter. Maybe because it is abridged. The last 5 minutes sounds like the fast talk in a radio commercial in how fast they flip though data to close the book down. It will leave your head spinning. Try the unabridged, it might be better...", "summary": "disappointing", "unixReviewTime": 1351728000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "A150G4KT18J7SH", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "caleb helms", "reviewText": "This is a great book and I loved it. Can't wait to read Lord of the Rings! So amazingly awesome. J.R.R. is beast.", "summary": "Great", "unixReviewTime": 1360108800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A30ICYNBCISA92", "asin": "0007226586", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "I really love this character. Dean Koontz has created an engaging and very human being in Odd Thomas and I'd love to read more of his adventures - sadly I think I've already read them all.", "summary": "Odd Thomas is one of the best characters I've come across lately.", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A2G51O6EHX9K1X", "asin": "0002227282", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marcia Myers", "reviewText": "It's been a bit since I read it, but I love all the books written by Sidney Sheldon. The first one I eve read was The Other Side of Midnight, then I saw the movie of it. It kept me on the edge of my seat all the way through. It made me laugh, cry, and become angry.", "summary": "Sidney Sheldon's books are AWESOME!", "unixReviewTime": 1443139200} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A1ICKA9ULR8UOD", "asin": "0007374755", "style": {"Format:": " Kindle Edition"}, "reviewerName": "j Segurson", "reviewText": "very good as usual", "summary": "Four Stars", "unixReviewTime": 1413331200} +{"reviewerID": "A12Q7B7NT716RV", "asin": "000171337X", "reviewerName": "True Value Girl", "verified": true, "reviewText": "Love it", "overall": 5.0, "reviewTime": "12 11, 2014", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2018", "reviewerID": "A6CM9K7IRG99P", "asin": "0007119313", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joseph", "reviewText": "good book", "summary": "Five Stars", "unixReviewTime": 1517788800} +{"reviewerID": "A1HLQD2XCQ4HM3", "asin": "0001050230", "reviewerName": "Andrea Engle", "verified": true, "reviewText": "Don't buy this kindle if you see that it annotated ... its not.", "overall": 1.0, "reviewTime": "10 9, 2016", "summary": "Not annotated", "unixReviewTime": 1475971200} +{"overall": 4.0, "verified": true, "reviewTime": "03 23, 2014", "reviewerID": "A1ZJ6E6ETTFY8", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Ed HikerTraveler", "reviewText": "Dr. Seuss is the best, but this one is really more for older kids than toddlers/pre-schoolers. Still has good message and illustrations.", "summary": "Better for older kids", "unixReviewTime": 1395532800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2014", "reviewerID": "A2NO9X25UZE3AN", "asin": "0006161413", "style": {"Format:": " Paperback"}, "reviewerName": "Carmen E Bonilla", "reviewText": "I had read most of Alistair Maclean's books back in the 70's and 80's. Glad I decided to get the rest of his works. I had forgotten how much I enjoyed his thrillers", "summary": "Ice Station Zebra", "unixReviewTime": 1397174400} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A261321LGKM9O1", "asin": "000617454X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Aaron W.C.", "reviewText": "Excilent.", "summary": "Four Stars", "unixReviewTime": 1405123200} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2013", "reviewerID": "A1S8MTWLGYQY8R", "asin": "0007257775", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Steven T", "reviewText": "Good read. Slash is a guy that tells the story exactly as it happened. Sometimes funny, sometimes shocking. If u are interested in GNR then you will like this book.", "summary": "Good read.", "unixReviewTime": 1369267200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "AH91XDW374DS7", "asin": "0007419503", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "The story was gripping, spellbinding, and tragic. The characters were so vividly written that I felt like I knew them. The intrigue of the search for the truth kept me wanting more. I feel a good read for most people over sixteen. SKLund", "summary": "Heartbreaking and breathtaking.", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2015", "reviewerID": "ATV0GYBMKD1JD", "asin": "0007329083", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ed", "reviewText": "It was a fun read, if you like pirates. Quite a departure from Crichon's past novels. It was fun, suspenseful and exciting. Crichton did his research, as usual on the old ships and guns.", "summary": "It was a fun read, if you like pirates", "unixReviewTime": 1448496000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "AI14OT13GJQYM", "asin": "0007305567", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nats", "reviewText": "Excellent book!!! It took me about a week and a half but I enjoyed it very much!", "summary": "Five Stars", "unixReviewTime": 1478390400} +{"overall": 2.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A3I7OLP4EKWL3V", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dr Biner", "reviewText": "Not all it's cracked up to be.", "summary": "Not really a classic after all.", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A2COOL7DWVUGSI", "asin": "0002005549", "style": {"Format:": " Audio Cassette"}, "reviewerName": "Robbin L Baker", "reviewText": "Needed the cassettes to replace one my player tore up from the library. This story is really COOL. Michael Crichton is an extraordinary writer of science fiction, heavy on the science. But don't let that scare you from reading or listening to his novels.", "summary": "Science Fiction Read/Listen", "unixReviewTime": 1385683200} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "A18JZ698PTMXBW", "asin": "0007136285", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dee Elliott", "reviewText": "Just when you think the local police have enough problems, up comes another. The book provides an interesting history of the stories location.", "summary": "So many Secrets in Such a Small Town", "unixReviewTime": 1392249600} +{"overall": 4.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "A1D5NW4YZ3XF3Z", "asin": "0007204493", "style": {"Format:": " Paperback"}, "reviewerName": "Trevor", "reviewText": "Interesting that this is a somewhat true story, \"Don't Do Drugs Kids\"", "summary": "Craziness in action", "unixReviewTime": 1500854400} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A296XPN2RXAE5P", "asin": "0007350899", "style": {"Format:": " Paperback"}, "reviewerName": "Strangenstein", "reviewText": "I never liked this story as a kid, but I've come to understand and appreciate it as an adult.", "summary": "I never liked this story as a kid", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2018", "reviewerID": "A2B41OV3LEX4P6", "asin": "0006895492", "style": {"Format:": " Hardcover"}, "reviewerName": "Amazon Customer", "reviewText": "The book was in great condition , as is in the description", "summary": "As is", "unixReviewTime": 1520640000} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A1WIW0B9P9FU2Y", "asin": "0006540279", "style": {"Format:": " Paperback"}, "reviewerName": "Reverse Angle", "reviewText": "Interesting, fun read.", "summary": "fun read.", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A2ZV0LSDTMPLPB", "asin": "0001945424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Len Canavan", "reviewText": "Good to read the old time stories again", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A10RWISE9V4CYY", "asin": "0002172690", "style": {"Format:": " Hardcover"}, "reviewerName": "Paul D. Hurt", "reviewText": "gift", "summary": "Five Stars", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "AVODBTGPQZJVI", "asin": "0002180618", "style": {"Format:": " Hardcover"}, "reviewerName": "John C. Browning", "reviewText": "I have always enjoyed this book. I keep loaning them ou and they never come back. It's a quick read but has so much inside.", "summary": "Great book", "unixReviewTime": 1366502400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "AWX50MVOQQI5S", "asin": "000713746X", "style": {"Format:": " Paperback"}, "reviewerName": "Rory Derrick", "reviewText": "Highly recommend this book. The need in this day and age for men and women to understand one another couldn't be greater.", "summary": "Married or engaged - a must read", "unixReviewTime": 1462838400} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A3H7TTW42UXPJH", "asin": "0007273770", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Larry C", "reviewText": "Robin Hobb is one of my favorite authors. It was delightful to read her alter ego as Megan Lindholm. It would be hard for me to guess this was the same author.", "summary": "Robin Hobb is one of my favorite authors. It was delightful to read her alter ...", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A1N46B1RMU20H4", "asin": "0007173156", "style": {"Format:": " Hardcover"}, "reviewerName": "Michael A. Stobaugh", "reviewText": "Classic children's book. Great for a child's 1st book!", "summary": "Great for a child's 1st book", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2014", "reviewerID": "A1PONV2CWOQFUD", "asin": "0002247399", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Joshua Green", "reviewText": "Awesome book. Really good. Look forward to the next one. Can't wait to see how it all turns out. Can't wait.", "summary": "awesome", "unixReviewTime": 1390780800} +{"overall": 3.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "AM44WOBIJQP9M", "asin": "0002247399", "style": {"Format:": " Hardcover"}, "reviewerName": "Wayne J. Byrnes", "reviewText": "Too long, and getting longer.", "summary": "Three Stars", "unixReviewTime": 1468627200} +{"reviewerID": "A22PJB4T5TDY8F", "asin": "000171337X", "reviewerName": "Hammyg3", "verified": true, "reviewText": "My kids usually love Dr. Seuss books but this one they get bored of after a couple pages. I was disappointed they didn't like it as much as others. They are young, under 5, so maybe they will enjoy more in a few years.", "overall": 3.0, "reviewTime": "05 16, 2016", "summary": "My kids usually love Dr. Seuss books but this one they get ...", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "AGTUU2ISQ2FCK", "asin": "0007120974", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sidney Miller", "reviewText": "Very good mystery, and thought provoking.", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A3PCXAA4VIGN5C", "asin": "0001844423", "style": {"Format:": " Paperback"}, "reviewerName": "Rosie", "reviewText": "this is a great book series, set was in better than stated condition(excellent condition)excellent price, quick ship", "summary": "excellent used condition!", "unixReviewTime": 1483833600} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A64VOFS5AJFV2", "asin": "0007257775", "style": {"Format:": " Hardcover"}, "reviewerName": "jill johnson", "reviewText": "Just what I expected. Received fast.", "summary": "Five Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A10BDRFGX4QIKK", "asin": "0006178324", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Eleanor Cardwell", "reviewText": "A wonderful history of California Gold Country.", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A1MFJ73XN1NVMC", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "D. Houck", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": false, "reviewTime": "11 21, 2008", "reviewerID": "AIUWO22G3J9SZ", "asin": "0003302245", "reviewerName": "Steve Inman", "reviewText": "I loved this audiobook. they used multi actors and it was a delight and joy to experience. I highly recommend this audiobook.", "summary": "Excellent", "unixReviewTime": 1227225600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A2R8PZ7EW01DMF", "asin": "0006280544", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "great product and fast delivery!", "summary": "Five Stars", "unixReviewTime": 1482019200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "AV4KWLUE36KEM", "asin": "0007137818", "style": {"Format:": " Paperback"}, "reviewerName": "cooki", "reviewText": "great book", "summary": "Five Stars", "unixReviewTime": 1421625600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "08 21, 2003", "reviewerID": "A1JW089LB3KQRP", "asin": "0007173148", "style": {"Format:": " Hardcover"}, "reviewerName": "Sally Chartreuse Adams", "reviewText": "I LOVE this book! Yertle is just soooooo selfish! He is King of all he can see! But he can't see very far! So he sits on turtles! Then they fall! Ouch, that must have hurt! Poor Yertle! But he deserved it! GREAT book!", "summary": "tower of turtles!", "unixReviewTime": 1061424000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "ASKCWK4HDETJX", "asin": "0006735967", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Lenz", "reviewText": "Our teacher asked us to get this book for class - and what a story it is - we learned a lot.", "summary": "Using it in class!", "unixReviewTime": 1368748800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2013", "reviewerID": "A37A2P2K4VMP83", "asin": "0007145594", "style": {"Format:": " Kindle Edition"}, "reviewerName": "sandra lawnsby", "reviewText": "I love this series! From the 1st book to this one it catches you up and you can't wait to read the next one!", "summary": "Awesome", "unixReviewTime": 1387238400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "AXO9Q3XN48N2W", "asin": "0007350783", "style": {"Format:": " Paperback"}, "reviewerName": "monique l connors", "reviewText": "I got this as a gift for a friend great classics always bring a smile to her face", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2012", "reviewerID": "A2Z3HO089RFHJB", "asin": "000617342X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "virginia Gerstman", "reviewText": "Great Historical novel about Wales and its relationship with England. Aside from the historical background, it is a love story that is intertwined with the time period and politics. Engrossing!", "summary": "Here Be Dragons", "unixReviewTime": 1347926400} +{"overall": 4.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A3LFVNEO1XLKSF", "asin": "0002210967", "style": {"Format:": " Kindle Edition"}, "reviewerName": "riley moore", "reviewText": "This novel further develops the story of Ross Poldark and his family. It has action, love and heartbreak within its covers. Good book!", "summary": "Poldark", "unixReviewTime": 1437264000} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "ANRNPMK5F7NXG", "asin": "0007267622", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stacey Prunty", "reviewText": "Love reading Dean Koontz. His books are always a little out there. I felt this one ended before the story was over. But I liked it.", "summary": "Love reading Dean Koontz", "unixReviewTime": 1422921600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1UT6I5H39MFAI", "asin": "000721801X", "style": {"Format:": " Paperback"}, "reviewerName": "Rowena Whaling", "reviewText": "A fabulous read! Bernard Cornwell is one of this generation's greatest battle writers.. A great new TV series, too...\nRowena Whaling, Author of \"Voices of the Stars\"", "summary": "A fabulous read!", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A1SL3FST3MCBF8", "asin": "0007250916", "style": {"Format:": " Paperback"}, "reviewerName": "Kevin R. Hargrave", "reviewText": "Every bit as good as 'team of rivals'. Worth the nearly 500 pages; sad had to end... His TED book wonderful also... Can't wait to read 'the gene' waiting for me on the shelf...", "summary": "Inspiring for even a neurologist reader", "unixReviewTime": 1470096000} +{"overall": 3.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "AF4GJID3V15AZ", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Nancy L", "reviewText": "Once in a while, you must reread a classic. A Christmas Carol was thoroughly familiar from TV. However, I had not read it in 40 years. I found myself yawning through it and wanting it to be over with. Maybe that is because I already knew the story.", "summary": "Once in a while, you must reread a classic ...", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "AAVLU66TG40OI", "asin": "0002005549", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Colin froman", "reviewText": "Pure science and science fiction are an unbeatable combination\nRecommended to anybody interested in biology and science and the future.", "summary": "science fiction.first class.", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2013", "reviewerID": "A1X55YYE1KRTBP", "asin": "0006472303", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "FRANK A HULBERT JR", "reviewText": "Outstanding book Reminds me of my military service during desert storm and Cold War and at several Stateside facilities through out United States", "summary": "Brings back memories", "unixReviewTime": 1374796800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A1HLBHHHSF6KTL", "asin": "0007191324", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sandra Perrett", "reviewText": "Couldn't put it down. I didn't think the 2nd book would be as good as the first. AAA +++ Fantastic story.", "summary": "I loved it !!!", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "AEQ51LLTOGJZO", "asin": "0007141882", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Meedge", "reviewText": "Wanted to have some books for 6 yr.old granddaughter to read on my Ipad. She really enjoys reading it to me.", "summary": "Great", "unixReviewTime": 1389312000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "12 11, 2007", "reviewerID": "A3SAAQMELBHMDP", "asin": "0007265719", "style": {"Format:": " Hardcover"}, "reviewerName": "T. Beckman", "reviewText": "A very educational and factual presentation that could apply to anyones health. I suggest reading in small chunks so that information can be absorbed. There is so much to learn and put into practice. I wish this information had been available 20 years ago.", "summary": "You Staying Young", "unixReviewTime": 1197331200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "A20AOY7UXJA710", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michael D", "reviewText": "A classic of the fantasy genre. It started out as a children's story for the author's son, but the depth of the world and the charm of the story have captivated both young and old for generations.", "summary": "A Hobbit' Tale", "unixReviewTime": 1399593600} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "ARCUERZ85XFR6", "asin": "0007165870", "style": {"Format:": " Paperback"}, "reviewerName": "M. Blanton", "reviewText": "I downloaded the sample and started reading! It is amazing and I am so grateful you delivered it quickly because I super wanted to read it!", "summary": "Must read", "unixReviewTime": 1467072000} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "A2Y7PNW3B8WTVI", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Thecnotic", "reviewText": "This was a fascinating read.", "summary": "Read it at least once.", "unixReviewTime": 1429315200} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A3SHT7G51R85A", "asin": "0007183135", "style": {"Format:": " Hardcover"}, "reviewerName": "Karen Yochim", "reviewText": "A book so interesting even a crime novel fan like me has to keep reading it, despite it being a non-fiction work. Love it and one you very well may want to give people for Christmas or birthday presents.", "summary": "Highly Interesting and Unique", "unixReviewTime": 1464998400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "A3GJB1BFTK3EPZ", "asin": "0007141343", "style": {"Format:": " Kindle Edition"}, "reviewerName": "HCP", "reviewText": "One of Agatha Christie's best. I don't think 10% of it's first readers have figured or will figure out \"who done it\".", "summary": "One of Agatha Christie's best. I don't think 10% of it's first readers ...", "unixReviewTime": 1502668800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "AHADRK7P7TZWD", "asin": "0002558262", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "cool", "summary": "Five Stars", "unixReviewTime": 1460764800} +{"overall": 4.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "AZ8KT37JUT6LC", "asin": "0006512275", "style": {"Format:": " Paperback"}, "reviewerName": "Geralyn A. Danish", "reviewText": "Always like the tv series so thought I'd read the books. Golden age of mystery writing.", "summary": "Four Stars", "unixReviewTime": 1412035200} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A2K1DAXJ5X42R8", "asin": "0006910637", "style": {"Format:": " Hardcover"}, "reviewerName": "Mr. E", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A3IA707S00XA7G", "asin": "0007337701", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "W. S. SMITH", "reviewText": "For someone like myself, I have finally an inkling of what war and fighting for your life and friends might be like. No wonder PTSD affects so many.", "summary": "REAL", "unixReviewTime": 1466899200} +{"overall": 4.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "A3PYFJN3ADLSN0", "asin": "0006530249", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Chalice", "reviewText": "easy read.\nwe already knew most of the details but I enjoyed it none the less.", "summary": "easy read. we already knew most of the details ...", "unixReviewTime": 1427587200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "06 9, 2013", "reviewerID": "A2LHEPQDJ8PKJG", "asin": "0007350740", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Mario", "reviewText": "I practiced medicine for the last 52 years.......Dr. Goldacre explained plainly, tersely and gallantly what is going on.\nI would recommend this book to all MDs, PhDs, Patient organizations, nurses ,reps, and so on", "summary": "Doctors and medicine", "unixReviewTime": 1370736000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A2C4Q00WRCQJM1", "asin": "0003303187", "style": {"Format:": " Paperback"}, "reviewerName": "Natalie Grenfell", "reviewText": "A zany family moves to a Mediterranean island where their youngest seriously studies the life of insects and animals. Two writers were part of this real family and the laughs for the reader are frequent.", "summary": "Odd but Delightful", "unixReviewTime": 1455235200} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "AVTEOB3CILET0", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Kiwi", "reviewText": "Boyfriend's little girl loves it.", "summary": "little girl loves it", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A2D4YGC99MC9QZ", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Don Martin", "reviewText": "My favorite non biblical Christmas story!", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A1DHHX2XOCXPZ", "asin": "0006478999", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dean Miller", "reviewText": "I prefer LeCarre, but Deighton has his charms", "summary": "Read all three", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "A1LSJJTYDTDJ6C", "asin": "0006148697", "style": {"Format:": " Hardcover"}, "reviewerName": "Christy B. Foster", "reviewText": "An absolute must read.", "summary": "Fantastic", "unixReviewTime": 1488758400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "11 3, 2000", "reviewerID": "A1SADWW6HL2ZHW", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "chris", "reviewText": "A fabulously crafted story of good against evil, heros, villains and epic battles. I only wish I could read it for the first time again. I've read a lot of fantasy and this is the saga that got me started. I still consider it the best I've ever read.", "summary": "Magnificent", "unixReviewTime": 973209600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "AQUI56NHSANF2", "asin": "0006530699", "style": {"Format:": " Hardcover"}, "reviewerName": "D Willis", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A3IIIY9LGH37MX", "asin": "0006513085", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Francie", "reviewText": "Could not put it down!", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2011", "reviewerID": "A1F55A83NS1EUW", "asin": "0006393195", "style": {"Format:": " Hardcover"}, "reviewerName": "VWPuck67", "reviewText": "I ordered the book, The Summer Tree, which is a first edition that I had been looking for. It arrived in perfect condition, even better than described, and sooner than expected. I am very pleased with it, and hope to do business with this vendor for future purchases.", "summary": "First edition book", "unixReviewTime": 1305590400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A1KB1FK6MS0NGE", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Andrew Lamb", "reviewText": "Really like the binding. Text and pages are a bit smaller than I am used to, but extra illustrations and overall aesthetic makes up for it", "summary": "Really like the binding", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A1TMPGIH447U0L", "asin": "0007117213", "style": {"Format:": " Paperback"}, "reviewerName": "Apameh ANoushiravani", "reviewText": "Great! Thanks", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A1TARW5KQYS2EM", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "LAM", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2016", "reviewerID": "AP2LNB9D41A2G", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Great Product! Love it! High quality as expected!", "summary": "Five Stars", "unixReviewTime": 1480896000} +{"reviewerID": "A17U56OWUVGGM6", "asin": "0001050230", "reviewerName": "Anonymous", "verified": true, "reviewText": "Great masterwork.", "overall": 5.0, "reviewTime": "10 22, 2014", "summary": "Five Stars", "unixReviewTime": 1413936000} +{"reviewerID": "A2BOYOKBFPFC3S", "asin": "0002226529", "reviewerName": "Margaret", "verified": true, "reviewText": "It was an interesting read.", "overall": 4.0, "reviewTime": "06 9, 2015", "summary": "Four Stars", "unixReviewTime": 1433808000} +{"reviewerID": "A2435PIZPHTZZD", "asin": "0002219417", "reviewerName": "Olorin", "verified": true, "reviewText": "A must read for any history buff. The book elicits revelations and looks into the feel and culture of the American people. This book made reading about the coming of WWII a breeze.", "overall": 5.0, "reviewTime": "10 24, 2013", "summary": "Fiction based on history is my Favorite", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2018", "reviewerID": "A2G6VW0QRTSAVX", "asin": "000711835X", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Was as described.\nGood seller\nGood product", "summary": "Good seller Good", "unixReviewTime": 1520640000} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "AF07ZSY5ZN7TF", "asin": "0007236360", "style": {"Format:": " Kindle Edition"}, "reviewerName": "melinda merindorf", "reviewText": "Not sure why I read things like this, people are sooo evil sometimes!! Makes me want to hug every child I see!! Softens my heart to those who had suffered by someones else's hand.", "summary": "OMG!!", "unixReviewTime": 1366156800} +{"overall": 4.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A3DC8ZNEOWTGHS", "asin": "0007302568", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Frances Vandervoort", "reviewText": "Not up go Bryson's usual standards. And people don't see further; they see farther. Farther refers to distance. Why didn't Bryson know that?", "summary": "Not the best from Bill Bryson.", "unixReviewTime": 1434240000} +{"overall": 3.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A3FK7ZRSMF0UD0", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Neku", "reviewText": "I had to read this for a class. While I like Wilde, and this story, the book could be a little too long at parts. If only I understood 19th century England better...", "summary": "While I like Wilde, and this story", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A1CXKW1S1X3W4G", "asin": "0007141882", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "A classic book for all children. A must read!!", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A3SLKIIVK8WDFZ", "asin": "0007263457", "style": {"Format:": " Hardcover"}, "reviewerName": "Machinery's Handbook", "reviewText": "A thoroughly tragic tale of a young man beset by internal demons as well as the great external evil that was the precursor to Sauron. Never completed by Tolkein himself, it had to be edited and embellished a bit by Christopher. He did a magnificent job of it.", "summary": "A brilliant tragedy.", "unixReviewTime": 1494374400} +{"overall": 4.0, "verified": false, "reviewTime": "06 1, 2015", "reviewerID": "AKBWKY2SQM9PR", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "L. Schneppmueller", "reviewText": "Good, easy read.", "summary": "Four Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "AK8I7B0RL24RC", "asin": "0001048767", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "It was many years ago, I read this, and still cannot understand any of it, in the original language. I was so appreciative of the \" translation.\" , at the end.", "summary": "Macbeth", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A24667MNME90VU", "asin": "0007155662", "style": {"Format:": " Kindle Edition"}, "reviewerName": "zeezza", "reviewText": "reading this made me step back and look at today.... i loved it and am inspired ... and i think i will read it again and agai and again...", "summary": "feed your soul", "unixReviewTime": 1442793600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A3S8UAYM4U7RFG", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "G E", "reviewText": "I see now why people waited months for just one of Charles Dickens' chapters to arrive in America from England. He is truly on the great writers of his time and I look forward to reading more of his work. :)", "summary": "He is truly on the great writers of his time and I look forward to ...", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "AS448NREA850U", "asin": "0002051850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "Hemingway's insight into the human heart is without peer.", "summary": "Five Stars", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A14FLK5PUZYSBE", "asin": "0007353588", "style": {"Format:": " Paperback"}, "reviewerName": "Robert Lester Wallis", "reviewText": "cannot wait until book 3.", "summary": "Five Stars", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "AE1S0FHRTGNAM", "asin": "0007171226", "style": {"Format:": " Paperback"}, "reviewerName": "butch", "reviewText": "Very different - very good", "summary": "Five Stars", "unixReviewTime": 1432425600} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "01 9, 2007", "reviewerID": "A2BCUR9ZCXOEM1", "asin": "000711835X", "style": {"Format:": " Hardcover"}, "reviewerName": "Jill", "reviewText": "The illustrations are breath-taking! I cannot wait until my children are old enough to experience the story first-hand with this book.", "summary": "Beautiful, moving illustrations", "unixReviewTime": 1168300800} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A2E0KR3AA9G3O3", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Joshua Moore", "reviewText": "Great book. Chocked full of information. A little thick and heavy to carry in my backpack. Great book to read at home. This book covers everything from self-defense to edible plants. Great book.", "summary": "Tons of information", "unixReviewTime": 1460678400} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2017", "reviewerID": "A2RKNCD6J7H5VD", "asin": "0007203136", "style": {"Format:": " Audio CD"}, "reviewerName": "Sydney", "reviewText": "My mom loves it", "summary": "Four Stars", "unixReviewTime": 1484352000} +{"overall": 4.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "A3A7Z389WCR85C", "asin": "0006499627", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MissyBuddy", "reviewText": "Another masterpiece from Agatha Christie's Miss Marple series...brilliant as always. Poirot will always be my favourite but Miss Marple is excellent too:-) Loved re-reading the stories.", "summary": "Brilliant Miss Marple!", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2009", "reviewerID": "ANXEK21XK3GB8", "asin": "0002259842", "style": {"Format:": " Paperback"}, "reviewerName": "jescruz413", "reviewText": "This book was hard to put down. I was driven to finish it as fast as possible.!!", "summary": "Loved it...", "unixReviewTime": 1239667200} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A2IPITMWLM04FW", "asin": "0007196997", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ray Eyler", "reviewText": "Book two of the Odd Thomas series is a great juxtaposition of evil and the good represented by Odd Thomas. And you get to find out more about Odd's character as you go along.", "summary": "Book Two of Odd Thomas", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "AF4EHPWOMQSYV", "asin": "0007194498", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marsha M. Lancaster", "reviewText": "I have always loved Dr Laura's books and lectures can't wait to read more Great Book love it love it", "summary": "GreatBook", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "A39ALH1CM26E6W", "asin": "0006175015", "style": {"Format:": " Kindle Edition"}, "reviewerName": "William Pucciarelli", "reviewText": "Things begin to heat up as the Signa Force team closed in on the origins of the Guild. James Rollins best novel as he superbly mixes science fact with nonfiction storytelling. Highly recommended.", "summary": "The best Sigma Force yet", "unixReviewTime": 1414800000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2012", "reviewerID": "A7BV6XNR829TP", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kindle Customer", "reviewText": "I own the individual volumes as well as this single volume in hardcopy. As an electronic copy, I feel this is the best way to go and was pleased to purchase it when it became available.", "summary": "One Ring... one volume", "unixReviewTime": 1347667200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A2MQWII4HGOPX7", "asin": "0006483011", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Quantum.Gravity1961", "reviewText": "Excellent book!!!", "summary": "Five Stars", "unixReviewTime": 1418428800} +{"reviewerID": "A1IZY9U2JYRLW7", "asin": "0002241277", "reviewerName": "Michellep0907", "verified": true, "reviewText": "This book is fantastic! I couldn't put it down. The movie does not do it justice. I highly recommend it!!", "overall": 5.0, "reviewTime": "04 20, 2013", "summary": "Phenomenal Book!", "unixReviewTime": 1366416000} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A21TG53LKSETU9", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "greenie", "reviewText": "I watched the movies before reading the book and it really was worth reading, Tolkien has a beautiful way to tell his story, I am a big fan.", "summary": "Great!", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2017", "reviewerID": "A2GFPZZ64DR8ZW", "asin": "0007181701", "style": {"Format:": " Paperback"}, "reviewerName": "CMS", "reviewText": "One of my favorites as a kid, now one of my son's.", "summary": "Five Stars", "unixReviewTime": 1499904000} +{"overall": 4.0, "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "A2690234RTA8JT", "asin": "0007119283", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Janet", "reviewText": "I found the book fun and entertaining. Easy read with enough twists to keep you interested. I enjoyed it. Thanks", "summary": "entertaining", "unixReviewTime": 1402444800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "A1NIUIBFZ3S6WV", "asin": "000735018X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "It was difficult to read what these boys went through. Child abuse is something that should never happen. Reading this book inspires me to pay more attention to the possible signs of this horrible crime.", "summary": "Sad story.", "unixReviewTime": 1422921600} +{"overall": 4.0, "verified": false, "reviewTime": "01 12, 2017", "reviewerID": "A3KB6UUUDR6G9M", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "dar", "reviewText": "This is very interesting and I can see how young people especially would enjoy it. I wish there was more at the end.", "summary": "The human mind", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A370H89SONGC63", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sharla Burkhardt", "reviewText": "A classic book that is a must read for everybody. I read it in school and just had to read it again", "summary": "There and Back Again", "unixReviewTime": 1388880000} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A3859IPH5MI750", "asin": "0007351054", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "soliel", "reviewText": "I couldn't put the book down.", "summary": "book rating", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A1Y7CZ1KKKUQJS", "asin": "0007305060", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Barbara", "reviewText": "I can't wait to get to the next book they are so good.", "summary": "... to get to the next book they are so good.", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2UOB2M5ZMI9NB", "asin": "0007111444", "style": {"Format:": " Hardcover"}, "reviewerName": "Sharon", "reviewText": "a classic, have been giving this book for years as a baby gift...fun for the kids to look for goldbug on every page", "summary": "a classic", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2013", "reviewerID": "A2O616CZQI5KPG", "asin": "0007230206", "style": {"Format:": " Kindle Edition"}, "reviewerName": "SaraW", "reviewText": "I read the sequel (Bring Up the Bodies) first by accident and am enjoying Wolf Hall tremendously as it fills in all of the gaps. Really an amazing piece of creative fiction!", "summary": "Lots of characters to juggle but brilliantly done", "unixReviewTime": 1378512000} +{"reviewerID": "AHOYM2PICYYPE", "asin": "0001050230", "reviewerName": "SBGAL", "verified": false, "reviewText": "i got this for my son, who is reading Macbeth in English class. He needed help understanding the old English writing style. It has been a great way for him to understand the play. I highly recommend hhis book for anyone, but particularly students.", "overall": 5.0, "reviewTime": "11 8, 2015", "summary": "Very Helpful", "unixReviewTime": 1446940800} +{"overall": 4.0, "verified": true, "reviewTime": "11 8, 2009", "reviewerID": "A24WE579E2SRXX", "asin": "0007263589", "style": {"Format:": " Hardcover"}, "reviewerName": "L. Woolley", "reviewText": "Generally a very nice easy to read exploration on how we each make decisions or should I say fall into regular patterns without considering why we do what we do. Enjoy questioning many of the simple decisions like what you eat at a restaurant with a group of friends.", "summary": "Interestingly Irrational", "unixReviewTime": 1257638400} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A24DNBRBLFVF0", "asin": "0003302245", "reviewerName": "Christian D Myrie", "reviewText": "I will suck it blood .. ha ha . Terrifying !", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A2LTC12JLOAKVL", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Dickens isn't subtle with his social commentary, but he surely isn't wrong.", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A3GP2LCL3PX2E3", "asin": "0007181701", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jules", "reviewText": "I have always loved this !", "summary": "Five Stars", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2014", "reviewerID": "A3016MBSDQOECO", "asin": "000711835X", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "N", "reviewText": "It is the Lord of the Rings set that includes the Hobbit. If you enjoy reading these books it is a good deal", "summary": "Great books", "unixReviewTime": 1393027200} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2013", "reviewerID": "A2V7CA07PYP8BO", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Stephanie M. Miller", "reviewText": "Beautifully written and an exhausting tale that makes you feel like you took the journey all along side Bilbo Baggins", "summary": "Great Tale", "unixReviewTime": 1361059200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A19I9JS1ZK7E3A", "asin": "0007351054", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Brad Hines", "reviewText": "Great quality binding. Nice to see this was as promised, given it is about as affordable you can find this book anywhere.", "summary": "High quality binding and affordable.", "unixReviewTime": 1515888000} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A11WF6YCARPAVA", "asin": "0007391625", "style": {"Format:": " Kindle Edition"}, "reviewerName": "BWH", "reviewText": "A good follow up to the citadel, suspense right to the end.", "summary": "Four Stars", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": false, "reviewTime": "02 25, 2013", "reviewerID": "AFKPEFRF4ZLXS", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Crystal Clem", "reviewText": "I chose this rating because I never wanted to out the book down. I was surprised by the ending and can't wait to see what they do with the movies.", "summary": "Great!", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A229DO9JDX6ENU", "asin": "0002226723", "style": {"Format:": " Kindle Edition"}, "reviewerName": "E. Adams", "reviewText": "I was so happy to find another 19th century novel that I hadn't read yet. I agree with another reviewer that this book is like Middlemarch. Not quite as good, but still a fun read.", "summary": "I was so happy to find another 19th century novel that I hadn't ...", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A3QUFOA3LU029L", "asin": "000711835X", "reviewerName": "mike", "reviewText": "Classic book at a great price. Great illustrations. Thanks", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 4.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A36EOQ9DT1WHSN", "asin": "0007213182", "style": {"Format:": " Paperback"}, "reviewerName": "P. Wood", "reviewText": "I like the hard cover I bought previously better. I've used that one so much it has fallen apart.", "summary": "I like the hard cover I bought previously better", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "ADGHSVTS66908", "asin": "0006137989", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Marilyn Huff", "reviewText": "Can't beat an Agatha Christie mystery, it can be read over and over.", "summary": "Can't beat Agatha Christie mysteries!", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "AUHSYK4J44UOX", "asin": "0002238594", "style": {"Format:": " Kindle Edition"}, "reviewerName": "kellylee", "reviewText": "I enjoy everything by Tom Clancy. I am female and have been a fan for many years, before the movies!", "summary": "I enjoy everything by Tom Clancy", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "A3UZP3814Q1PUU", "asin": "0007141424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Caroline V", "reviewText": "While assigned normally in 5th or 6th grade, this should be read by every adult, as it beautifully explores ideas of diversity and freedom.", "summary": "Wonderful book and edition", "unixReviewTime": 1368748800} +{"overall": 4.0, "verified": false, "reviewTime": "05 1, 2014", "reviewerID": "A1Y40TFYSTZPUN", "asin": "0007104359", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Author Samreen Ahsan", "reviewText": "Fast paced and a quick read from start to finish. Sheldon keeps you on the edge of your seat and does not disappoint!", "summary": "fast paced", "unixReviewTime": 1398902400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "ASMM3D7TMR89Y", "asin": "0001844423", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Amazon Customer", "reviewText": "This is the \"first\" in the series and explains a lot about the beginning of the series. Great beginning to a great series.", "summary": "Chronicles of Narnia", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": false, "reviewTime": "01 1, 2010", "reviewerID": "A348M060FFU2RU", "asin": "0001048767", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "In The Looney Book Bin", "reviewText": "Thank goodness for the helpful notes Folger provides. I am not one for translations (it feels like cheating) and this edition created a very enjoyable read for me. The Tempest is one of Shakespeare's greats! You will LOVE Ariel!", "summary": "Great read, great edition!", "unixReviewTime": 1262304000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A2NG8A0CO46TSO", "asin": "0007350899", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Abby", "reviewText": "Great book and a classic.", "summary": "One Of The Classics", "unixReviewTime": 1484956800} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2011", "reviewerID": "A301YFOAIVXBD9", "asin": "0007215053", "style": {"Format:": " Paperback"}, "reviewerName": "RNT", "reviewText": "It is nice to read a WWII book that is not about Nazis or the Holocaust. This was a \"bitter-sweet\" book about love, family, art, and loss of many kinds.", "summary": "Lovely story", "unixReviewTime": 1310515200} +{"overall": 5.0, "verified": false, "reviewTime": "03 24, 2013", "reviewerID": "A3P3SS5F5E1F21", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jamey Hurst", "reviewText": "There is none other than Tolkien. Amazing story. Such variance and the world Tolkien describes in words is breath taking.", "summary": "Excellence", "unixReviewTime": 1364083200} +{"overall": 5.0, "verified": false, "reviewTime": "08 29, 2016", "reviewerID": "AJDVHI1SHA4JV", "asin": "0002171856", "style": {"Format:": " Paperback"}, "reviewerName": "Howard Dewitt", "reviewText": "Thick, exceptional book with a wealth of excellent information. Great purchase experience.", "summary": "exceptional book with a wealth of excellent information. Great purchase experience", "unixReviewTime": 1472428800} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2013", "reviewerID": "A7YXYAQ3TVK9I", "asin": "0002317850", "style": {"Format:": " Kindle Edition"}, "reviewerName": "satisfied", "reviewText": "This is the Queen of Mysteries last book. And it is as good as many of the early ones. Enjoyable with the usual twists", "summary": "Christie holds up", "unixReviewTime": 1380585600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A210B19W6CWG77", "asin": "0006173624", "style": {"Format:": " Hardcover"}, "reviewerName": "Werner Quijano", "reviewText": "VERY GOOD", "summary": "Five Stars", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2013", "reviewerID": "A3BEAW3UR9LPQS", "asin": "0007325169", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Ann", "reviewText": "It's unbelievably detailed and doesn't skip a beat. Not everyone can relate to her story but everyone can feel for little Lisa. I give her major props for writing a novel about what she has been through, I'm actually speechless.", "summary": "Such a sad story", "unixReviewTime": 1369872000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2007", "reviewerID": "AD82KTVHTQ0E2", "asin": "0001720392", "style": {"Format:": " Hardcover"}, "reviewerName": "Movie Addict", "reviewText": "What can I say, Dr Seuss is popular for a good reason. These are fun for all ages. The rhyming, the cute stories, the good morals. These books make reading for homework fun.", "summary": "I Had Trouble in Getting to Solla Sollew", "unixReviewTime": 1190332800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A1KJ0MMISMFWOR", "asin": "0001945424", "style": {"Format:": " Kindle Edition"}, "reviewerName": "MP", "reviewText": "I've loved this book since I was a child. Sorry that the author gives credit to other \"spirits\" rather than God.", "summary": "A Classic -- Must Read", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "AWMIB8XFAXQMV", "asin": "0007271190", "style": {"Format:": " Kindle Edition"}, "reviewerName": "John E. Durst", "reviewText": "Historical events, great character development, Mr. Iggulden has continued the story of the founding of the Empire of Rome with Octavian, wonderful", "summary": "Great Story and storyteller", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "AC5IW22MD3Z73", "asin": "0006511309", "style": {"Format:": " Paperback"}, "reviewerName": "Molly", "reviewText": "Great read, one of my favorite Furst novels.", "summary": "Well written, a Furst classic", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "ARFP7SYS027LI", "asin": "0007284241", "style": {"Format:": " Kindle Edition"}, "reviewerName": "evan o'keeffe", "reviewText": "Magnificent book, the entire back history of the world developed by JRR Tolkien", "summary": "Awesome", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A3G2PCMVC6FMQA", "asin": "0007158459", "style": {"Format:": " Hardcover"}, "reviewerName": "Kindle Customer", "reviewText": "Great song book.", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A3HB7HP4SRLAFJ", "asin": "0007216092", "style": {"Format:": " Hardcover"}, "reviewerName": "SS Sally", "reviewText": "We love the dinosaur books and this was a great addition to our set.", "summary": "Our Favorite", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A37U7DDAFUVQLU", "asin": "0006514642", "style": {"Format:": " Kindle Edition"}, "reviewerName": "BeckyW", "reviewText": "As always you're kept on your toes wondering what will happen next. I loved that the heroine was also the villain.", "summary": "Loved it!!", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A2PBIWADIOBYIN", "asin": "0002224216", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Meredyth", "reviewText": "Love the poldark book series and TV series", "summary": "Five Stars", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2007", "reviewerID": "A2ECZ7W5UAIHWN", "asin": "0007173113", "style": {"Format:": " Hardcover"}, "reviewerName": "Mom2BoysWF", "reviewText": "This was one of my favorite Seuss books when I was growing up and I can't wait to share it with my son when he gets a little older. Perfect in today's environment, with everyone thinking \"green\". What a great way to introduce taking care of the world around us to a child!", "summary": "Great book", "unixReviewTime": 1173312000} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A28F2HGVV6GTJJ", "asin": "000255383X", "style": {"Format:": " Paperback"}, "reviewerName": "John M.", "reviewText": "To put a little fun into studying Latin it fills the bill just fine. I would recommend it as a supplemental reading.", "summary": "Does the job very well", "unixReviewTime": 1357862400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "A13S8UK2JVP52O", "asin": "0007149123", "style": {"Format:": " Hardcover"}, "reviewerName": "PATRICK SNYDER", "reviewText": "I will read anything Tolkien, and this is a nice addition to any fans library, if you love Tolkien then buy this book.", "summary": "Great buy", "unixReviewTime": 1355184000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A1OIX868JLKTK8", "asin": "0007119313", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Frederick P. Mcatee", "reviewText": "A great way to revisit this great mystery story", "summary": "Five Stars", "unixReviewTime": 1510704000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "ANUZE4CLXHR1W", "asin": "0004340515", "style": {"Format:": " Hardcover"}, "reviewerName": "Keith V. Weigel", "reviewText": "This is a much improved and larder edition than the one I previously owned. It is the same publication that I used in high school in the early 1950s.", "summary": "Reference Bool", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2012", "reviewerID": "A1SQ3Q8ATNW6W6", "asin": "0006545793", "style": {"Format:": " Paperback"}, "reviewerName": "Anita", "reviewText": "Required reading for my son's college course. He is an avid reader so I'm sure he liked the book. Thanks", "summary": "Son LOVES this book", "unixReviewTime": 1353110400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2012", "reviewerID": "A3Q0AROTYSZKGW", "asin": "0007318863", "style": {"Format:": " Paperback"}, "reviewerName": "G. W. J. Velthuis", "reviewText": "I'm amazed it took me so long to discover these guys while everything they do is brilliant! Can't go wrong with this one. Don't buy it for your kids though.", "summary": "LMFAO", "unixReviewTime": 1332979200} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2009", "reviewerID": "A47M933C4TNS5", "asin": "0007236093", "style": {"Format:": " Hardcover"}, "reviewerName": "Pazzina", "reviewText": "This was never my genre, I've tried other authors, but haven't made it through any. However after blasting through this book, I'm looking forward to the next in the series, and then the next.\n\nTry it you'll like it!", "summary": "Converted me to This Genre", "unixReviewTime": 1252281600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A101RMTZ93J1KH", "asin": "0007151330", "style": {"Format:": " Paperback"}, "reviewerName": "Ecology665", "reviewText": "This is a present for my Grandniece and Nephews. I am excited to get them into something that has helped me a lot with learning. I was having a Hellavuh time struggling with learning large amounts of information. They should give all children this book.", "summary": "This is a present for my Grandniece and Nephews. ...", "unixReviewTime": 1417824000} +{"overall": 1.0, "vote": "5", "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A78P4OKT85RQN", "asin": "0006064922", "style": {"Format:": " Kindle Edition"}, "reviewerName": "bernardo46", "reviewText": "It look like a lot of work went into making this book. But as for the truth about this translation,there is some double\nabout its accuracy from other bible scholars.", "summary": "Accuracy of the translation for the ancient text", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "AZXH7HNKKZ3PK", "asin": "0007286414", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Leticia Dedmon", "reviewText": "The book lived up to my expectations! Although the book is primarily written to appeal to children, it is enjoyed by all ages...\nI have seen the movie multiple times over the years and was inspired by Saving Mr. Banks to read the books.", "summary": "Loved the book!!!", "unixReviewTime": 1460505600} +{"reviewerID": "A1NOTZ2DTOEUXN", "asin": "0002226529", "reviewerName": "Michele Hardesty", "verified": true, "reviewText": "I love Mary Higgins Clark. Couldn't stop reading. Can't wait for her next book.", "overall": 4.0, "reviewTime": "01 27, 2016", "summary": "Another great Mary Higgins Clark book", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A2RP7AJRZQGMGM", "asin": "000713746X", "style": {"Format:": " Paperback"}, "reviewerName": "Amazon Customer", "reviewText": "Good read.", "summary": "Five Stars", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A7JX440ASCPHL", "asin": "0002261952", "style": {"Format:": " Paperback"}, "reviewerName": "Lilien Dumont", "reviewText": "Expertly written imaginitive book, clever story line. The Pulitzer Prize winning expertice of the author is really evident in the exquisite writing skill used. Entertaining, thought-provoking.", "summary": "well written, clever book by Pulitzer author", "unixReviewTime": 1395187200} +{"reviewerID": "A1C2P519FBIWY7", "asin": "0002252317", "reviewerName": "Bill Elliott", "verified": true, "reviewText": "Such an enjoyable read. If you've not read about Dr. Cross, you'll enjoy getting to know him. If you already know him, then you'll certainly enjoy Jack & Jill.", "overall": 5.0, "reviewTime": "05 6, 2016", "summary": "A great read.", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2011", "reviewerID": "A2W9V5QEQ1OO60", "asin": "0004244079", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Donna O'Donnell Hunt", "reviewText": "I'd read this book 60 years ago and had forgotten how beautifully it was written. I recommend a re-read of this charming book!!", "summary": "Little Women", "unixReviewTime": 1297728000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A2A0V410Q2PP8B", "asin": "0006280943", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Pascal-Emmanuel Gobry", "reviewText": "Outstanding historical study. And Lewis's prose shines.", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A1TTZR4U7TCUQ5", "asin": "000711835X", "style": {"Format:": " Kindle Edition"}, "reviewerName": "grumpy old man", "reviewText": "Enjoyed the read", "summary": "Four Stars", "unixReviewTime": 1424131200} +{"overall": 4.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3C6OIBQ8JF073", "asin": "0006177301", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jeffrey Knapp", "reviewText": "Some long-winded moments that I can understand were left out of the movie. Still a good read for Clancy fans. I've never been able to figure out why they left Chavez & Clark out (almost completely) of the movies.", "summary": "Still a good read for Clancy fans", "unixReviewTime": 1434412800} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2014", "reviewerID": "A1YP6PZB2MSYOK", "asin": "0007271190", "style": {"Format:": " Paperback"}, "reviewerName": "kenneth Patrick Higgins", "reviewText": "I've followed the whole emperor series, and while this was a really good read, I don't think it stacks up to his previous works.", "summary": "Great book, but not his best book", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "AX1GITW4XR1YB", "asin": "0007181701", "style": {"Format:": " Paperback"}, "reviewerName": "ctrish", "reviewText": "I bought this for my adult son. I hope he enjoys it (well enjoys is not quite it) as much as I did. There are a number of parallels to current attitudes that make it pretty interesting.", "summary": "Very timely", "unixReviewTime": 1400803200} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2017", "reviewerID": "A2BGOBHX0JJRY5", "asin": "0001945424", "style": {"Format:": " Mass Market Paperback"}, "reviewerName": "Classy Mamma", "reviewText": "This is an easy to use version of the age old classic. More fun every time I teach the class!", "summary": "Easy to use version of the classic that never ages.", "unixReviewTime": 1490745600} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A1F6DLLYD74ZR6", "asin": "0007172826", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Dr. Kristi S. Fowler", "reviewText": "I can't remember how it was narrated. This novel was recommended by a friend and I enjoyed it, but not as much as I had hoped. It was a bit dry and stilted at times.", "summary": "This novel was recommended by a friend and I enjoyed it", "unixReviewTime": 1429401600} +{"overall": 3.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "A3NJ5MGM788SGA", "asin": "0007219733", "style": {"Format:": " Kindle Edition"}, "reviewerName": "jay", "reviewText": "Lots of historical nuggets from Saxon England. Repetitive story lines of last minute saves by the calvary.", "summary": "Super Saxon Pagan", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": false, "reviewTime": "03 23, 2009", "reviewerID": "ATCLZ8MFFTNUH", "asin": "0007196997", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jason", "reviewText": "Odd Thomas is a uniquely drawn character that answers the question: what would happen if the kid from Sixth Sense grew up? While not the same character, the premise is the same and the manner in which these books mine this story concept is well done.", "summary": "Forever Original", "unixReviewTime": 1237766400} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "A3PHEWA9A7YV28", "asin": "0007351054", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Helen Boyce", "reviewText": "It was time for me to look at Oscar Wilde. A twisted, but worthy, endeavor.", "summary": "Four Stars", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2016", "reviewerID": "AMU9QW11PCI5Z", "asin": "0006178219", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Kathleen A", "reviewText": "Come and join the tangled life of Heaven and Logan's daughter and son as they begin life as young adults. Follow the dreams of two dreamers.", "summary": "Worth the Wait.", "unixReviewTime": 1480032000} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A3XISKZIF99E0", "asin": "0007285973", "style": {"Format:": " Kindle Edition"}, "reviewerName": "carolyn lloyd", "reviewText": "the story line took me through areas of India I knew nothing about. A story that is quite complex but very interesting", "summary": "A good read", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2014", "reviewerID": "A2F9PN4L49YWX9", "asin": "0007247095", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Sandy-Jo.", "reviewText": "Written as an autobiography, This reflection by a man who experienced the horrors of tribal warfare as a child surviving by escaping through the jungles, will captivate you.", "summary": "Great read!", "unixReviewTime": 1395273600} diff --git a/keith-galli_nlp/data/training/train_Clothing.json b/keith-galli_nlp/data/training/train_Clothing.json new file mode 100644 index 0000000..4d5abef --- /dev/null +++ b/keith-galli_nlp/data/training/train_Clothing.json @@ -0,0 +1,2500 @@ +{"reviewerID": "A17XQEO1DT1A6L", "asin": "B0007SUEVK", "reviewerName": "Pen Name", "verified": true, "reviewText": "I love my shoes. They are very confy and edgy. The quality is very good too. I received my shoes very fast!", "overall": 5.0, "reviewTime": "04 3, 2013", "summary": "Very happy:)", "unixReviewTime": 1364947200} +{"overall": 2.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "AJFMA7MHCDT11", "asin": "B0002LT6RU", "style": {"Size:": " 9.5 2E US", "Color:": " Brown"}, "reviewerName": "Waris Chiranand", "reviewText": "I got the 9.5 Wide (2E) and these were far too narrow to be comfortable. Because I have pretty low arches, the very stiff arch supports (the whole shoe is stiff really) on these made the narrowness unbearable. I can't use these.", "summary": "5 Wide (2E) and these were far too narrow to be comfortable. Because I have pretty low arches", "unixReviewTime": 1468886400} +{"reviewerID": "A3ITJ16IBWD9SZ", "asin": "B0002M8QZM", "reviewerName": "Lindsey D", "verified": true, "reviewText": "These sandals are nice, the fit is good. Could be worn with skirts, shorts or capris. I would recommend to anyone.", "overall": 4.0, "reviewTime": "02 18, 2014", "summary": "Great versatile summer sandal.", "unixReviewTime": 1392681600} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2012", "reviewerID": "A1P6JZ5FRFI7YF", "asin": "B000147UY4", "reviewerName": "Amazon Customer", "reviewText": "I love Enell Sports Bras. I find it extremely uncomfortable to exercise in a regular sports bra. The Enell bras provide the perfect amount of support.\n\nThey resemble a corset because they hook in the front with about 20 latches.\n\nThe perfect bra. Well worth the investment!", "summary": "Perfect Bra for Plus Size Women", "unixReviewTime": 1354579200} +{"reviewerID": "A1M2KAG13GBU72", "asin": "B0007MFWZ4", "reviewerName": "Mike", "verified": true, "reviewText": "Extremely happy with purchase. Very glad I followed the advice in other reviews and ordered a FULL size smaller than my normal 10.5. 9.5 fits like a glove and I wear a 10.5 in EVERYthing else.", "overall": 5.0, "reviewTime": "03 7, 2013", "summary": "Great shoes...", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "ADK0M93HQX7G5", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Bluestone"}, "reviewerName": "Grace K. Briggs", "reviewText": "Very good shirts", "summary": "Four Stars", "unixReviewTime": 1452988800} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "A2JN2H4452MAKM", "asin": "B000A38CZC", "style": {"Size:": " Large", "Color:": " Vintage Indigo"}, "reviewerName": "yin liyong", "reviewText": "I like it. but the L is too large for me.\nI am 169m and 68kg.\nSo I have to send it to my friend,\nI'll buy a M one.", "summary": "I like it. but the L is too large for ...", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2018", "reviewerID": "A3OS6FYBYYKHGU", "asin": "B0002Y75CA", "style": {"Size:": " 9 D(M) US", "Color:": " Black Cherry"}, "reviewerName": "Jim P. Barber", "reviewText": "These are beautiful, absolutely comfortable beyond belief! What a value! I could not be happier!", "summary": "Five Stars", "unixReviewTime": 1516060800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "A2R58HNCH69Q7L", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 12"}, "reviewerName": "A. Ramos", "reviewText": "What i expected", "summary": "Five Stars", "unixReviewTime": 1520380800} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A10M2QOBYF89KU", "asin": "B0002M34U4", "style": {"Size:": " 38W x 30L", "Color:": " Black- Discontinued"}, "reviewerName": "Steveareno", "reviewText": "These are a very nice pair of pants. Especially at this price point.", "summary": "Great quality", "unixReviewTime": 1486771200} +{"overall": 1.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "AUWDKT3R89NUV", "asin": "B0007SUEYC", "style": {"Size:": " 7.5 B(M) US", "Color:": " Tan"}, "reviewerName": "Amanda Chance", "reviewText": "I have to buy a new pair of these every year because they just wear down so quickly but this year I am extremely disappointed. I had them for not even a month and the thread holding them together has broken and they are essentially unwearable at this point. Waste of money....", "summary": "Ugh!", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A1CA3J16LPKFQF", "asin": "B0002PO16W", "style": {"Size:": " Small / Medium", "Color:": " Ballet Pink"}, "reviewerName": "T", "reviewText": "My daughter wears these three days a week for dance. Same two pairs worn August - January and still in good shape.", "summary": "Best that we've found", "unixReviewTime": 1451865600} +{"overall": 3.0, "verified": true, "reviewTime": "10 17, 2013", "reviewerID": "A3G79W693UBS7U", "asin": "B00081RXW4", "style": {"Size:": " X-Large", "Color:": " Black/Red/White"}, "reviewerName": "Lisa Vigil", "reviewText": "nice concept but it doesn't look as good as it does in the picture. I won't return it but will need to get creative.", "summary": "nice concept", "unixReviewTime": 1381968000} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A2EU2VVA34YZNJ", "asin": "B0007MFW8Q", "style": {"Size:": " 9 D - Medium", "Color:": " Beeswax"}, "reviewerName": "John", "reviewText": "I get compliments on these sexy babies. A must have in your wardrobe collection", "summary": "Five Stars", "unixReviewTime": 1437436800} +{"reviewerID": "A2F493QN9Q0DEB", "asin": "B0001YRFS0", "reviewerName": "chs", "verified": true, "reviewText": "Buy the next size up ulnless you want a man muffin top.", "overall": 3.0, "reviewTime": "06 17, 2016", "summary": "Hello muffin top!", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "AM9F8KXB9S3WQ", "asin": "B000B2G24K", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Brown Smooth"}, "reviewerName": "alexia e.", "reviewText": "Love theses boot for my toddler! He can wear them all day.", "summary": "Five Stars", "unixReviewTime": 1446163200} +{"reviewerID": "A3LMFC9YQ5P050", "asin": "B0002LIG3A", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Served purpose!", "overall": 5.0, "reviewTime": "10 9, 2016", "summary": "Five Stars", "unixReviewTime": 1475971200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A3BB505MB8MON3", "asin": "B000163G8G", "style": {"Size:": " 34B", "Color:": " Black"}, "reviewerName": "Lisa The Marvelous", "reviewText": "I purchased a set of 2 (red and gray) from Costco and got hooked. Now I only want these Maidenform bras. Comfortable and flattering.", "summary": "I love it!", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A26P8EYDY3J3A6", "asin": "B0006PJP00", "style": {"Size:": " One Size", "Color:": " Black/Gold"}, "reviewerName": "Neaty18", "reviewText": "Everyone loved it when we showed up to a party wearing it, and wanted to keep borrowing it to pose for pictures", "summary": "Huge hit at a party!", "unixReviewTime": 1462233600} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A1VC6419THHIET", "asin": "B0002FHJ66", "style": {"Size:": " XXXXX-Large", "Color:": " Black"}, "reviewerName": "Chris", "reviewText": "I got this for my brother. I was expecting it to be thicker, but it's a almost as paper thin as my goodies that are now almost ten years old.", "summary": "Not so thick hoodie.", "unixReviewTime": 1485302400} +{"reviewerID": "A26ZK8QFWXN859", "asin": "B0001YRFS0", "reviewerName": "dalepres", "verified": true, "reviewText": "Nice heavy fabric. I like the look and the feel. No lining, shallow pockets, and no inside button or hook on the fly are the downside.\n\nChanging to two stars; should have been one star. The extremely shallow pockets are an ongoing frustration. Won't be buying more Dickies.", "overall": 2.0, "reviewTime": "03 11, 2017", "summary": "Nice pants at a good price.", "unixReviewTime": 1489190400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A39NGVL6VQUL33", "asin": "B0002QTQA2", "style": {"Size:": " 6 B(M) US", "Color:": " Hickory"}, "reviewerName": "Punk Koala", "reviewText": "I'm a 5 1/2 - 6. I bought a size 6 and they fit perfect without socks. Hoping they stretch out a little as I wear them. They are super warm and cozy! Very comfortable. More comfy then Uggs", "summary": "I bought a size 6 and they fit perfect without socks", "unixReviewTime": 1441843200} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A26ZLT92HDHOPT", "asin": "B0002QV9VG", "style": {"Size:": " C/D", "Color:": " Light Toast"}, "reviewerName": "Curly", "reviewText": "Item as expected. Seems like they will last through several events. If you are not used to this type of type they are strange when you first put them on but after about 20 minutes I was fine.", "summary": "Good product for ballroom dancing", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A19FF45VS67VDV", "asin": "B000A38JVY", "style": {"Size:": " X-Large", "Color:": " Forest Green"}, "reviewerName": "Angella Sanderson", "reviewText": "Very well made", "summary": "great shirt", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A1PIQOV7XBM3BA", "asin": "B0000YEC9G", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "scott", "reviewText": "Great fit, Looked great on her :)", "summary": "Five Stars", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A1TCHN5ZTICH25", "asin": "B0002TOZ1Y", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "cbh", "reviewText": "Husband will not buy any other socks. If you don't put them in the dryer they last forever.", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2QOLETVZK6QS9", "asin": "B0008EO5AE", "style": {"Size:": " 10", "Color:": " Rinse"}, "reviewerName": "Martha Page", "reviewText": "These are attractive jeans that go from day to night. As a mature woman, I am not comfortable in skinny jeans but do not want to feel sloppy either. These jeans fit the bill and the cut, including the rise, is definitely not \"mom\" jeans.", "summary": "I am not comfortable in skinny jeans but do not want to feel ...", "unixReviewTime": 1438905600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "AKQKY974R7TQI", "asin": "B000297L38", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "jph4564", "reviewText": "This one will shrink half a size, even in delicate on wash and dry. Order a size larger to allow for shrinkage. I would rather have a shirt 1/2 a size to large that I can wear vs. a too small shirt that I cannot wear and wind up giving away:) Rock on!", "summary": "Cool shirt", "unixReviewTime": 1400544000} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A1DHU9SGL53LCT", "asin": "B0008IVCOW", "style": {"Size:": " 36W x 30L", "Color:": " Relaxed Fit Workhorse Jean"}, "reviewerName": "Juliet Bushinski", "reviewText": "So far, so good. Time will tell how they handle washing and drying.", "summary": "so good. Time will tell how they handle washing and ...", "unixReviewTime": 1422489600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A3AIK00YCGC85L", "asin": "B00007GDG5", "style": {"Color:": " Mahogany"}, "reviewerName": "Barb in Arizona", "reviewText": "perfect for all my needs", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 4.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A3E1R4YW99V279", "asin": "B0000CBALZ", "style": {"Size:": " 32W x 29L", "Color:": " Antique Indigo"}, "reviewerName": "k", "reviewText": "Awesome", "summary": "Four Stars", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A1BSXE1TGOWTOR", "asin": "B0002USBB8", "style": {"Size:": " 10 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Leslie masotas", "reviewText": "my granddaughter loved it", "summary": "Five Stars", "unixReviewTime": 1440979200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A2K37SAY2MZPF9", "asin": "B0000E1VWG", "style": {"Size:": " 5 Compartments", "Color:": " Burgundy"}, "reviewerName": "rocky", "reviewText": "No more clunky jewelry boxes on my furniture! I had several. Everything is in it's place and in my drawer for easy access. No more hunting for what I want. It's great.", "summary": "5 Compartment Jewelry Organizer", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2017", "reviewerID": "AQENYAD5P8VT", "asin": "B0009MZVVC", "style": {"Size:": " X-Large", "Color:": " Navy"}, "reviewerName": "Mrs Ruden", "reviewText": "He likes them, he is picky & only wants padded socks. So glad I found these.", "summary": "he wears them", "unixReviewTime": 1506470400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A72YUWHZ1OR9O", "asin": "B0009HLT9K", "style": {"Size:": " 3T-4T", "Color:": " Buzz Lightyear"}, "reviewerName": "m j", "reviewText": "Fit right,fast delivery .great costume for Florida weather it is think enough .my son would wear all day long", "summary": "great costume for Florida weather it is think enough", "unixReviewTime": 1451088000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A29AUU3MEEPDBV", "asin": "B0009G8HO6", "reviewerName": "Stacy", "reviewText": "I ordered one and went and ordered 3 more! They wash well and don't shrink. They are prefect for my job as a medical assistant. Lightweight but still warm. :)", "summary": "wonderful!", "unixReviewTime": 1411516800} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A3P7U9DAP7XE2K", "asin": "B0002LT7LU", "style": {"Size:": " 9 N US", "Color:": " Navy Elegance"}, "reviewerName": "Karen A. Hangsleben", "reviewText": "Have purchases before in other colors.", "summary": "Reorder in different color this time", "unixReviewTime": 1462752000} +{"overall": 3.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A23DBJRHLZS34C", "asin": "B0007YXVOQ", "style": {"Size:": " 44DD", "Color:": " Bare"}, "reviewerName": "Christine S. Shealer", "reviewText": "The straps on this bra are very comfortable, and I guess if you can stand underwires, it's a good bra. Good fit, overall good bra, I just found the underwires to be very uncomfortable.", "summary": "Playtex Women's Secrets Cottony Gel Comfort Strap Underwire Bra", "unixReviewTime": 1357862400} +{"overall": 3.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A12YYG19B0P26G", "asin": "B000B234K0", "style": {"Size:": " 11 D(M) US", "Color:": " Brown"}, "reviewerName": "TrinaNAlex", "reviewText": "Trina got me these as an xmas present from the kids and I love them. They arrived on time, look great and are perfect size. Highly recommended\n.. ..updated....started falling apart after 30days of wear. Don't hold up well", "summary": "Ok shoes", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "AH7OPQ0X9GMOT", "asin": "B0000868IP", "style": {"Size:": " 36D", "Color:": " Light Beige", "Number of Items:": " 1"}, "reviewerName": "grtscotties", "reviewText": "Bra fit great the design is so pretty. I expect to buy more from this seller", "summary": "Five Stars", "unixReviewTime": 1524096000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A1PJ5LRWEUXZSV", "asin": "B0007WZZYC", "style": {"Size:": " 32W x 36L", "Color:": " Army Green (Closeout)"}, "reviewerName": "Jeffrey Skinner", "reviewText": "fits nicely and well made", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 2.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A16H1GOER4J3YA", "asin": "B000B5A05Y", "style": {"Size:": " One Size", "Color:": " Brown Brown"}, "reviewerName": "Victor Bozadjian", "reviewText": "Here's why this hat was returned. The straw was cracking in certain areas of the hat. And the back adjustable area, if you wanted each button in a hole, you can forget about that, it's not happening because the last button is to close to the mesh, so it won't plug in.", "summary": "Good Looking hat", "unixReviewTime": 1407888000} +{"overall": 3.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "AZ9J91W4M942R", "asin": "B0009X0RQA", "style": {"Color:": " Black"}, "reviewerName": "Alan Barker", "reviewText": "This item is well made but it is smaller than I usually use.", "summary": "Three Stars", "unixReviewTime": 1422316800} +{"reviewerID": "A1YAVOM0RCQ557", "asin": "B0002UNNNY", "reviewerName": "Hill.M.", "verified": true, "reviewText": "Great shoe but it is a bit too big for me, I ordered a size bigger just in case, but I was able to adjust the size with the strings so overall it was fine.", "overall": 4.0, "reviewTime": "03 15, 2014", "summary": "Great ballet shoe", "unixReviewTime": 1394841600} +{"reviewerID": "A3P4M4W1MJCPRI", "asin": "B0002M8QHK", "reviewerName": "Iris Rivera", "verified": true, "reviewText": "I really like these. I brought them for a Captain's night on a cruise and they held up to the elegance of the night. I really enjoy them and am glad that despite having no knowledge of their fit, they were comforty.", "overall": 5.0, "reviewTime": "06 9, 2014", "summary": "Comfort and style", "unixReviewTime": 1402272000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "A18BMO1FNQLFWW", "asin": "B0009GCRQ0", "style": {"Size:": " XX-Large", "Color:": " Smoke Gray"}, "reviewerName": "Bobsga", "reviewText": "Love these pocket tees.", "summary": "Five Stars", "unixReviewTime": 1457568000} +{"reviewerID": "A139QFZT4OQL43", "asin": "B0007SUEVK", "reviewerName": "Shopaholic", "verified": true, "reviewText": "Love the shoes but every time I wear them the black dye stains my feet and I spend t least a good 5 minutes trying to scrub it off", "overall": 3.0, "reviewTime": "07 25, 2015", "summary": "Disappointed", "unixReviewTime": 1437782400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "ANPRKW9PUXKP", "asin": "B0006GXO8S", "reviewerName": "carol", "reviewText": "these house shoes are very soft easy to wear any where I go they don't slip or slide when I walk", "summary": "shoes", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "ASL8452VFOML2", "asin": "B0009B3IN6", "reviewerName": "TUDELS", "reviewText": "I love the product, just didn't work for me.", "summary": "Five Stars", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A3RZIRGNOG2GQX", "asin": "B0007KPP7G", "style": {"Size:": " Medium Tall", "Color:": " Chocolate"}, "reviewerName": "Bonnie U. Gruenberg", "reviewText": "Great scrubs for long legged woman who cant do the super low rise scrubs.", "summary": "Five Stars", "unixReviewTime": 1443398400} +{"reviewerID": "AZSA8BW53EK64", "asin": "B00028AZ6E", "reviewerName": "Homioli Productions", "verified": true, "reviewText": "Never lets me down", "overall": 5.0, "reviewTime": "02 6, 2018", "summary": "Best pants for skating", "unixReviewTime": 1517875200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A7HJ52LLCND8G", "asin": "B0002UNNR0", "style": {"Size:": " 8.5 W US", "Color:": " White"}, "reviewerName": "Gaby Garcia", "reviewText": "The shoe was not true too size, it runs smaller, but the material & the shoe itself is cute.", "summary": "Wrong Fit Good Material", "unixReviewTime": 1411344000} +{"overall": 1.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A1RIWHKKIDOY8G", "asin": "B00016QOX0", "style": {"Size:": " 40W x 32L", "Color:": " Black"}, "reviewerName": "Ed J. Wolf", "reviewText": "wrong cut for me...returning the item", "summary": "not even close", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A1AZG8CLWYNWK5", "asin": "B0002M14CY", "style": {"Size:": " 8 B(M) US", "Color:": " Blue/Cream"}, "reviewerName": "Sam", "reviewText": "I've been looking forever for a cute, comfortable pair of walking shoes. These totally fit the bill. Outside of work these are the only shoes I've worn since I bought them.", "summary": "Super comfy and cute walking shoes", "unixReviewTime": 1490918400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A2LSZ1EPOMOX62", "asin": "B0007CKMOU", "style": {"Size:": " 54W x 30L", "Color:": " Overdyed Black"}, "reviewerName": "bigbear2", "reviewText": "Great pants and good price.", "summary": "Wrangler Jeans", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A28H3URYYJ88AQ", "asin": "B0000V9E3S", "style": {"Size:": " 10.5 B(M) US", "Color:": " Cascade/Misty Jade"}, "reviewerName": "Phyllis", "reviewText": "Good shoes", "summary": "Five Stars", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A108HXCXJ320QZ", "asin": "B000AUVTJQ", "reviewerName": "k.Hess", "reviewText": "Love UGG slippers.. I got them for my mom who has a hard time walking she put the slippers on it was magical she smiled, cried an I haven't seen her without them on since.", "summary": "Love UGG slippers", "unixReviewTime": 1414454400} +{"overall": 2.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A5DVU7EM6A7CS", "asin": "B0002TOPH8", "style": {"Size:": " 9-11 (Shoe Size 6-9)", "Color:": " Navy"}, "reviewerName": "Jane Doe", "reviewText": "These socks were thinner than I expected. Also, I ordered navy and got black.", "summary": "Two Stars", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A37OQGUGD8V87V", "asin": "B0007YR980", "style": {"Size:": " 42DD", "Color:": " Plum Majestic", "Number of Items:": " 1"}, "reviewerName": "Belinda C. Ledet", "reviewText": "Love it - i have it in multiple colors", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A1YSCUJ5QMSTG7", "asin": "B00006XXGO", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Red"}, "reviewerName": "Kindle Customer", "reviewText": "Fast ship and great price!", "summary": "Five Stars", "unixReviewTime": 1485043200} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A1POPNAFJSQ6CY", "asin": "B0000ZE858", "style": {"Size:": " 34G", "Color:": " Nude"}, "reviewerName": "Amolo Ngweno", "reviewText": "I have ordered this same bra for years. The new edition hooks and eyes dig into my back, and it seems to be made of flimsy material so the band has overstretched and the wires are out of shape. Very disappointed.", "summary": "Flimsy, uncomfortable, disappointing.", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A3PZER9X62DSHA", "asin": "B00093DAOQ", "style": {"Size:": " 39 M EU / 8 B(M) US Women / 6 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "Amazon Customer", "reviewText": "Very happy with", "summary": "Fit great", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "A1631AQM7EB58M", "asin": "B0000E1VWG", "style": {"Size:": " 6 Compartments", "Color:": " Burgundy"}, "reviewerName": "Jen727", "reviewText": "I have a couple of these myself, and just bought 2 more for my mom as a present. They keep my jewelry visible and neat in my drawer, and I don't know what I'd do without them.", "summary": "These are great", "unixReviewTime": 1401926400} +{"reviewerID": "ADSSBH1O89R8A", "asin": "B0000ZFSFW", "reviewerName": "Bonnie", "verified": false, "reviewText": "fits well and reasonably priced", "overall": 4.0, "reviewTime": "07 9, 2014", "summary": "Four Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A8EZYXOA1UBG6", "asin": "B0000AFT9F", "style": {"Size:": " 10.5 D(M) US", "Color:": " Optical White"}, "reviewerName": "Amazon Customer", "reviewText": "They are a classic and they never go out of style. What else can I say? They're exactly what I expected.", "summary": "Converse High Tops", "unixReviewTime": 1361145600} +{"overall": 2.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A2H78N0YRVNFBX", "asin": "B0002LICNO", "style": {"Size:": " E/F", "Color:": " Jet"}, "reviewerName": "Nicole A", "reviewText": "Not for women with thick thighs. Very delicate", "summary": "Two Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "ADY6XYQ076JA8", "asin": "B0002XSWR8", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "juan francisco lopez sandoval", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1421193600} +{"reviewerID": "AXRGMFGSXILTO", "asin": "B00028AZ6E", "reviewerName": "Eric C.", "verified": true, "reviewText": "Just as expected :)", "overall": 5.0, "reviewTime": "07 15, 2016", "summary": "Awesome!", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A2UNTB9CR3Q5Z5", "asin": "B000AYUMWW", "style": {"Size:": " 9 D(M) US", "Color:": " Black"}, "reviewerName": "Luis Saturno", "reviewText": "Excellent boots! Amazing, very comfortable inside, even in snow works, nice leather good rubber very good product recommended 100%", "summary": "The best boots ever!!", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A2CVYCQANGV8EP", "asin": "B0009KN2BU", "style": {"Size:": " Large", "Color:": " Navy"}, "reviewerName": "O. Bellerud", "reviewText": "Good light jacket, keeps wind at bay. Would have liked a better color choice but not unhappy. Lining pretty good, too.", "summary": "Just what I wanted", "unixReviewTime": 1396224000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A3P78H9D62URNL", "asin": "B0007MFW8Q", "style": {"Size:": " 12 D(M) US", "Color:": " Black Leather/Black"}, "reviewerName": "MAGIC FROGGIE", "reviewText": "Shoes fit perfectly, feels great very comfortable.", "summary": "feels great very comfortable", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A3IN4MR0MC1B52", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Charcoal"}, "reviewerName": "J. Baer", "reviewText": "Our little one loves these and they fit as expected.", "summary": "Five Stars", "unixReviewTime": 1515542400} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2014", "reviewerID": "A3FSEU0LDS2PG2", "asin": "B0000TIISW", "style": {"Color:": " Brown/Black"}, "reviewerName": "John", "reviewText": "Bare minimum of features, which is what I like. I like the. Night light a lot. Leather watch band is too thick and bulky. The watch is also larger than expected. This makes it a bit of a misfit on my small wrist. Good product, but not quite what I expected.", "summary": "Nice, Average Product", "unixReviewTime": 1388966400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "APV69P3WEWSRC", "asin": "B0002PNJWE", "style": {"Size:": " A", "Color:": " Black"}, "reviewerName": "Tina", "reviewText": "Love these and they fit my skinny body perfectly.", "summary": "Size A GREAT!", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A2F37VZBJMHDWV", "asin": "B000AYW0KO", "style": {"Color:": " Two-Tone/White"}, "reviewerName": "Sherry Wilson", "reviewText": "Nice watch. Good price. Fast Ship. Great Seller!", "summary": "Five Stars", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A274B30WBF2V5O", "asin": "B0009FB2WQ", "style": {"Size:": " 3X Tall", "Color:": " Hunter Green"}, "reviewerName": "D. Carter", "reviewText": "Just what I wanted!", "summary": "Five Stars", "unixReviewTime": 1460937600} +{"overall": 4.0, "verified": true, "reviewTime": "07 26, 2014", "reviewerID": "AZR53PO2DE6EJ", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Clay mo", "reviewText": "Gold toe socks are good quality for the price", "summary": "Gold toe socks are the best quality that I have found.", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A36PRUJJ220AF6", "asin": "B00020OCD4", "reviewerName": "Mist", "reviewText": "A great jacket. I wear it everyday. The inside pockets are great and I love the sweatshirt liner. In Michigan I can see my self wearing it a lot.", "summary": "Great jacket.", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "AD7UYE75KL58R", "asin": "B000ARTQGC", "style": {"Size:": " 9 D(M) US", "Color:": " Rootbeer"}, "reviewerName": "marisha", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1482451200} +{"overall": 1.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3MGWKECSA5YH7", "asin": "B0009BE40C", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black"}, "reviewerName": "Ryan Avelino", "reviewText": "These are usually my go to work show, I always get compliments when wearing them and have owned 5+ pairs. This last pair that I purchased have hurt my feet, even after trying to break them in, that I do not wear them. It breaks my heart too because they were my favorite shoe.", "summary": "Love/Hate", "unixReviewTime": 1489708800} +{"overall": 3.0, "verified": true, "reviewTime": "05 23, 2013", "reviewerID": "A27R3S1WWUQUK4", "asin": "B0007PYVI0", "style": {"Color:": " Olive Drab"}, "reviewerName": "MICK686", "reviewText": "Nothing special, thin material... I would not of spent the $$$ if I knew it was going t be so thin. Also the sewing is not straight! Must of been no QC. I won't buy another one, and I'll use this until it rips. I hope I get a whole summer out of it!", "summary": "Average Joe", "unixReviewTime": 1369267200} +{"overall": 3.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A1672LH9S1XO70", "asin": "B0009B3IN6", "reviewerName": "Lorna J. Loomis", "reviewText": "These shoes fit as I would have expected and are highly adjustable due to the presence of the the two straps. However, the sole is very stiff and hard, with no flexibility, which is the reason I elected to return them.", "summary": "Stiff, Hard, Sole", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "AVMPH3NRE50MU", "asin": "B00006XXGO", "style": {"Size:": " Men's 5, Women's 7 Medium", "Color:": " Red"}, "reviewerName": "Jennifer Parker", "reviewText": "Loved this", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A21BHIV0LMF6D2", "asin": "B0009AVS8E", "reviewerName": "michael sullivan", "reviewText": "Nice shoe, as with any new shoe there is a breaking period, Im sure I'll get years and many miles of enjoyable walking. Had shoe a month or so now, feel great, Update few months in and shoe is even better would not hesitate to buy another pair.", "summary": "Nice shoe, as with any new shoe there is ...", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A2KDCM67WSP11I", "asin": "B00006XXGO", "reviewerName": "ligeen antonie", "reviewText": "good!", "summary": "Five Stars", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A2FN9AQ0O7HRMS", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "Ehh, Well", "reviewText": "Gold toes are still the best socks on the planet. The only ones I own that don't end up with holes in them after a few wears. You're not saving anything by buying the cheaper ones in bulk at Walmart.", "summary": "Best socks on the planet", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A24DK2MFIP01WE", "asin": "B000A38CZC", "style": {"Size:": " X-Large", "Color:": " Vintage Indigo"}, "reviewerName": "J. McFar", "reviewText": "Completely happy. Thanks", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "AGHTGV04OOWUD", "asin": "B0009G6AX6", "style": {"Size:": " Large", "Color:": " Kelly"}, "reviewerName": "L. Carpenter", "reviewText": "The shirt shrunk a significant amount after it's first washing. But it was big for we anyway. So now it fits just right. I'd recommend ordering up one size.", "summary": "Shrinkage", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2013", "reviewerID": "A3001KIUCL2D1E", "asin": "B0009B3IN6", "reviewerName": "Bill. Chaney", "reviewText": "Not alot can be said about these. I have a number of these in different colors and am satified with them all. If your looking for comfort these fit the bill.", "summary": "Slippers", "unixReviewTime": 1371254400} +{"reviewerID": "A24G8Q747W8UDG", "asin": "B00028AZ6E", "reviewerName": "Syd", "verified": true, "reviewText": "My teen son loves them! He's a skater and these are the only pants for them! So funny that my high school boyfriend (in the 80's) also wore them. Dickies are always great quality and style.", "overall": 5.0, "reviewTime": "05 18, 2016", "summary": "LOVE", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "A3LBZ7N4DES49C", "asin": "B0001O0C2G", "style": {"Size:": " 10 D(M) US", "Color:": " White/Navy-red"}, "reviewerName": "yahoo15146", "reviewText": "These are just classics! I paid $113 dollars 1980's in middle school. My first expensive shoe. I have been looking for these every summer! Finally found them. Bought some for my husband and me.", "summary": "I love them! Throwback Summer", "unixReviewTime": 1459987200} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A14J784I89ICBY", "asin": "B0000868IP", "style": {"Size:": " 46C", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "CJ", "reviewText": "Product fits great.", "summary": "Four Stars", "unixReviewTime": 1463961600} +{"reviewerID": "A2WKHXDWTNFEXL", "asin": "B00028AZ6E", "reviewerName": "John", "verified": true, "reviewText": "I bought 36x30 pants and they fit great. I wear them to work and they hold up much better than other brands I have used.", "overall": 5.0, "reviewTime": "09 12, 2013", "summary": "Excellent pants", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A3BAPPL5XCKU2Y", "asin": "B0009B3IN6", "reviewerName": "Jeffrey Nieman", "reviewText": "So comfortable. Order 2 sizes small though because they run big + the soft suede stretches out once broken in!", "summary": "Order 2 sizes smaller than normal", "unixReviewTime": 1467331200} +{"overall": 3.0, "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A2TTM9R9ARSQW0", "asin": "B0009BE40C", "style": {"Size:": " 7.5 D(M) US", "Color:": " Gray"}, "reviewerName": "d", "reviewText": "The leather was very hard. Needed a shoe horn to wear the shoe. If I didn't have a shoe horn it would have been hell getting the shoe on my foot.", "summary": "The leather was very hard. Needed a shoe horn ...", "unixReviewTime": 1519862400} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A3S323ZIXEP4QD", "asin": "B0008EO5AE", "style": {"Size:": " 8 Short", "Color:": " Premium Dark"}, "reviewerName": "Frankie", "reviewText": "it has become so difficult to find relaxed fit pants for women I am thankful I found these Lee jeans. Does everyone have skinny legs?", "summary": "actually fit my thighs", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2014", "reviewerID": "A1POC2BBP5LP89", "asin": "B0001LMS5I", "style": {"Size:": " 36DDD", "Color:": " White"}, "reviewerName": "Deanna Foote", "reviewText": "The bra fits great, I love the wide straps and back. It has a firm and full coverage fit and feels secure when being worn.", "summary": "Great Fit", "unixReviewTime": 1395360000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "AKN82X9X6YUI", "asin": "B0002LY3CS", "style": {"Size:": " 8 D(M) US", "Color:": " Oatmeal"}, "reviewerName": "Fiona", "reviewText": "Wore these out. On our third pair. They last forever and look great.", "summary": "Sperry", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A29ZTNFO7OXQ7C", "asin": "B0000DCS5T", "style": {"Size:": " 15 D(M) US", "Color:": " Tan/Beige"}, "reviewerName": "rosie", "reviewText": "My college student daughter love these because she can wear them with lots of things", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2017", "reviewerID": "A2M4V5T7TFU8K0", "asin": "B0009MU63K", "style": {"Size:": " Medium", "Color:": " Crimson"}, "reviewerName": "Kerian", "reviewText": "Just right", "summary": "Five Stars", "unixReviewTime": 1499731200} +{"overall": 4.0, "verified": true, "reviewTime": "05 16, 2013", "reviewerID": "A257Z0LN9G2I2H", "asin": "B0002RRN4M", "style": {"Size:": " 6 B(M) US", "Color:": " Black"}, "reviewerName": "snarly", "reviewText": "I know other reviews (of the children's and the adult sizes) say these run small, but I found they ran HILARIOUSLY small. My daughter wears a 3.5 in children's shoes -- she wore a 6 in these! That said, they were very comfortable right out of the box and stable for dancing.", "summary": "runs WAY small", "unixReviewTime": 1368662400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A3H7F4TGXZ8G1", "asin": "B00095P98O", "style": {"Size:": " 42 M EU / 8-8.5 D(M) US", "Color:": " Rust"}, "reviewerName": "Old guys rule", "reviewText": "Great shoes! Feel like a pair of slippers from the minute you put them on. These replaced an old pair that was about 7-8 years old that I wore out.", "summary": "Love ECCO shoes.", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A2R0O9LCLT3EN2", "asin": "B00065FWR0", "reviewerName": "Daisy Hoshi", "reviewText": "Simple, doest its job, totally worth the price", "summary": "Five Stars", "unixReviewTime": 1412899200} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "AXDANF1CUYCD6", "asin": "B000657TLW", "style": {"Size:": " 11 EW US", "Color:": " Dark Brown"}, "reviewerName": "kik10", "reviewText": "I have a wide foot so it's hard to find decent looking boots that fit but these are it.", "summary": "I have a wide foot so it's hard to find ...", "unixReviewTime": 1478390400} +{"overall": 4.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "A2NEYNUP1TXYNI", "asin": "B0002NYUE2", "style": {"Size:": " Medium", "Color:": " Burnt Orange"}, "reviewerName": "A. C. Jokela", "reviewText": "Great sweatshirt, but it fits a little snug. It also washes well, and the color stays correct even after washing. Tumble dry on a lower temp else it will be even snugger.", "summary": "It's an orange sweatshirt", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A38C16J8LVYUWK", "asin": "B0009F0Z38", "style": {"Size:": " XX-Large - 11-12", "Color:": " Black"}, "reviewerName": "Bee Jay", "reviewText": "comfortable and true to size", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A1NDJQFG49M19H", "asin": "B000AYW0LI", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Jeanne K. Chadee", "reviewText": "Love this watch. Not fancy which is perfect; I am not either. Easy to read. Love the indiglo. My wrists are small but a jewelry easily took several links out of the band for $10.", "summary": "Easy to read.", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A2KLYVG6A4IXYL", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "TMack", "reviewText": "Happy with the socks, turnaround time, packaging. Nothing to over or under report about. Gold and silver toe socks are good", "summary": "Good quality at good price", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A2Y2KO2DOV0QDY", "asin": "B000B5256G", "style": {"Color:": " Flames"}, "reviewerName": "George Puhl", "reviewText": "Grandson was thrilled to death to see that Santa had brought this for hom.", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"reviewerID": "A3MPHEJ0N39W87", "asin": "B0001YRFS0", "reviewerName": "Tina the S.", "verified": true, "reviewText": "Most pants on this size for very well...but NOT THESE.", "overall": 1.0, "reviewTime": "11 7, 2017", "summary": "Duckies Mens Original 874 Work Pants Black 36W x...", "unixReviewTime": 1510012800} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "ABDIHKF8ZQ9NZ", "asin": "B0002UCPQ0", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "da_ jones", "reviewText": "Could have used a heavier cotton to make a better shirt that is going to hold up after many washings. I would not buy again.", "summary": "Descent shirt.", "unixReviewTime": 1499817600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2018", "reviewerID": "AJ40JHNZQ584G", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Ms. Zoey", "reviewText": "Love my Turtle Fur Fleece Neck Warmer - keeps me warm and feels great. Versatile - can pull down around my neck or pull up around my face when it is really cold. Best product ever!!", "summary": "LOVE IT!!!! Warm and feels great.", "unixReviewTime": 1521763200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "A1CEFW0MEUIRXQ", "asin": "B0000TII3C", "style": {"Color:": " Gold-Tone/White"}, "reviewerName": "Gwendolyn W.", "reviewText": "This watch was a gift for my husband for Christmas. He loves timex products and all the great features of this one. He calls it his old person watch because he can actually see the time without squinting.", "summary": "Excellent holiday gift", "unixReviewTime": 1357516800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A2LIA62Z982XNC", "asin": "B000B5U75C", "style": {"Size:": " Little Girls (2-6X)", "Color:": " White"}, "reviewerName": "Kindle Customer", "reviewText": "Nice tights. Strong construction, no pilling yet.", "summary": "Five Stars", "unixReviewTime": 1452556800} +{"reviewerID": "A1EL5BQVVSJ023", "asin": "B00028AZ6E", "reviewerName": "Pablo", "verified": true, "reviewText": "Excellent work pants highly durable and would definitely recommend product. ", "overall": 5.0, "reviewTime": "02 10, 2016", "summary": "Five Stars", "unixReviewTime": 1455062400} +{"reviewerID": "A1TQPNT8YYMJV8", "asin": "B0002UNNNY", "reviewerName": "Ginna Rivera", "verified": true, "reviewText": "We had to buy the right size in a rush", "overall": 4.0, "reviewTime": "01 23, 2017", "summary": "Four Stars", "unixReviewTime": 1485129600} +{"overall": 2.0, "verified": true, "reviewTime": "08 24, 2017", "reviewerID": "AZO65S64GDX2P", "asin": "B0007WZZYC", "style": {"Size:": " 42W x 30L", "Color:": " Tan"}, "reviewerName": "Bruce Wilsterman", "reviewText": "THESE ARE TOO SMALL IN THE WAIST...I PRESENTLY WEAR SIZE 44 WAIST WHICH ARE SOMEWHAT TOO WIDE SO I DECREASED THE WAIST SIZE TO 42 IN THESE PANTS....THEY ACTUALLY FIT LIKE THEY ARE 40's.", "summary": "THEY ACTUALLY FIT LIKE THEY ARE 40's", "unixReviewTime": 1503532800} +{"overall": 1.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A323UX956JFWW6", "asin": "B0007SUEYC", "style": {"Size:": " 6 B(M) US", "Color:": " Black"}, "reviewerName": "psychologist", "reviewText": "Wow- I wear 6 shoe and ordered a six moccasin - It fit like a size 9. The quality was really poor too. Looks like a 12 dollar pair - don't know if I would even pay 5 dollars for them", "summary": "HUGE- Too Large- Massively too large", "unixReviewTime": 1386288000} +{"reviewerID": "A20XV8VE3VFHZ", "asin": "B000ALAGRG", "reviewerName": "George W. Vance", "verified": true, "reviewText": "This is a great shirt. It fits and is comfortable to wear. I had one before this and liked it so much that I order this one. Well, made and made to last.", "overall": 5.0, "reviewTime": "07 17, 2016", "summary": "This is a great shirt. It fits and is comfortable to wear", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "A11I753CREKX1Y", "asin": "B00009ZM7Z", "style": {"Size:": " 10.5 D(M) US", "Color:": " Midnight"}, "reviewerName": "Pedro Q.", "reviewText": "Excellent Product.", "summary": "great", "unixReviewTime": 1495584000} +{"reviewerID": "A10X7OXW0PAE3I", "asin": "B0007MFWZ4", "reviewerName": "Jess Johnson", "verified": true, "reviewText": "Great shoes that look great on your feet. I always get complements when I wear them out. Do plan for a little break in time for the leather though, cause while the crepe sole was broken in very quickly and easily, the leather requires more wear to become completely broken in.", "overall": 4.0, "reviewTime": "08 3, 2014", "summary": "Great shoe!!!", "unixReviewTime": 1407024000} +{"reviewerID": "A17GM3XN8NFMRN", "asin": "B00028AZ6E", "reviewerName": "Rhonda Sheck", "verified": true, "reviewText": "Ordered these pants in the normal size my son wears...beware!!! way too small...\nIf ordering, order 2 sizes UP!! the manufacturer should let you know this..plus it took forever. Very stiff also after 2 washes,couldn't take them back...fyi", "overall": 2.0, "reviewTime": "07 24, 2014", "summary": "Ordered these pants in the normal size my son wears ...", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2018", "reviewerID": "A1EUVN7T9A11VF", "asin": "B0008EOUMM", "style": {"Size:": " 30W x 30L", "Color:": " Khaki"}, "reviewerName": "Carrinater", "reviewText": "Husband loves", "summary": "Five Stars", "unixReviewTime": 1521763200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "A1B5Y6JOPK9XMD", "asin": "B0002RRN4M", "style": {"Size:": " 8.5 M US", "Color:": " Black"}, "reviewerName": "Naomi", "reviewText": "Very nice, very comfortable, and fits as expected.", "summary": "Five Stars", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "AOLDT6T6L2OOM", "asin": "B0002NYVV4", "reviewerName": "packfan", "reviewText": "So comfortable and not to heavy and not to light. I am a happy customer and will purchase more very soon!", "summary": "PERFECT FIT", "unixReviewTime": 1388534400} +{"reviewerID": "A2V0WGP05RR21I", "asin": "B0001YRFS0", "reviewerName": "Mark Wilson", "verified": true, "reviewText": "Good work clothes.", "overall": 5.0, "reviewTime": "05 30, 2016", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 4.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A3NRQLJ5WF928C", "asin": "B000B2ONAA", "style": {"Size:": " 9 B(M) US", "Color:": " Desert"}, "reviewerName": "Patricia Nipper", "reviewText": "I would love these shoes except they seem too short. It's kind of hard to tell, but they aren not comfortable. Usually Mephisto shoes fit, so maybe I ordered the wrong size.", "summary": "Beautiful shoes but...", "unixReviewTime": 1430611200} +{"overall": 2.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "AQ9GLNOTLE6A3", "asin": "B000AGYEPG", "style": {"Size:": " 10 W US", "Color:": " Black"}, "reviewerName": "Nicole S.", "reviewText": "My husband loves these shoes, but they are way too large. He wears an 11 typically, and we sent these back three times. The 9 did not even fit him. It was more of an annoyance than it was worth. They are great shoes, the sizing was just way off, in our experience.", "summary": "Sizing is Off!", "unixReviewTime": 1434585600} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A3PERPH4DL0UZA", "asin": "B00093DAOQ", "style": {"Size:": " 39 M EU / 8 B(M) US Women / 6 D(M) US Men", "Color:": " Black"}, "reviewerName": "Margaret", "reviewText": "Daughters say they are comfortable and fashionable.", "summary": "Four Stars", "unixReviewTime": 1474848000} +{"overall": 3.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A2HYNIED2OZWLK", "asin": "B0009PS57G", "style": {"Size:": " 1X Plus", "Color:": " Black"}, "reviewerName": "Dayna", "reviewText": "Not a very flattering fit, way longer than shown, for some reason the material is very warm. Won't buy again and only wear as a backup.", "summary": "Not a very flattering fit, way longer than shown ...", "unixReviewTime": 1431907200} +{"overall": 3.0, "verified": true, "reviewTime": "05 19, 2014", "reviewerID": "A1S76IDFHEQ26C", "asin": "B0002LT7LU", "style": {"Size:": " 5.5 B(M) US", "Color:": " Putty Elegance"}, "reviewerName": "MsSkeptic", "reviewText": "I liked the style and color but it was too narrow all over, so I had to unfortunately return it. It would have helped if other reviews had mentioned this.", "summary": "very narrow", "unixReviewTime": 1400457600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A2IXKIB9GGHI1F", "asin": "B000A2KCAQ", "style": {"Size:": " 38W x 34L", "Color:": " Bark"}, "reviewerName": "Callie", "reviewText": "My son works construction and loves these pants and the Riggs Workwear shorts.", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2018", "reviewerID": "A2V52NGRHK34NQ", "asin": "B0000ANHTD", "style": {"Size:": " 3X Tall", "Color:": " Desert"}, "reviewerName": "EDDIE & LINDA", "reviewText": "My Carhartt shirt fit perfectly! The colors did not fade after washing and it's very comfortable!", "summary": "The colors did not fade after washing and it's very comfortable!", "unixReviewTime": 1517875200} +{"reviewerID": "A31OY643Y88RV3", "asin": "B000B6AV7K", "reviewerName": "Greg Propst", "verified": true, "reviewText": "great boots but a little too large. had to return them for 1/2 size smaller. expecting replacements in today. will advise.", "overall": 4.0, "reviewTime": "08 13, 2014", "summary": "great boots but a little too large", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A21ZRXYQHM8B6A", "asin": "B0006VBFM0", "reviewerName": "Lourdes Solfrini", "reviewText": "excelente", "summary": "Five Stars", "unixReviewTime": 1404950400} +{"overall": 1.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "APAK5U68YU1R1", "asin": "B0001YSBUG", "style": {"Size:": " 2X Tall", "Color:": " Black"}, "reviewerName": "spork", "reviewText": "Way Too large. Quality was Meh! I own four Carhartt jackets, 1 Carhart snow suit, Carhartt bibs, 10 Carhartt jeans and a couple long sleeved Carhartt shirts. In general, I like Carhartt clothing. Was extremely disappointed in these and returned them", "summary": "Did not like", "unixReviewTime": 1515456000} +{"reviewerID": "A1CIWDWZS7SCDC", "asin": "B00028AZ6E", "reviewerName": "Joseph McBride", "verified": true, "reviewText": "Great fit", "overall": 4.0, "reviewTime": "03 30, 2016", "summary": "Four Stars", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A2QBYRSTY608RA", "asin": "B0002TOTEM", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "Evolved Fish", "reviewText": "These socks are both warm and comfortable. I'm 5'8\" and wear a shoe size 9.5. The length from my heel to the inside bend of my knee is 17\" and these socks fully and comfortably cover the entire calf. I originally purchased 3 pair to trial them and then purchased 9 more.", "summary": "Warm and comfortable", "unixReviewTime": 1383955200} +{"reviewerID": "A3N4SCK5S4K832", "asin": "B00028AZ6E", "reviewerName": "brenda warniment", "verified": true, "reviewText": "run a little small", "overall": 3.0, "reviewTime": "02 7, 2016", "summary": "Three Stars", "unixReviewTime": 1454803200} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A23UC36F1W5BTJ", "asin": "B0002ZCBKA", "style": {"Size:": " 7 B(M) US", "Color:": " Chestnut"}, "reviewerName": "beachgirl", "reviewText": "great boots just need to be broken in", "summary": "loveugg", "unixReviewTime": 1416787200} +{"reviewerID": "A3VO7ADSKHFGLR", "asin": "B000657TL2", "reviewerName": "Teri L", "verified": true, "reviewText": "Lightweight but sturdy and waterproof. Second pair and a great price.", "overall": 5.0, "reviewTime": "02 22, 2017", "summary": "2nd pair", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A2Z02E0ELMDGDF", "asin": "B0002MFOYS", "style": {"Size:": " 42", "Color:": " Brown"}, "reviewerName": "Joe R.", "reviewText": "Quality product and fits great. Will buy another when needed", "summary": "nice belt", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A20IF8HYQ4S5CD", "asin": "B000AXBKW4", "style": {"Size:": " Medium", "Color:": " Butter"}, "reviewerName": "Gordon Miller", "reviewText": "Wife likes it very much - \"comfy\"", "summary": "\"Comfy\"", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A1JUB9MIQJSWCM", "asin": "B0009GC2OC", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "What can I say, it's just a plain shirt. I needed a plain, black, long-sleeved shirt for the musical and this one did just fine. The fit was as expected.", "summary": "n i c e", "unixReviewTime": 1463443200} +{"reviewerID": "AI2ZA8T6Y1AJ3", "asin": "B0001YRFS0", "reviewerName": "winston williams", "verified": true, "reviewText": "Great, will and continue to buy more", "overall": 5.0, "reviewTime": "08 17, 2015", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"reviewerID": "A2UIGL1YJMTWDE", "asin": "B00028AZ6E", "reviewerName": "alba rivera", "verified": true, "reviewText": "Nice, comfort, strong and fast shipping", "overall": 5.0, "reviewTime": "11 4, 2016", "summary": "Five Stars", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "A27B0TPX8OKUOQ", "asin": "B0000DCS5T", "style": {"Size:": " 9.5 D(M) US", "Color:": " Tan/Beige"}, "reviewerName": "Amanda C.", "reviewText": "These shoes fit as expected and arrived in great shape.", "summary": "Nice shoes", "unixReviewTime": 1488758400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A3KLS7YR0BEMS8", "asin": "B00029R89K", "reviewerName": "LadyRU", "reviewText": "Great bag for soft items like bedding, cloth, even shoes.", "summary": "Great quality and value!", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": false, "reviewTime": "04 5, 2017", "reviewerID": "A3FM0WPZ2UBYNA", "asin": "B000A2K576", "style": {"Size:": " 30W x 32L", "Color:": " Antique Indigo"}, "reviewerName": "falah", "reviewText": "Thanks to the seller, I like it", "summary": "I like", "unixReviewTime": 1491350400} +{"reviewerID": "A1ZZ155GK87VKN", "asin": "B0002USCE4", "reviewerName": "R. Smathers", "verified": true, "reviewText": "The simple leather ballet shoes are perfect for my four-year-old's beginning dance class", "overall": 5.0, "reviewTime": "08 30, 2017", "summary": "Nice leather shoes", "unixReviewTime": 1504051200} +{"overall": 3.0, "verified": true, "reviewTime": "11 8, 2013", "reviewerID": "A24K3340ELWL0Y", "asin": "B0007TTT2O", "style": {"Size:": " wide", "Color:": " Honey"}, "reviewerName": "Jose", "reviewText": "Basically you got for what you pay acceptable but not very comfortable. The size was my bad I should be order 10.5. For the res this are a ok pair of boots .", "summary": "Good but not as expect", "unixReviewTime": 1383868800} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A2Z5JKDIEZF57Q", "asin": "B0002MFOYS", "style": {"Size:": " 36", "Color:": " Brown"}, "reviewerName": "T Boyer", "reviewText": "Very nice belt for the price", "summary": "Good quality leather, well made", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A1YK98J2LYJVQ1", "asin": "B0002IC652", "reviewerName": "Elisabeth Percy", "reviewText": "I just received mine and I LOVE THEM! Quality is much better than I anticipated and they look great!", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "A2QM43G4MNJGTS", "asin": "B0002UUB4I", "style": {"Size:": " 7.5 B(M) US", "Color:": " Black"}, "reviewerName": "Toddler Mom", "reviewText": "These work really well and sound well too. The leather shoe looks very nice. As for fit, I ordered a half size up and they are a slight bit big, but work just fine with a sock.", "summary": "Great tap shoe!", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A1S8LSISM7LL3X", "asin": "B0009AVS8E", "reviewerName": "Ex MP, lifetime Cop", "reviewText": "Great shoe, very comfortable", "summary": "Worth every penny", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A7EJBPYTAU6NX", "asin": "B00093DAOQ", "reviewerName": "Krystal", "reviewText": "Bought these for my boyfriend as a birthday gift. And he LOVES them...", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2017", "reviewerID": "A32XRY7K21LFGL", "asin": "B0000ANHT7", "style": {"Size:": " Large", "Color:": " Dark Cobalt Blue Heather"}, "reviewerName": "Evie Hugg", "reviewText": "nice fit", "summary": "Five Stars", "unixReviewTime": 1509753600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A1GZ7WOZIGOVDD", "asin": "B00016QOX0", "style": {"Size:": " 32W x 32L", "Color:": " Rinse"}, "reviewerName": "Glenda J Henley", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1468972800} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A3CF47UL6APSQM", "asin": "B000AUVTJQ", "reviewerName": "Jason", "reviewText": "These seem well made and are very comfortable. I would have given five stars if Uggs Australia were not made in China", "summary": "Made in China.", "unixReviewTime": 1477094400} +{"overall": 4.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A1HPJKECRYBG6V", "asin": "B000AYW0LI", "style": {"Color:": " Gold-Tone/White"}, "reviewerName": "Underhilll", "reviewText": "The watch was what I expected, except that the band is on the tight side even for my small wrist.", "summary": "Nice watch", "unixReviewTime": 1380758400} +{"reviewerID": "A35FKN0HV7FDID", "asin": "B00028AZ6E", "reviewerName": "Chad", "verified": true, "reviewText": "Good product durable work pant. Fit is very small. I suggest ordering a full size up on the waist.", "overall": 4.0, "reviewTime": "08 20, 2017", "summary": "Durable", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A2DU8QZ7NKBPKU", "asin": "B0007WZZYC", "style": {"Size:": " 36W x 30L", "Color:": " Dark Khaki"}, "reviewerName": "SN Foothills", "reviewText": "Great pants. I normally wear about a 34 waist, but I decided to go to 36 after finding a pair at a thrift store. They are very comfortable to move around in when working or just comfortable to wear anytime. I've purchased mulitple colors for many occasions.", "summary": "Five Stars", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A1PP6GJ3A1XF4J", "asin": "B0007MFW8Q", "style": {"Size:": " 10.5 D - Medium", "Color:": " Oakwood"}, "reviewerName": "L. Williams", "reviewText": "Love these boots. Stylish, comfortable, good with jeans, khakis, for work, for play, and actually improve with a little age. Wife got a great deal for Xmas- maybe my favorite gift. Oakwood's a little darker than the sand but not by much. Stylish.", "summary": "Madly, Deeply...", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A2QKFL47OJ3OB0", "asin": "B0006U3G5A", "style": {"Size:": " Large", "Color:": " Charcoal"}, "reviewerName": "K. Olson", "reviewText": "This was my father-in-law's favorite Christmas present. He works outside often and he says they are the best socks for warmth he's ever had.", "summary": "Warmest socks ever.", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A24ZXXMB0R5IDG", "asin": "B00009ZM7Z", "style": {"Size:": " 9.5 W US", "Color:": " Midnight"}, "reviewerName": "Thomas J Skatter", "reviewText": "AA++", "summary": "Five Stars", "unixReviewTime": 1412812800} +{"reviewerID": "AUYU2FUO2RGJ2", "asin": "B000A3I3PQ", "reviewerName": "Kindle buff", "verified": true, "reviewText": "Just what I expected from Wrangler. Good heavy denim with a good fit", "overall": 5.0, "reviewTime": "11 6, 2017", "summary": "Good heavy denim with a good", "unixReviewTime": 1509926400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "AZJQTROPV5LQ6", "asin": "B0009MZYD2", "style": {"Size:": " Medium (Women's Shoe Size 6.5-10.0, Men's Shoe Size 5.5-8.5)", "Color:": " White"}, "reviewerName": "Sean's Girl", "reviewText": "I love these socks. They have extra cushion just where I need it. They fit perfect with no folds or wrinkles and wash great. I got several pairs so I can always keep a pair handy for my daily walks.", "summary": "great socks for hiking", "unixReviewTime": 1393200000} +{"overall": 4.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2T4PF3X3MC0VC", "asin": "B0000ZE79U", "style": {"Size:": " 5X- Large/ 12", "Color:": " White"}, "reviewerName": "Actinfaith", "reviewText": "I like them, but not as well as I had hoped. I find that the leg binding doesn't fit quite as comfortably and I desire.", "summary": "Good, but not great!", "unixReviewTime": 1464393600} +{"reviewerID": "A34989LDU92LBH", "asin": "B0008EOC5W", "reviewerName": "Mommy Var", "verified": true, "reviewText": "Stylish and perfect to set my husband apart from the students.", "overall": 5.0, "reviewTime": "09 8, 2015", "summary": "Clean, crisp and moderately priced", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A7BSM1AVR422W", "asin": "B000AYW0LI", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Laura Wilson", "reviewText": "Love the simplicity, yet durability :)", "summary": "Five Stars", "unixReviewTime": 1479081600} +{"reviewerID": "A339FRUO0AN5FO", "asin": "B0007MFWZ4", "reviewerName": "Al", "verified": true, "reviewText": "The Clarks Desert Boots look great with jeans and khakis. However, I just don't like the way they feel around my feet. With only two lace eyelets, they never seem to feel snug around my feet. As with most shoes, YMWV with your feet.", "overall": 2.0, "reviewTime": "01 6, 2013", "summary": "Look great, but not good fitting", "unixReviewTime": 1357430400} +{"overall": 4.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "A1QYXY431K8O1", "asin": "B00016QOX0", "style": {"Size:": " 32W x 32L", "Color:": " Medium Stonewash"}, "reviewerName": "sterlin ray", "reviewText": "perfect", "summary": "jeans", "unixReviewTime": 1498435200} +{"overall": 1.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A2WFMZ3G4502ND", "asin": "B0009Y0HW8", "style": {"Size:": " 8.5 XW US", "Color:": " Black"}, "reviewerName": "Lesmok", "reviewText": "The actual boots look very cheap and shoddy compared to the online photos. The size is about two-three sizes less than the stated size. Definitely not a wide width as advertised.", "summary": "Low Quality.....Way Too Small", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": false, "reviewTime": "05 28, 2016", "reviewerID": "A1RR36YKJB917S", "asin": "B0002MKYSY", "style": {"Size:": " 20W", "Color:": " Legacy"}, "reviewerName": "Jan Thompson", "reviewText": "I really love Lee's brand of jeans, capris, and shorts. I don't have to worry about them fitting nor do I have to worry about the craftsmanship that goes into making them. They're awesome!!", "summary": "You can't go wrong with Lee!", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A28REPIM3IPDR4", "asin": "B000AGYEPG", "style": {"Size:": " 12 D(M) US", "Color:": " Black"}, "reviewerName": "Shk.Mohammed H J Al - Thani", "reviewText": "As Described", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2018", "reviewerID": "A3GLKV8C1XLDM0", "asin": "B0002NYVV4", "style": {"Size:": " X-Large", "Color:": " Classic Pink"}, "reviewerName": "brenda", "reviewText": "great fit", "summary": "Four Stars", "unixReviewTime": 1514851200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A2EJLQT0MRL7QL", "asin": "B0006GXO8S", "style": {"Size:": " 6.5 N", "Color:": " Pewter"}, "reviewerName": "Theri Brooks", "reviewText": "I have worn Daniel Green Dormie slippers for years. They are comfortable and come in a Narrow! I wish I could wear with capris everyday and that they were offered in additional colors.", "summary": "My favorite!", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A2Z2M34VUWGLSM", "asin": "B000072US4", "reviewerName": "Lindsy", "reviewText": "I'm a size 6 1/2 in women's, so I got a 4 in men's. Perfect fit, super comfy (of course). Came in the right color and size, a day early. Will definitely purchase from this seller in the future.", "summary": "Awesome", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "AEAPW9QVN689Z", "asin": "B0001YRYKE", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Alijon", "reviewText": "5 star!", "summary": "Five Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "AVSPJUYMT7YXF", "asin": "B00091UK3M", "style": {"Size:": " Standard", "Color:": " Light Pink"}, "reviewerName": "bigj", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A1S4W1F2UT88N9", "asin": "B0007V8AGI", "style": {"Size:": " Medium/Large", "Color:": " Beige"}, "reviewerName": "etienne", "reviewText": "Somewhat small.", "summary": "Four Stars", "unixReviewTime": 1440633600} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "AYZAUAUW1VNIT", "asin": "B0006SCZUE", "style": {"Size:": " Large", "Color:": " Stonewashed"}, "reviewerName": "Keith Spence", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A32SJM5GPNG5QL", "asin": "B000A38BNK", "style": {"Size:": " 46W x 32L", "Color:": " Vintage Indigo"}, "reviewerName": "Ron in Western Maryland", "reviewText": "A great fit considering what had to be worked with . . . like the color, texture and design. Wish there were other more extensive colors. I would buy more.", "summary": "A great fit", "unixReviewTime": 1475798400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A248W4LHFUR1VG", "asin": "B0000868IP", "style": {"Size:": " 32D", "Color:": " Light Beige", "Number of Items:": " 1"}, "reviewerName": "Jeannie Enzi", "reviewText": "It fits around wait, but around arms a bit tight and the cups are UBER pointy!!! Kinda weird!!", "summary": "Barbarella like!", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2016", "reviewerID": "A1FDWYWYQBMMU2", "asin": "B0009G4D1W", "style": {"Size:": " XX-Large", "Color:": " Purple"}, "reviewerName": "Bill Wells", "reviewText": "It is long enough to stay tucked in.", "summary": "Stays tucked in", "unixReviewTime": 1479340800} +{"overall": 2.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A3LD1QWJAJ21TH", "asin": "B00091UK3M", "style": {"Size:": " Plus Size", "Color:": " White"}, "reviewerName": "Emy", "reviewText": "Barely goes to my knee, not a thigh high at all. Complete disappointment.", "summary": "Complete disappointment.", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A1X1IY6K1K86Z1", "asin": "B000AUVTJQ", "reviewerName": "Trinity Lewis", "reviewText": "Got these for my boyfriend - he normally wears a 12.5 so I got him a 13 just to be safe. His toes totally touched the front of the slipper and were not comfy, so we had to exchange for a 14. He has never worn a 14 ever, so these seem to run small. He loves them now though!", "summary": "Amazing but run small", "unixReviewTime": 1455667200} +{"overall": 1.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A2KV1MVTUIE2L2", "asin": "B0000TIIPK", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Kim", "reviewText": "Very dissapointed with the watch band, it is next to impossible to remove the links to adjust to my size, even thr jewleler had trouble. Last timex for me", "summary": "Dissapointed", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A4G0LBHOP3MYB", "asin": "B0009MZYD2", "style": {"Size:": " X-Large (Men's Shoe Size 13.0-15.0)", "Color:": " White"}, "reviewerName": "Arm Chair Traveler", "reviewText": "good fit too!", "summary": "nice socks!!", "unixReviewTime": 1416873600} +{"overall": 4.0, "verified": true, "reviewTime": "11 5, 2013", "reviewerID": "A3J07ZB5GRCMIU", "asin": "B0007U7NKI", "style": {"Size:": " Medium / 6.5-7.5 B(M) US", "Color:": " Sierra Brown"}, "reviewerName": "KaceFace", "reviewText": "Happy with my Rainbows. The color I received was lighter than depicted but I am fine with it. Hopefully they'll darken up as I break them in.", "summary": "I love Rainbows", "unixReviewTime": 1383609600} +{"reviewerID": "A3NTSV6KBZN47G", "asin": "B000AL2I3Q", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Love them", "overall": 5.0, "reviewTime": "12 26, 2015", "summary": "Five Stars", "unixReviewTime": 1451088000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "ALXRKHHSZ8PSN", "asin": "B000936JGC", "reviewerName": "Lori", "reviewText": "This watch was a gift for our 21 year old son. He loves it! He's majoring in Business and this watch adds just the right touch to his business attire.", "summary": "This watch was a gift for our 21 year old ...", "unixReviewTime": 1452816000} +{"overall": 2.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A2S9UY2HN5KVWF", "asin": "B0006U695E", "style": {"Size:": " 33W x 32L", "Color:": " Navy"}, "reviewerName": "V. K. Morris", "reviewText": "These are really tight on my small frame! I would probable move up a size if I were to try them again?", "summary": "Very Tight on my small frame!", "unixReviewTime": 1441324800} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A3ADFET0VJBTTL", "asin": "B0009B1NM4", "style": {"Size:": " 9 XX (US Men's 9 EEEEE)", "Color:": " Black"}, "reviewerName": "Toad", "reviewText": "easy to put on", "summary": "Four Stars", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "A28I1AV6ZZ6R0Y", "asin": "B0009G3QH4", "style": {"Size:": " XX-Large", "Color:": " Light Blue"}, "reviewerName": "MB", "reviewText": "Sooo soft!", "summary": "Five Stars", "unixReviewTime": 1515196800} +{"overall": 2.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A32S92S580H1JU", "asin": "B0006PQH1A", "style": {"Size:": " 11 D(M) US", "Color:": " Flax"}, "reviewerName": "B. Peterson", "reviewText": "returned thong was not sewed properly.could rub a blister.", "summary": "thong", "unixReviewTime": 1417305600} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2017", "reviewerID": "A1CKW7AM7UKV62", "asin": "B0009FB2WQ", "style": {"Size:": " X-Large", "Color:": " Navy"}, "reviewerName": "ben jacovini", "reviewText": "run larger than other shirts", "summary": "Four Stars", "unixReviewTime": 1509580800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A143RSMFNEW1C6", "asin": "B00006XXGO", "style": {"Size:": " Men's 5, Women's 7 Medium", "Color:": " Black"}, "reviewerName": "AugustDBrown", "reviewText": "I put inserts in these shoes and wore them walking all over Boston with no issues. Super cute and they helped me average about 11 miles a day with no pain. Again, I put inserts in mine but I wanted comfortable shoes that were also cute and didn't look like old lady shoes.", "summary": "Super cute and they helped me average about 11 miles ...", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2013", "reviewerID": "A1CWKTQ32O4WQ", "asin": "B0009U83IC", "style": {"Size:": " 34\" x 32\"", "Color:": " Rinsed Indigo Blue"}, "reviewerName": "Somebodys Mother", "reviewText": "I purchased these for my husband as a gift. He loves them. The jeans are functional for work. I'm buying him 2 more pairs.", "summary": "My husband the carpenter likes these jeans", "unixReviewTime": 1388275200} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A3C32B7NDKN21J", "asin": "B0000A6XS9", "reviewerName": "Tomos Angel Iulian", "reviewText": "They look good for the price", "summary": "Five Stars", "unixReviewTime": 1458864000} +{"reviewerID": "A1K9M9N3BGB5FH", "asin": "B0001YRFS0", "reviewerName": "Margarita", "verified": true, "reviewText": "hubby loves these work pants and only can find his exact size on amazon", "overall": 5.0, "reviewTime": "01 11, 2016", "summary": "Five Stars", "unixReviewTime": 1452470400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2013", "reviewerID": "A1C8CGZKR10M2O", "asin": "B0000V9E3S", "style": {"Size:": " 7.5 B(M) US", "Color:": " Jester Red/Persimmon"}, "reviewerName": "Amazon Customer", "reviewText": "These run small, so based on other reviews, I ordered a half size bigger. They are great. So comfortable, wish I could wear them everywhere.", "summary": "Keen Sandals are the best", "unixReviewTime": 1370390400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A2VOQGD30NURYR", "asin": "B0009AZU0G", "style": {"Size:": " 39 M EU/8-8.5 B(M) US Women/6-6.5 D(M) US Men", "Color:": " Blue"}, "reviewerName": "Amazon Customer", "reviewText": "Perfect just what I wanted. I couldn't ask for better.", "summary": "Perfect fit and perfect comfort.", "unixReviewTime": 1501632000} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2017", "reviewerID": "AKX1I17N9UI4V", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Fit great and comfy, but makes my feet sweat", "summary": "Four Stars", "unixReviewTime": 1495065600} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AWCRBX5TW4LAV", "asin": "B0000A51F0", "style": {"Size:": " 6 B(M) US", "Color:": " Black"}, "reviewerName": "JP Windle", "reviewText": "Love K-Swiss shoes!", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2018", "reviewerID": "A2XOBQFW6GIIKQ", "asin": "B0002XSXWW", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Guzman Banales", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1517443200} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "A16O85DW66IYDM", "asin": "B0009NYJAK", "style": {"Size:": " Infant (0-12 Months)", "Color:": " Brown"}, "reviewerName": "Diana", "reviewText": "When I first opened the package I saw them and I knew they will fit to big for my 6 month old boy. But it looks very well made the quality I think is very good, and it is easy to put them on. The only thing is that they stain the sock.\nI recommend them.", "summary": "I like it", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A1NBFC1KW6J368", "asin": "B000B2MTIS", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Black"}, "reviewerName": "Vince", "reviewText": "My wife has a VERY small foot size & she is trying to get used to this beautiful shoe. She considered returning, but, she is trying to get accustomed to it.", "summary": "... & she is trying to get used to this beautiful shoe. She considered returning", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A2NBCKLZG3R2VC", "asin": "B0002THW4Q", "style": {"Size:": " One Size", "Color:": " Grey/White/Black"}, "reviewerName": "sdughug", "reviewText": "I think they're great socks. For me fine. They fit fine. I wear 7.5 shoe. Not too thick.", "summary": "Five Stars", "unixReviewTime": 1470441600} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A2IIMWBWNWYKAY", "asin": "B0002LY3CS", "style": {"Size:": " 7.5 D(M) US", "Color:": " Black Amaretto"}, "reviewerName": "william s.", "reviewText": "Item received as expected. Experience with seller considered adequate and satisfactory. Thank you.", "summary": "Four Stars", "unixReviewTime": 1454371200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A366YFWGJ84JAJ", "asin": "B0006MY4EU", "style": {"Size:": " Small-5/6", "Color:": " Black"}, "reviewerName": "KW", "reviewText": "I love my Isotoner Ballerina Slippers. Perfect fit. Holds up very well despite many washings and wearings. This is the only type of slipper I will wear because they fit so good.", "summary": "Comfortable Slippers", "unixReviewTime": 1386288000} +{"reviewerID": "A30J72LER0C8X9", "asin": "B0006TVYR8", "reviewerName": "pS", "verified": true, "reviewText": "The XLT's are great if you have long arms as well as being extra long for not coming untucked and not seeing the old familiar plumbers crack...", "overall": 5.0, "reviewTime": "12 23, 2013", "summary": "Carhartt", "unixReviewTime": 1387756800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A3QQMYGMMUCRDU", "asin": "B000B2G24K", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Brown Smooth"}, "reviewerName": "Lei H See", "reviewText": "The shoes look great and are very comfortable for my 8 yr old son. They are waterproof and the treads are good for walking on slippery surfaces.", "summary": "The shoes look great and are very comfortable for my 8 yr old ...", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": false, "reviewTime": "12 8, 2014", "reviewerID": "A3J29BDTZETCAH", "asin": "B0008EOEO6", "style": {"Size:": " 31W x 29L", "Color:": " Fatigue"}, "reviewerName": "S. Rugg", "reviewText": "Delivered quickly, just as ordered.", "summary": "Great fit, soft, same great Lees jeans that I have worn for 20 years, but in sizes and colors that I can't get locally. Thanks!", "unixReviewTime": 1417996800} +{"overall": 3.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A1B5WR2BXQBC9Y", "asin": "B0009G4D1W", "style": {"Size:": " Small", "Color:": " Chocolate"}, "reviewerName": "Anthony C Morgan", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1442707200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A2VBUBW4R06OZD", "asin": "B0009G8HO6", "style": {"Size:": " XXX-Large", "Color:": " California Blue"}, "reviewerName": "lovetoread", "reviewText": "Nice shirt. Fits well. Great color.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "AOSWPBQKHTH9Q", "asin": "B0000891KM", "style": {"Size:": " C/D", "Color:": " Pearl", "Number of Items:": " 1"}, "reviewerName": "Zheng Yi", "reviewText": "very nice", "summary": "Five Stars", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A11L3ARJR68GR6", "asin": "B0000891KM", "style": {"Size:": " C/D", "Color:": " Barely There", "Number of Items:": " 1"}, "reviewerName": "JA Dunn", "reviewText": "I love the Hanes Silk Reflections hose. The fit and the color (Barely There) are perfect!!", "summary": "Happy customer!!", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A3PE1PNBMOJIJJ", "asin": "B0008EO5AE", "style": {"Size:": " 10 Short", "Color:": " Premium Dark"}, "reviewerName": "jjsantaella", "reviewText": "Loved it, must buy another pair.", "summary": "Perfect fitting nice soft cloth.", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A3K3561MWRR3J", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Army Green"}, "reviewerName": "Danette F.", "reviewText": "he loves it", "summary": "great fit", "unixReviewTime": 1421366400} +{"overall": 3.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "A306PLSGJW63KD", "asin": "B0002MGM4O", "style": {"Size:": " Medium", "Color:": " Sunlit"}, "reviewerName": "CL", "reviewText": "OOPPS I just wrote this review on another item that is similar and that item we were happy with.\nThis shirt is way to short for an active person. All the reviews state buy a size smaller and we did.\nthe shirt is too short and we are disappointed.", "summary": "disappointed", "unixReviewTime": 1395100800} +{"reviewerID": "A349A1XVJI84MX", "asin": "B0002UNNNY", "reviewerName": "Shannon", "verified": true, "reviewText": "Great shoe but couldn't use because it was way too small. Order up at least a whole size!", "overall": 2.0, "reviewTime": "06 14, 2017", "summary": "Too smal but good quality", "unixReviewTime": 1497398400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A3BW3SIRPJVKWI", "asin": "B0002MD71U", "reviewerName": "john", "reviewText": "My daughter loves them and when the princess is happy we are all happy", "summary": "Cool shoes everyone needs Chucks", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A28N1KKJ0ODJ6W", "asin": "B0000ZE6AK", "style": {"Size:": " 4X-Large/11", "Color:": " White"}, "reviewerName": "Lorraine Smi", "reviewText": "Love this underwear. Have worn this style in both the white and cream for YEARS.\nPlan on some shrinkage when you wash and dry them, they are cotton after all.", "summary": "Great Underwear", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A17CUONRWSJSBG", "asin": "B0009PS57G", "style": {"Size:": " 3X Plus", "Color:": " Red"}, "reviewerName": "constance alvarado", "reviewText": "great material and fits good", "summary": "Five Stars", "unixReviewTime": 1444521600} +{"reviewerID": "AB9JQ749J25Z1", "asin": "B00028AZ6E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Everything good", "overall": 5.0, "reviewTime": "09 10, 2017", "summary": "Five Stars", "unixReviewTime": 1505001600} +{"reviewerID": "A18K0U3Q9PYPEA", "asin": "B00099E7B0", "reviewerName": "AMAYESING", "verified": true, "reviewText": "My son loved this shoe!", "overall": 5.0, "reviewTime": "03 27, 2015", "summary": "Five Stars", "unixReviewTime": 1427414400} +{"reviewerID": "A9YHK97BAVKNX", "asin": "B0001YRFS0", "reviewerName": "Keith McQuait", "verified": true, "reviewText": "Way to small. I am a 36. I bought a 38 to have some extra room. I couldn't even get these on. Very disappointed.", "overall": 1.0, "reviewTime": "08 6, 2017", "summary": "Way to small.", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A2JQQTMHWL7PLV", "asin": "B0000ZBSP6", "style": {"Size:": " 34D", "Color:": " Black"}, "reviewerName": "Busybusylady", "reviewText": "Love my wacoal bras! I wear a 34D and these always fit perfectly and are so comfortable; no digging into my shoulders or having wires dig into my sides. This is my first racerback bra in this style and it's a winner.", "summary": "Love my wacoal bras", "unixReviewTime": 1469059200} +{"overall": 1.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "AGZ2PICR9H7NZ", "asin": "B00006XXGO", "style": {"Size:": " 10 D(M) US", "Color:": " Unbleached White"}, "reviewerName": "axel rocks34", "reviewText": "Need to return them!", "summary": "To big...", "unixReviewTime": 1477958400} +{"reviewerID": "A3K2DENECS1J71", "asin": "B0009HI1TG", "reviewerName": "jji", "verified": true, "reviewText": "These earrings are cheap looking and not worth the price. The crystals are mostly flat and do not capture the light well. Perhaps the faceted crystals would be more what I was looking for.", "overall": 2.0, "reviewTime": "05 25, 2012", "summary": "Cheap looking", "unixReviewTime": 1337904000} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "A28287GB36NS7R", "asin": "B000A2BIRW", "style": {"Size:": " XX-Large", "Color:": " Charcoal"}, "reviewerName": "Mary T.", "reviewText": "This was a gift and the recipient loved it.", "summary": "Loved it", "unixReviewTime": 1502668800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A284MUH12LIR1", "asin": "B0009MK8HO", "style": {"Size:": " Small", "Color:": " Multi", "Product Packaging:": " Standard Packaging"}, "reviewerName": "Cynthia Ball", "reviewText": "Nephew loves it", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A3D3S8KFM24EMG", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Vero Veritas", "reviewText": "Socks, Duh!", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "ARRPG9XA14X9O", "asin": "B0002TOZ1Y", "style": {"Size:": " 13-15", "Color:": " Black"}, "reviewerName": "Bruce Nygren", "reviewText": "THey are nice; and a good price. There a little baggie; Im a size 13", "summary": "Five Stars", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A35G47BSVSRV2A", "asin": "B0002M34U4", "style": {"Size:": " 38W x 34L", "Color:": " Umber - Discontinued"}, "reviewerName": "Amazon Customer", "reviewText": "great pant, great fit", "summary": "Five Stars", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A37AKIZUGHMZR9", "asin": "B000AGYEPG", "style": {"Size:": " 8 D(M) US", "Color:": " Tan"}, "reviewerName": "Ivan V. Dimitrov", "reviewText": "I am buying it for a second time and I love it! Love the look and the fit. Awesome!", "summary": "... am buying it for a second time and I love it! Love the look and the fit", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2018", "reviewerID": "A26C2BO9HQ9Z34", "asin": "B00075U5IA", "reviewerName": "consuela fisher", "reviewText": "Love it pretty cool", "summary": "Five Stars", "unixReviewTime": 1515283200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "A36XV158NALZV", "asin": "B000685PW4", "style": {"Size:": " Medium", "Color:": " Espresso"}, "reviewerName": "Paloma", "reviewText": "It was a gift for my father and he loved it. he says it dries him well and the material is soft and fluffy.", "summary": "Great!!", "unixReviewTime": 1459987200} +{"overall": 2.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A3P9K5VJOLR7PD", "asin": "B0009G4D1W", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "r00fus", "reviewText": "Scratchy cotton. Doesn't feel like 100, nor is it heavy. If it were at all possible, I'd return them.", "summary": "Doesn't feel like 100, nor is it heavy", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "A3PI9T5AL43C3X", "asin": "B0006MY4EU", "reviewerName": "Timothy Beaty", "reviewText": "Perfect in every way!", "summary": "Five Stars", "unixReviewTime": 1459987200} +{"reviewerID": "A1GR7I8R4OIP5R", "asin": "B0007SUEVK", "reviewerName": "mchr", "verified": true, "reviewText": "I love Minnetonka mocs...this is my 5th style and if this pair is like the rest they will last forever. The size is true and they are so comfortable with or without socks.", "overall": 5.0, "reviewTime": "12 17, 2014", "summary": "I love Minnetonka mocs", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "ABRH0C0HBAXZV", "asin": "B0000ZE858", "style": {"Size:": " 40G", "Color:": " Black"}, "reviewerName": "C. Landry", "reviewText": "Great fit!", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"reviewerID": "ANIZRDQM5FNRE", "asin": "B0001YRFS0", "reviewerName": "Sylvia D.", "verified": true, "reviewText": "Great fit very comfortable", "overall": 5.0, "reviewTime": "01 27, 2016", "summary": "Five Stars", "unixReviewTime": 1453852800} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A22AW2DF7S4HYN", "asin": "B0007RU7P4", "style": {"Size:": " 10 N", "Color:": " Black/Brown"}, "reviewerName": "Martin J. Sinclair", "reviewText": "Only wore once but fit as expected!", "summary": "Fit as expected", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A3GH2BS1H242V2", "asin": "B0002LY3CS", "style": {"Size:": " 12 3E US", "Color:": " Classic Brown"}, "reviewerName": "Joseph Anderson", "reviewText": "Sperry Topsiders are my favorite boat shoes and have been for years.", "summary": "The best, as expected!", "unixReviewTime": 1466726400} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A1I1MC66H4RK13", "asin": "B0002V9KCQ", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "jac", "reviewText": "bought these in large hoping that they would shrink a little when washed which they did.wore one last night and it felt good I like my shirts tight around the neck and this shirt was excactly what i hoped for.", "summary": "wore one last night and it felt good I like my shirts tight around the neck and ...", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2013", "reviewerID": "AQSQ4UKNN2CIK", "asin": "B0002UNNR0", "style": {"Size:": " 5.5 B(M) US", "Color:": " Black"}, "reviewerName": "A. Traynor", "reviewText": "they were comfortable and fit as expected. Happy to have found something fast for my boy who couldn't find black shoes.", "summary": "works just fine", "unixReviewTime": 1387238400} +{"reviewerID": "A1P0QI4QD9ECGQ", "asin": "B0001YRFS0", "reviewerName": "Earl M. Day", "verified": true, "reviewText": "Love these pants", "overall": 4.0, "reviewTime": "10 10, 2016", "summary": "Four Stars", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A3DYHVQB41FLRY", "asin": "B0007WZZYC", "style": {"Size:": " 30W x 32L", "Color:": " Dark Khaki"}, "reviewerName": "Forrest", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "AHPXKSCA9EPGS", "asin": "B00006XXGO", "reviewerName": "Amazon Customer", "reviewText": "these rock !", "summary": "Five Stars", "unixReviewTime": 1482451200} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A2UIPCGIFSIUAG", "asin": "B0009FB2WQ", "style": {"Size:": " Medium", "Color:": " Desert"}, "reviewerName": "Troy", "reviewText": "Good shirt, good price. Fits well, washes easily.", "summary": "Good shirt", "unixReviewTime": 1480636800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A3UL9L5O3EQ4ML", "asin": "B0008GN2VK", "style": {"Size:": " 4 D(M) US Men", "Color:": " Charcoal"}, "reviewerName": "Lena", "reviewText": "I thought it would be great to get slip-on chucks, but these are imposible! i struggled for sooooo long each time i tried to put them on because the stitching comes up pretty high and decided to cut them a bit. Good idea, but didn't help at all. ended up chucking the chucks. boo", "summary": "Boo", "unixReviewTime": 1360886400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "AAGX4ZXY85NR8", "asin": "B0007TQPGW", "style": {"Size:": " 13 D(M) US", "Color:": " Wellington Dark Brown"}, "reviewerName": "Dominic", "reviewText": "Looks like the picture and arrived on time", "summary": "Five Stars", "unixReviewTime": 1508803200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2017", "reviewerID": "A2N0OLTXLSTXAV", "asin": "B0007SUEYC", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black"}, "reviewerName": "Dominique Durant", "reviewText": "This is my second pair of mocs and I absolutley love them! They are stylish and so very comfy, oh and a must have for the fall weather!!", "summary": "... is my second pair of mocs and I absolutley love them! They are stylish and so very comfy", "unixReviewTime": 1506124800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "A14VEJF020O9D2", "asin": "B0002THY0S", "style": {"Size:": " 5", "Color:": " Black"}, "reviewerName": "Lucille", "reviewText": "Fits true to size and lasts a long time. Really a high quality opaque pantyhose.", "summary": "Five Stars", "unixReviewTime": 1464912000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A1W7FPG1OU5NP9", "asin": "B0007SUEBU", "style": {"Size:": " 6.5 B(M) US", "Color:": " Natural"}, "reviewerName": "Amazon Customer", "reviewText": "Love these, and I get compliments. I got them for boat shoes, but wear them more often anywhere.", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"reviewerID": "A1R9XU638XFIPL", "asin": "B0002USCE4", "reviewerName": "Alyssa Springer", "verified": true, "reviewText": "Cute standard ballet shoes. The bows are unnecessary and could be cut off. They are a little big on my daughter but I guess that's good for room to grow in to them.", "overall": 4.0, "reviewTime": "09 14, 2014", "summary": "Cute ballet shoes", "unixReviewTime": 1410652800} +{"overall": 1.0, "verified": true, "reviewTime": "10 9, 2013", "reviewerID": "A2SSCA01R84KB7", "asin": "B00064KB54", "style": {"Color Name:": " Brown"}, "reviewerName": "Anita", "reviewText": "this is to big for top stub checkbook cover and its backwards the change pocket should be on tne out side or not one at all", "summary": "not reccomended", "unixReviewTime": 1381276800} +{"reviewerID": "A3BWNA8ZM8OX12", "asin": "B0001YRFS0", "reviewerName": "dawn donovan", "verified": true, "reviewText": "These are stuff, work pants. Plain and simple..", "overall": 1.0, "reviewTime": "12 6, 2017", "summary": "Ugh", "unixReviewTime": 1512518400} +{"reviewerID": "AM7RVTOQ8S0DD", "asin": "B0007MFWZ4", "reviewerName": "CCK", "verified": true, "reviewText": "8.5 US is fit for man in 180.\nThe leather is not as red as I worried.\nVery suitable for smart casual", "overall": 5.0, "reviewTime": "12 18, 2013", "summary": "Very comfortable!", "unixReviewTime": 1387324800} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A3MV3RAQYP6RFU", "asin": "B0000WL750", "style": {"Size:": " 46W x 32L", "Color:": " Denim"}, "reviewerName": "Ricky Chapman", "reviewText": "reviews said to order a shorter length and I listened but wished I hadn't. also the material is much thinner than previous pairs of carhartts I have purchased in the past is the reason for the four stars otherwise a good product", "summary": "also the material is much thinner than previous pairs of carhartts I have purchased in the past is the reason for the four stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A28QBMCWQPHAMN", "asin": "B000ARPN4G", "style": {"Size:": " 11 D(M) US", "Color:": " Navy"}, "reviewerName": "t2tigger", "reviewText": "These are functional, comfortable, & come in great colors. These have to be the most comfortable slippers I have had in a long time. I love that they have an outdoor sole. I bought each color to shoe my entire family. These also clean up very easily.", "summary": "Amazing Slippers", "unixReviewTime": 1402963200} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A3HZ68IWW94V5F", "asin": "B0000A51F0", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Shoe was too narrow for me.", "summary": "Narrow", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A3DH35T06941J7", "asin": "B000AY9NQS", "style": {"Size:": " 36W x 32L", "Color:": " Indigo Stretch Fit"}, "reviewerName": "earl christopherson", "reviewText": "as just what I wanted fit great comfortable I had looked n store for them and could not find", "summary": "Five Stars", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A2HM17O7FMC9L", "asin": "B0002LTJN6", "style": {"Size:": " 6.5 B(M) US", "Color:": " White"}, "reviewerName": "Michael Gilvar", "reviewText": "Good buy", "summary": "I love it", "unixReviewTime": 1410220800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A3RNKF0QK2M1R8", "asin": "B0006U695E", "style": {"Size:": " 32W x 36L", "Color:": " Navy"}, "reviewerName": "Amazon Customer", "reviewText": "I buy these jeans for my husband. They are his favorite jeans. It's the only kind he'll wear. They fit good. They wear well and they last for years.", "summary": "They are his favorite jeans. It's the only kind he'll wear", "unixReviewTime": 1513468800} +{"reviewerID": "A2GTD69C89ANHL", "asin": "B0009GAXC0", "reviewerName": "Ed R.", "verified": true, "reviewText": "Awesome item at great value", "overall": 5.0, "reviewTime": "01 22, 2016", "summary": "Perfect", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2018", "reviewerID": "A3RV6AWM3PB0R", "asin": "B0008EOJBE", "style": {"Size:": " 20W Long", "Color:": " Black Stretch"}, "reviewerName": "Marilyn J. Riffel", "reviewText": "Flattering fit, elastic give you room to move and breath. Durable, nice color.", "summary": "nice color.", "unixReviewTime": 1515715200} +{"reviewerID": "ABFBGKZ655QGT", "asin": "B0002USCE4", "reviewerName": "Luis A. Villasmil", "verified": true, "reviewText": "Great", "overall": 5.0, "reviewTime": "08 18, 2014", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 4.0, "verified": true, "reviewTime": "08 13, 2017", "reviewerID": "AAK9Z4IONOKQ7", "asin": "B0002USBB8", "style": {"Size:": " 7 M US Toddler", "Color:": " Ballet Pink"}, "reviewerName": "Markeitta", "reviewText": "They are adorable & fit snug. I just wish I had purchased a 7 wide. Will purchase the wide when time comes for new shoes.", "summary": "Should have purchased a wide shoe", "unixReviewTime": 1502582400} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A2B1F2PUS8T0WU", "asin": "B00067G3E4", "style": {"Color:": " Turquoise/White Whtflr"}, "reviewerName": "Dr. Jeanne Kane", "reviewText": "Very silky fabric. Sturdy and thick enough to be worn as a dress. Vibrant colors. Great coverup.", "summary": "Nice pareo", "unixReviewTime": 1461715200} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "11 29, 2010", "reviewerID": "ABHBZLSS076Q6", "asin": "B0000TIIPK", "style": {"Color:": " Two-Tone/White"}, "reviewerName": "Dunkirk", "reviewText": "Bought at a store, thankfully because I've had to take it back three times because it has not worked. Three batteries later it still does not work. I love the look and feel of the watch, now if only it would work.", "summary": "Love it, hate it", "unixReviewTime": 1290988800} +{"reviewerID": "A2E7LRNX9O4C3R", "asin": "B0007USMFS", "reviewerName": "Pen Name", "verified": true, "reviewText": "son loves them", "overall": 5.0, "reviewTime": "02 11, 2015", "summary": "great", "unixReviewTime": 1423612800} +{"reviewerID": "A22OCO9SUNTKXY", "asin": "B00028AZ6E", "reviewerName": "david faa", "verified": false, "reviewText": "I have worn this style or pants for several years. They wear well, most stains come out at least for a while, and they provide plenty of room to move without restrictions.", "overall": 5.0, "reviewTime": "04 1, 2013", "summary": "Great for work", "unixReviewTime": 1364774400} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A2VX8XXBB5K4C3", "asin": "B00006XXGO", "style": {"Size:": " 4.5 D(M) US Mens/6.5 B(M) US Womens", "Color:": " Black"}, "reviewerName": "Sarah B.", "reviewText": "Fit really well! I have had them for a while and they still haven't fallen apart on me!", "summary": "Five Stars", "unixReviewTime": 1510704000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A3CIX2SZ8IXNZG", "asin": "B0009ATIHM", "style": {"Size:": " 8.5 3E US", "Color:": " Brown"}, "reviewerName": "Doc", "reviewText": "These are classic men's slippers and feel secure on my feet.", "summary": "Classic slippers!", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A2N3FHVZN8MM2B", "asin": "B000A794KU", "style": {"Size:": " 34W x 30L", "Color:": " Blue Stone - Stretch"}, "reviewerName": "William George", "reviewText": "They fit real nice liked them very much", "summary": "Five Stars", "unixReviewTime": 1454716800} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A1FNXSTBBZD27O", "asin": "B0008DWY12", "style": {"Size:": " 7.5 B(M) US", "Color:": " Hot Punch/Night Maroon"}, "reviewerName": "KimmyD", "reviewText": "Absolutely LOVE these!!! I went running today and they are so nice and bouncy! Run felt great!!! She's felt even better!!! They are true to size! I wear a 7.5 and it fits on point!! ", "summary": "Great kick!", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2012", "reviewerID": "AOBJOXDT7CNR3", "asin": "B0007VTQ02", "style": {"Size:": " 8 B(M) US", "Color:": " Brown"}, "reviewerName": "Jeanette Breen", "reviewText": "Read other reviews before ordering and all proved true...size was perfect, fit was perfect. Recepient getting a lot of use from them", "summary": "good", "unixReviewTime": 1326067200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A31AZPE386J9Y2", "asin": "B0007CKMOU", "style": {"Size:": " 48W x 30L", "Color:": " Overdyed Black"}, "reviewerName": "Jaaziah", "reviewText": "Even though they were a little smaller than elected, they fit fine and are quite comfortable.", "summary": "Nice Pair Of Jeans", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A12LCU8KPXEO3J", "asin": "B00008IQ74", "style": {"Size:": " F", "Color:": " Little Color", "Number of Items:": " 1"}, "reviewerName": "Lisa Bogg", "reviewText": "Will order this product again! The price was really good and it fit perfectly!", "summary": "Perfect", "unixReviewTime": 1485907200} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2012", "reviewerID": "ACGGG91TIHBYZ", "asin": "B0001YS56G", "style": {"Size:": " W34", "Color:": " Brown"}, "reviewerName": "Phil", "reviewText": "I only wish the in seam was longer. What will it take to get a 11 to 13\" inseam on these great shorts?", "summary": "Great shorts", "unixReviewTime": 1353283200} +{"reviewerID": "A31O9E8YPJZ279", "asin": "B0002MB9GK", "reviewerName": "Lu. E.", "verified": true, "reviewText": "Shoe fits as expected...is comfortable and fits as casual day wear. Would certainly purchase another pair. Shipped on time and packaged well.", "overall": 5.0, "reviewTime": "10 28, 2014", "summary": "comfy casual shoe", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A6AWQPTEJP6UB", "asin": "B00093DAOQ", "style": {"Size:": " 39 M EU / 8 B(M) US Women / 6 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "Elise", "reviewText": "Just like what you would find at a shoe store", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"reviewerID": "A3YQX5T3KFPB9", "asin": "B000AXVDOO", "reviewerName": "LINDA L CRAIG", "verified": true, "reviewText": "This bra has did not live up to the Playtex name.it was constructed with inferior fabric. I have already returned it. The straps were too short and the side panels had too much stretch. This kept the bra from holding the proper shape.", "overall": 3.0, "reviewTime": "04 25, 2017", "summary": "Poor construction", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A1F0SSZV3IR0XX", "asin": "B000783Z7A", "style": {"Size:": " XXX-Large Big", "Color:": " Black"}, "reviewerName": "Tools30", "reviewText": "Love these shorts. Light, comfortable, and perfect fit (I like shorts loose). I will order again, and can recommend them without hesitation.", "summary": "Love these shorts", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A2MA96FW3ERNPV", "asin": "B0001YS2BO", "style": {"Size:": " 36W x 32L", "Color:": " Stonewash"}, "reviewerName": "moonwalk69", "reviewText": "Got these today...extremely well made and good quality....very happy with the fit and quality...wasn't sure when I ordered them...but am very glad I did and the price was very reasonable....", "summary": "Carhartt Men's Traditional Fit Jean,Stonewash", "unixReviewTime": 1361145600} +{"overall": 1.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "AHRW3OCRBME82", "asin": "B0007YR980", "style": {"Size:": " 40DDD", "Color:": " Warm Steel", "Number of Items:": " 1"}, "reviewerName": "sharon matlock", "reviewText": "SUPPOSE TO BE 39 WAS PROB A 20", "summary": "One Star", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A2ZQPYC01BBRI7", "asin": "B00021NY28", "style": {"Size:": " 16 Short", "Color:": " Black"}, "reviewerName": "Jbinjamul", "reviewText": "Wonderful fit for my \"Apple\" figure. The fabric stretches in the right spots. Perfect length.", "summary": "Best fitting jeans for an \"apple\".", "unixReviewTime": 1483833600} +{"reviewerID": "A1I3OO4P1837LU", "asin": "B0000A53VA", "reviewerName": "Claravoyant08", "verified": true, "reviewText": "My husband is a fan of these and so am I. Since my son has been able to wear hard-bottom tennis shoes, we have purchased several pair and have never been disappointed.", "overall": 5.0, "reviewTime": "12 15, 2013", "summary": "K-Swiss Classic is a Classic", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A1CIPNMZBWUB79", "asin": "B000AYW0M2", "style": {"Color:": " Brown Croco/Gold-Tone"}, "reviewerName": "Connie Young", "reviewText": "Great watch and I love the indiglo feature. It's nice to see what time it is when it's dark. Great value for the price.", "summary": "Great watch and I love the indiglo feature", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A23ZJZFUW0N6F4", "asin": "B00067G3E4", "style": {"Color:": " Aqua Blue/Black"}, "reviewerName": "Sher", "reviewText": "I love it. Taking it with on vacation in the Cayman Islands! I'll be rocking the beach!", "summary": "Beautiful colors!", "unixReviewTime": 1452816000} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A37X1DJRHU4JG8", "asin": "B0002A6SUE", "style": {"Size:": " 38W x 29L", "Color:": " Black Metal (Stretch)"}, "reviewerName": "rich", "reviewText": "Exactly what I expected and a good value.", "summary": "Casual dress pants", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A2QCM7USXLIO7P", "asin": "B000657TLW", "style": {"Size:": " 9.5 D(M) US", "Color:": " Black"}, "reviewerName": "No", "reviewText": "He really likes them. None of his friends have them and he wil not tell where he got them.", "summary": "Five Stars", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "ABAPHADV063MP", "asin": "B0002TOPH8", "style": {"Size:": " 9-11 (Shoe Size 6-9)", "Color:": " Denim"}, "reviewerName": "vera l", "reviewText": "These are great socks, this was a reorder, liked them so much, ordered more.", "summary": "Five Stars", "unixReviewTime": 1498608000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A9LRAZ5B8377G", "asin": "B0007PN9XI", "style": {"Size:": " 12 D(M) US", "Color:": " Black/Running White"}, "reviewerName": "JP", "reviewText": "This shoe is a classic! My boyfriend has been wearing them for years and years! Once he wears them down-we just get a new pair!", "summary": "Classic!", "unixReviewTime": 1354665600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "A3LNLVXH8L0Q4T", "asin": "B0009F0W5O", "style": {"Size:": " 6 B(M) US", "Color:": " Grey"}, "reviewerName": "Amazon Customer", "reviewText": "I have same in Black love them", "summary": "Five Stars", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": false, "reviewTime": "08 23, 2014", "reviewerID": "A2NWSGMO2X4SSU", "asin": "B0002XSWR8", "style": {"Size:": " Medium", "Color:": " Lemon Whip"}, "reviewerName": "Alberto Camacho", "reviewText": "very good product, excellent", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2012", "reviewerID": "A3170SYZRXW3I9", "asin": "B00062NPDQ", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Darrell E. Brown", "reviewText": "Enjoy the product and it was delivered in a very timely manner. Product arrived with no quality issues and I've been enjoying it as a mid-summer out apparel.", "summary": "Great delivery & Product", "unixReviewTime": 1338422400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A2PEBND5DPLSPY", "asin": "B0000TIKK8", "style": {"Color:": " Purple/Pink Stripes"}, "reviewerName": "Linda F. Carlson", "reviewText": "I want our granddaughter to learn to tell time on an analog watch and this one with the additional 5-minute numbers is perfect.", "summary": "Perfect for a 6 year old learning to tell time", "unixReviewTime": 1500336000} +{"reviewerID": "A1F2XF7K99HPGQ", "asin": "B00028AZ6E", "reviewerName": "Kristen", "verified": false, "reviewText": "Way too small (at least 2 sizes) but seems to be well made", "overall": 3.0, "reviewTime": "12 28, 2016", "summary": "Three Stars", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": false, "reviewTime": "02 9, 2011", "reviewerID": "A11Z63WA3M2CTK", "asin": "B0009F0W5O", "style": {"Size:": " 11 B(M) US", "Color:": " Chocolate"}, "reviewerName": "Karen", "reviewText": "GREAT SLIPPERS! I DO PLEASE IF YOU ARE PLANNING ON WEARING THEM OUT TO SPRAY WITH WATER REPELlENT.LOVE THEM,VERY COZY", "summary": "LOVE THESE!", "unixReviewTime": 1297209600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2017", "reviewerID": "AM2ORJJXR020R", "asin": "B0000ZFJ0G", "style": {"Size:": " 8 1/2 -11", "Color:": " City Beige"}, "reviewerName": "Melanie Cruz", "reviewText": "Great stockings. They stay up but not too tight: The reinforced toe, which I ordered, help to keep the stockings a lot longer. I know where to buy my next set of knee highs. Thank you.", "summary": "Great stockings. They stay up but not too tight", "unixReviewTime": 1491696000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "AJ3TQQHX31COH", "asin": "B0007T107Q", "style": {"Size:": " 7.5 M US/D", "Color:": " Brown Oiled Waxy"}, "reviewerName": "Keith Maxin", "reviewText": "Have been and wearing them for over 30 years. Never a problem. Good product, they look good and last along time.", "summary": "On board with a great product. Sebago!", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "AOAQNR31MJY9P", "asin": "B0007YR980", "reviewerName": "Randma", "reviewText": "I bought 4 of these, 2 black and 2 beige. They fit extremely well and give great support. The wider straps don't make grooves on my shoulders. This is my new favorite style.", "summary": "Really comfortable as it supports", "unixReviewTime": 1492041600} +{"overall": 2.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A26C6VYHAP9Z12", "asin": "B00006XXGO", "style": {"Size:": " 9(B) M US Women, 7 D(M) US Men", "Color:": " Aruba Blue"}, "reviewerName": "Kendra Krezanosky", "reviewText": "You might want to take the Marshall's tag off of the shoes before you resell them with a 60% markup. Shoes are already marked up on the back heel and have silver sharpie on the soles.", "summary": "You might want to take the Marshall's tag off of ...", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A1MSWUO357IPDF", "asin": "B00006XXGO", "reviewerName": "Camille Massey", "reviewText": "Great fit!", "summary": "Great fit! Thank you", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A1TV1FTMGMK38T", "asin": "B00023JONO", "style": {"Style:": " Silver (30\" Length)"}, "reviewerName": "Kindle Customer", "reviewText": "beautiful, shines so brite. right length, great product, happy I ordered it and if another one is ever needed will order again", "summary": "neck chain", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A3JO79PPQ620PC", "asin": "B000094VPP", "reviewerName": "Maria Graciela Zamora", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "A2IM7NDILA4ET", "asin": "B0002PO16W", "style": {"Size:": " Large / X-Large", "Color:": " Natural"}, "reviewerName": "Natalie", "reviewText": "My hips have never been so happy in tights before. I take a lot of ballet classes, and these are soft and just the right thickness to be warm and supportive. The transition bottom is perfect, not too big/small, and work great with pointe shoes.", "summary": "The only tights that don't make muffin tops", "unixReviewTime": 1387584000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2014", "reviewerID": "A1305Z5FZNCAP2", "asin": "B0000CBALZ", "style": {"Size:": " 34W x 30L", "Color:": " Overdyed Black"}, "reviewerName": "Chuck Cochran", "reviewText": "Always consistent measurements and quality. The loose fit is great for horseback riding and motorcycle riding where a little extra ballroom is appreciated.", "summary": "Love those Wrangler's!", "unixReviewTime": 1394755200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A2XYFQBH6X0JBW", "asin": "B00020X30M", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "John M. Buob", "reviewText": "So many t shirts never fit properly but these have nice room and are longer than most t shirts. They just fit better,.", "summary": "Nice shirts", "unixReviewTime": 1380672000} +{"overall": 4.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A3ITB0FM0IECFO", "asin": "B0002ZCBKA", "style": {"Size:": " Big Kid (8-12 Years)", "Color:": " Chestnut"}, "reviewerName": "Melissa R.", "reviewText": "Just Received Mine. Buy Them Every Year From Here. Good Packaging. 100% Authentic. No issues.", "summary": "Fast Shipping No Regrets Nor Complaints ! 100% Authentic.", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A39MMZ14SVGYB2", "asin": "B0007YVUVC", "style": {"Size:": " Medium", "Color:": " Nude Beige Tones"}, "reviewerName": "mARTIE TAMIMI", "reviewText": "Very comfortable and the fit is perfect.", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A2LXYFHJ2L5P9L", "asin": "B0006TOVMS", "style": {"Size:": " 4T", "Color:": " Red"}, "reviewerName": "Lory L Minyen", "reviewText": "love the lady bug", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A3NHAU8HA3LHN3", "asin": "B0006LPK80", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "E. Zugerman", "reviewText": "Love the pouch style. Have been wearing them for years.", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 3.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "AHUEQ2WDE0A2M", "asin": "B00028B4XW", "style": {"Size:": " 38W x 30L", "Color:": " Dark Navy"}, "reviewerName": "carlton smith", "reviewText": "GREAT PRODUCT", "summary": "Three Stars", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A27WFX53GWFSMI", "asin": "B000B2RP5K", "style": {"Size:": " 6 W US", "Color:": " Cinnamon"}, "reviewerName": "S. M. Bazzel", "reviewText": "The sandals are nice looking and fit very well. I was glad to find a wide sandal in my size. I am very happy with them.", "summary": "The sandals are nice looking and fit very well", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "AC32SBKZKQEVX", "asin": "B0002TOTEM", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Charcoal"}, "reviewerName": "Ron Odle", "reviewText": "These socks are great so far.", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 2.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "AN9Q12VT4DILS", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "Gin", "reviewText": "I've bought these before and I think the quality is not great. They are thin and rough.", "summary": "... these before and I think the quality is not great. They are thin and rough", "unixReviewTime": 1517270400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A2ZKVURLM9O49R", "asin": "B00099CY4C", "style": {"Size:": " Large / XL"}, "reviewerName": "Barbara Foley", "reviewText": "The old cinch belt I grew up with, only perhaps slightly larger. Goes great with my poodle skirt (I'm only allowed to wear in our old car)...", "summary": "Bring it Back!", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A2OPZ0P39UIIN7", "asin": "B00063W3X8", "style": {"Color:": " Black"}, "reviewerName": "Jodi Hendrickson", "reviewText": "I wear these all spring and summer for golf. Have purchased the flimsy ones at craft stores and they blow right off if there is a slight breeze. This fit great and held on. Did not give me a headache like some visors.", "summary": "Golfing", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "AB8W6EG0UUYGT", "asin": "B0000V9E3S", "style": {"Size:": " 5 B(M) US", "Color:": " Jade Green/Neutral Grey"}, "reviewerName": "Stephen Smith", "reviewText": "Fit perfect I love keen shoes been Wearing 1 years", "summary": "Very good condition", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2013", "reviewerID": "A3F5RNJFHR4TQN", "asin": "B0000TIKK8", "style": {"Color:": " Purple/Pink Floral"}, "reviewerName": "Linda Byrd", "reviewText": "I bought for a great granddaughter for Christmas. Why did I like it ? It is a precious little watch for any young girl.", "summary": "Young Girls Watch", "unixReviewTime": 1388275200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A2WOTLDV23ZOZ6", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "Lady Somerset", "reviewText": "The watch was just what I wanted. Good price. Back light. Leather strap and large numbers.", "summary": "Thewatch was just what I wanted", "unixReviewTime": 1423958400} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A2GX6X2TDOBEA8", "asin": "B000A2K7WO", "style": {"Size:": " 46W x 30L", "Color:": " Vintage Indigo"}, "reviewerName": "Travis F.", "reviewText": "Denim fabric was nice, but the waist is higher than desired and the seat is too tight causing pockets to stretch.", "summary": "Denim fabric was nice, but the waist is higher than desired and ...", "unixReviewTime": 1433635200} +{"reviewerID": "A31KYXLLVU1H3V", "asin": "B00028AZ6E", "reviewerName": "David Bartman", "verified": true, "reviewText": "This brand of work pants wears very well and has a good fit and strong construction of seams. Will order these again.", "overall": 5.0, "reviewTime": "02 25, 2014", "summary": "I always buy this brand of work pants", "unixReviewTime": 1393286400} +{"overall": 4.0, "verified": true, "reviewTime": "03 11, 2014", "reviewerID": "A113HC77QK8U9B", "asin": "B00022JPNE", "style": {"Size:": " Medium", "Color:": " Woodland Camo"}, "reviewerName": "King Cool", "reviewText": "My wife really likes these camo's. As far as I know camo's are the \"in\" thing this time. I wore camo's as far back as 1969.", "summary": "Lookin' good ...", "unixReviewTime": 1394496000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A3PWL830WSWBWV", "asin": "B00024QWGK", "style": {"Size:": " 11.5 EE US", "Color:": " Distressed Brown"}, "reviewerName": "GlennC", "reviewText": "Comfortable, long lasting, and looks good.", "summary": "Five Stars", "unixReviewTime": 1507680000} +{"overall": 1.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "AVBJCW0CWCLCG", "asin": "B0007UMA3S", "style": {"Color:": " Black"}, "reviewerName": "Billy", "reviewText": "cheaply made and smells bad", "summary": "One Star", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2014", "reviewerID": "A35K5MWU5RNMXX", "asin": "B00023K6EA", "style": {"Length:": " 30.00"}, "reviewerName": "Amazed", "reviewText": "I bought this as a gift to go with the 'Om Yin Yang Pendant'. The chain has no flaws to speak of.", "summary": "Just the right length", "unixReviewTime": 1392336000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A37I2QC0ZZ7JXA", "asin": "B00006XXGO", "style": {"Size:": " 7 Men 9 Women", "Color:": " Black Monochrome"}, "reviewerName": "Missy Palmer", "reviewText": "Daughter loved them", "summary": "Good", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A1YBRI88AKLAIJ", "asin": "B0000891KM", "style": {"Size:": " C/D", "Color:": " Natural", "Number of Items:": " 1"}, "reviewerName": "Jewell Palmer-rosales", "reviewText": "As expected", "summary": "Good", "unixReviewTime": 1437868800} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A3G6YQI87Z9YBE", "asin": "B0000ANG1E", "style": {"Color:": " Black"}, "reviewerName": "Barefootd", "reviewText": "Gift for my husband. He likes taking just a couple items so it's perfect.", "summary": "He likes taking just a couple items so it's perfect.", "unixReviewTime": 1429228800} +{"reviewerID": "A1XY9DWDJPYLC1", "asin": "B0009GEFPQ", "reviewerName": "M. L. Wash", "verified": true, "reviewText": "wearimg it now!!", "overall": 5.0, "reviewTime": "06 24, 2016", "summary": "Five Stars", "unixReviewTime": 1466726400} +{"overall": 3.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A7K55EQ7IVBFC", "asin": "B0007KPP7G", "style": {"Size:": " XX-Large", "Color:": " Caribbean Blue"}, "reviewerName": "D. P. Corbett", "reviewText": "Larger than expected. Do not like the way they fit", "summary": "Just OK", "unixReviewTime": 1422835200} +{"reviewerID": "A1KWKZI79MJRON", "asin": "B0001YRFS0", "reviewerName": "imagamer", "verified": true, "reviewText": "Nothing fancy. The just fit. I can sit and stand without feeling like I need to adjust to cover my backside.", "overall": 4.0, "reviewTime": "08 27, 2017", "summary": "They just fit", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A324M0TI9ZJQFV", "asin": "B0007YXRVI", "style": {"Size:": " 44D", "Color:": " Honey"}, "reviewerName": "Phredd", "reviewText": "Very comfy, very pretty.", "summary": "Will order several more", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "AH4ANB9Y8RQFN", "asin": "B0009G8HO6", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Ece", "reviewText": "My BF loved it!", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A1AB1L8BEQWY5G", "asin": "B0002PQX1I", "reviewerName": "Janiceelaine", "reviewText": "Cute little watch.", "summary": "Four Stars", "unixReviewTime": 1409788800} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2012", "reviewerID": "A2X4HLPBNFGHG9", "asin": "B0007MFW8Q", "style": {"Size:": " 7 D - Medium", "Color:": " Taupe Suede"}, "reviewerName": "Kan", "reviewText": "classic style , looks good , not very comfort ,but they are boots ,so ,i can understand. not too much to say .", "summary": "classic style", "unixReviewTime": 1354320000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A2QXHA0EWM9A44", "asin": "B0009GA2SA", "style": {"Size:": " Medium", "Color:": " Athletic Heather"}, "reviewerName": "Patricio", "reviewText": "Very happy with the price and quality of this product, definitively will buy more of this brand, fits as expected and very comfortable", "summary": "Very happy with this shirt", "unixReviewTime": 1398643200} +{"reviewerID": "A2YV7HE8BVWSVK", "asin": "B00028AZ6E", "reviewerName": "Michael Magallon", "verified": true, "reviewText": "Fit too small", "overall": 1.0, "reviewTime": "10 3, 2014", "summary": "Fit too small", "unixReviewTime": 1412294400} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2018", "reviewerID": "AAYD5ZW2BA4GO", "asin": "B0009F0Z38", "style": {"Size:": " Large / 8-9 B(M) US", "Color:": " Black"}, "reviewerName": "MKSkinner", "reviewText": "These are very nice and they have padding in the bottom. I was looking for a different style however these will suffice until I find what I am looking for.", "summary": "These are very nice and they have padding in the bottom", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A3ILM8CEQNP6EQ", "asin": "B0007SUEYC", "style": {"Size:": " 7.5 B(M) US", "Color:": " Navy"}, "reviewerName": "Ms. JP", "reviewText": "What a comfortable shoe. I am between a 7 1/2 and an 8 and according to most of the reviews (so very helpful by the way) I ordered a 7 1/2 and they fit perfect. I highly recommend these shoes you won't be sorry.", "summary": "So Comfortable!!", "unixReviewTime": 1410393600} +{"reviewerID": "AMPWJU4VE7CA9", "asin": "B00028AZ6E", "reviewerName": "BASSONO C.", "verified": true, "reviewText": "Nice pant love it", "overall": 5.0, "reviewTime": "10 16, 2014", "summary": "Five Stars", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2017", "reviewerID": "AHMP8AMIU2A3R", "asin": "B00093CZV0", "style": {"Color:": " Black/Silver-Tone/Yellow"}, "reviewerName": "i2saldivar", "reviewText": "I love this watch. I am replacing an older version with this newer version. The band does not cost much and can be easily replaced.", "summary": "I love this watch", "unixReviewTime": 1497830400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "AP8FM5V64H83J", "asin": "B0000891KM", "style": {"Size:": " E/F", "Color:": " Barely Black", "Number of Items:": " 1"}, "reviewerName": "Susan S", "reviewText": "As expected.", "summary": "Giid", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "AWGZF5J5QTZVD", "asin": "B00097E7R6", "style": {"Size:": " One Size", "Color:": " Red/White"}, "reviewerName": "Loni Holmes", "reviewText": "This is great for ages 1-3. Got it for my daughters halloween costume. She's 1. And it's a little big but fits her. Very very pleased with my purchase", "summary": "Love it", "unixReviewTime": 1440633600} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A1GVVZ1472ES18", "asin": "B0000891IO", "style": {"Size:": " PT/SM", "Color:": " Nude", "Number of Items:": " 1"}, "reviewerName": "Vevo", "reviewText": "Like the fact that these come in petite. Have only worn them twice so don't know how well they will hold up, hence the 4-star rating until I have more experience with them. The control top seems not as firm as some of the other Hanes nylons but I'm generally pleased with them.", "summary": "Pleased with purchase", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "AHW2BIHMB7LPI", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Smitty's Mom", "reviewText": "Great product ... Great Service!!", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A3R9FOBQ75V2O", "asin": "B0006MYTY0", "style": {"Size:": " 40", "Color:": " Khaki/Brown/Navy"}, "reviewerName": "Eric H", "reviewText": "This is a great belt. It feels well-made and it fits as expected.", "summary": "Great Belt!", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A3FU7A4Q2SLJ7U", "asin": "B000783QR4", "style": {"Size:": " X-Large Tall", "Color:": " Charcoal Heather"}, "reviewerName": "Lemarticus", "reviewText": "Great fit for a tall (6'4\") guy. Great quality. Will buy more.", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "ADAKA1GKKPPFY", "asin": "B0008EO5AE", "style": {"Size:": " 16", "Color:": " Premium Stone"}, "reviewerName": "LindaClare", "reviewText": "This is my second pair. The first were the dark blue. First jeans I've found that fit just right. Very happy.", "summary": "Love my Lee jeans very much.", "unixReviewTime": 1389139200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "AI74LVURQBIQ2", "asin": "B0009MZY2S", "reviewerName": "Kindle Customer", "reviewText": "I used these socks with clip mounted bicycle shoes, and they do provide an extra layer of cushioning. Prior to this, I used the full length socks and enjoyed them, so elected to go with the mini-crew version during warmer weather.", "summary": "Very Comfortable", "unixReviewTime": 1432252800} +{"overall": 3.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A15CI6EZO19YYN", "asin": "B000A794KU", "style": {"Size:": " 33W x 34L", "Color:": " Jagger"}, "reviewerName": "JUAN R SELLARES CEBALLOS", "reviewText": "It's ok", "summary": "Three Stars", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A2H8AD7HMJTA31", "asin": "B0000TII3C", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Space - New Orleans", "reviewText": "Great watch, delivered on time & as described.", "summary": "Great watch.", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A1RIUFUVJZYKUA", "asin": "B0009XXAPK", "style": {"Size:": " 10.5 D US/M US", "Color:": " Antique Tan"}, "reviewerName": "Samuel F. Suarez", "reviewText": "Fit perfectly, the color is fantastic and price too.", "summary": "Fit perfectly, the color is fantastic and price too.", "unixReviewTime": 1412726400} +{"reviewerID": "A15IYMM0BXLBE3", "asin": "B0007SUEVK", "reviewerName": "Eileen Szoke", "verified": true, "reviewText": "the shoes were nice. I ordered a wide, but turned out too big.", "overall": 3.0, "reviewTime": "09 3, 2016", "summary": "Three Stars", "unixReviewTime": 1472860800} +{"reviewerID": "A6U75KGQPG7BW", "asin": "B0007USMFS", "reviewerName": "DanP", "verified": true, "reviewText": "Great Jeans for the price. Size in my opinion as right on.. Great Value can't go wrong with these..", "overall": 5.0, "reviewTime": "09 18, 2015", "summary": "Great Value", "unixReviewTime": 1442534400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2017", "reviewerID": "AU1D9T157IRMX", "asin": "B00022JPNE", "style": {"Size:": " 3X", "Color:": " Brown"}, "reviewerName": "Attackproof", "reviewText": "Fit well and last through very rough use..\nI use these as my hard core martial arts training pants..Like a gi with pockets.", "summary": "Who needs a pouch..", "unixReviewTime": 1512518400} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A1W4SWUK56KG84", "asin": "B0007MFW8Q", "style": {"Size:": " 8.5 D - Medium", "Color:": " Beeswax"}, "reviewerName": "yash shevde", "reviewText": "Iconic. Very happy with this. Make sure you use the sizing tool to size down accurately", "summary": "Very happy with this", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A2IS39HUH6HZUD", "asin": "B0009B3IN6", "reviewerName": "Toni McGregor", "reviewText": "Have always loved Berkenstocks!!", "summary": "Perfect!", "unixReviewTime": 1476662400} +{"reviewerID": "A2FKO9GXUXZSSX", "asin": "B0002M4S54", "reviewerName": "Margaretha", "verified": true, "reviewText": "HUSBAND LIKED IT", "overall": 5.0, "reviewTime": "02 22, 2017", "summary": "Five Stars", "unixReviewTime": 1487721600} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A1H8CGBUQAZF8G", "asin": "B0001N5WMW", "style": {"Size:": " 6 B(M) US", "Color:": " Mineral Blue/Vapor"}, "reviewerName": "Steven H. Stine", "reviewText": "fits the need", "summary": "Four Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A7Y97PLJTJ25E", "asin": "B0007SUEYC", "style": {"Size:": " 5.5 B(M) US", "Color:": " Navy"}, "reviewerName": "John E.", "reviewText": "Love em! My foot is pretty wide and these fit great. I read that they run a bit big so I got a size smaller and they fit perfectly. The tops of my feet (above the arch) are very high from years of ice skating, but after adjusting the bow and retying, they are so comfy.", "summary": "Very comfortable and quality product", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A1Z4YY7V0KXPED", "asin": "B0007MFW8Q", "style": {"Size:": " 9.5 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Hardright", "reviewText": "Love how this pair looks with jeans. Comfortable and stylish. A guy's gotta have this in his wardrobe.", "summary": "Goes well with jeans", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2013", "reviewerID": "A27YJDFYCISE6U", "asin": "B000AL8IV2", "style": {"Size:": " Large", "Color:": " Fire Navy"}, "reviewerName": "Clovis David Koolman", "reviewText": "Very good and nice material. Living in the carribeans and it get hot, so the fabric is very nice. Good for hiking and carrying things in its pockets. The long sleeves make it ideal for protecting your arms when its very sunny.", "summary": "shirt review", "unixReviewTime": 1365206400} +{"reviewerID": "A2ARO54U0EFS5W", "asin": "B0006TVYR8", "reviewerName": "Jack G.", "verified": true, "reviewText": "Carhartt used to make a durable tee. Things change.", "overall": 4.0, "reviewTime": "09 13, 2017", "summary": "That was then and this is now.", "unixReviewTime": 1505260800} +{"overall": 1.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A31YZH0T8QSAD9", "asin": "B0007YR980", "style": {"Size:": " 38DD", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "cb", "reviewText": "The strangest bra ever. This bra made me look like I had torpedoes under my shirt. I returned it.", "summary": "Only if you want to look like Madonna", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "ACEMPL2ZD1ZJI", "asin": "B0007MFW8Q", "style": {"Size:": " 7 D - Medium", "Color:": " Oakwood"}, "reviewerName": "Amazon Customer", "reviewText": "The shoes are great and what I expected. I am satisfied with the purchase and merchandise met expectations. Thanks .", "summary": "Great shoes", "unixReviewTime": 1361318400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A7IS7TROISF1J", "asin": "B0007CKOMA", "style": {"Size:": " 38W x 34L", "Color:": " Black"}, "reviewerName": "Bob Hiltz", "reviewText": "Better fit than Levi's and more comfortable all around.", "summary": "better than Levi's", "unixReviewTime": 1427846400} +{"overall": 3.0, "verified": true, "reviewTime": "07 26, 2012", "reviewerID": "AQWK9YGL9MOWB", "asin": "B00061M20E", "reviewerName": "Don", "reviewText": "I ordered Olive Drab and manufacturer sent black instead....too much hassle to send back so I just kept it. NICE BELT.", "summary": "Great belt - wrong color sent by supplier.", "unixReviewTime": 1343260800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "AW1KH9949F8SR", "asin": "B0007SXLXI", "style": {"Size:": " 11 EEE", "Color:": " Black"}, "reviewerName": "Tim", "reviewText": "I've bought shoes on Amazon before and have not been entirely pleased with the fit, but these both fit perfectly. They are comfortable,well made and attractive.", "summary": "Nice, comfortable, attractive, well-fitting shoes", "unixReviewTime": 1398643200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "A39N0N5J2KAPVH", "asin": "B0007YR980", "style": {"Size:": " 38DD", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Laurese M.", "reviewText": "A little tight but workable", "summary": "Five Stars", "unixReviewTime": 1502668800} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2012", "reviewerID": "A3IJC2W8UN7IS3", "asin": "B0008EOUMM", "style": {"Size:": " 33W x 32L", "Color:": " Original Stone"}, "reviewerName": "Larry", "reviewText": "They're great jeans, comfortable, and wear well. The sizing is accurate. I like the little pocket for my cell phone.", "summary": "Lee's Carpenter Jeans", "unixReviewTime": 1351728000} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A2DN8ACFS3ZBUJ", "asin": "B000163G8G", "style": {"Size:": " 38C", "Color:": " White"}, "reviewerName": "lucky ducky", "reviewText": "Hi,\n\nI ignored some other reviews that said that the cup size runs small and ordered my regular size (38C). It fit like a 38B. Returned it and got a 38D, which fit. So, my advice would be order a cup size bigger!.", "summary": "Order One Cup Size Up!", "unixReviewTime": 1421366400} +{"overall": 1.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "ABKEK1AT1IW46", "asin": "B00006XXGO", "style": {"Size:": " 11.5 B(M) US Women / 9.5 D(M) US Men", "Color:": " Hyper Orange"}, "reviewerName": "Amazon Customer", "reviewText": "to big for the size", "summary": "One Star", "unixReviewTime": 1486252800} +{"overall": 4.0, "verified": true, "reviewTime": "09 23, 2013", "reviewerID": "A15IO1F1C319M3", "asin": "B0000A50X8", "style": {"Size:": " Big Kid (8-12 Years)", "Color:": " Black/Black"}, "reviewerName": "mzliz", "reviewText": "I bought this shoe for my grandson. Looks great. Fit is loose. So I think their sizes run larger. Too early to see if they stand up to my rambunctious 9 year old.", "summary": "Nice Shoe", "unixReviewTime": 1379894400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "AKD6M5QGTDTA4", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Kindle Customer", "reviewText": "Great fit, comfortable, just the right thickness which makes it fit perfect in my shoes.", "summary": "Five Stars", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2016", "reviewerID": "A10CBNE1P79PVV", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Grey Heather", "Number of Items:": " 6"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1478563200} +{"overall": 4.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1NA0J54YHKK3I", "asin": "B0007TLSEQ", "style": {"Size:": " 9.5 W US", "Color:": " Black"}, "reviewerName": "AlClemons", "reviewText": "Second pair of these shoes which are excellent except for minimal arch support. I bought new insole which work great. Otherwise, a excellent shoe especially the slip resistant shoe bottoms.", "summary": "s work shoe", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2018", "reviewerID": "ATZT4SL00EE9S", "asin": "B00093DAOQ", "style": {"Size:": " 45 M EU / 13 B(M) US Women / 11 D(M) US Men", "Color:": " Navy"}, "reviewerName": "Amazon Customer", "reviewText": "Exactky what I was looking for.", "summary": "Chucks", "unixReviewTime": 1524268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A377SC4U46KF0N", "asin": "B000B3NJ3Q", "reviewerName": "Aquabuddha", "reviewText": "nice shoe", "summary": "nice shoe", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A26YWO5NFFHQ31", "asin": "B0007YR980", "style": {"Size:": " 44D", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Red-wing blackbird", "reviewText": "Very comfortable.", "summary": "Good quality.", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "ANTFXARL9ME3Y", "asin": "B0009B3IN6", "reviewerName": "Traci Myers", "reviewText": "Thank you!", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1RWCXBJB6KAYJ", "asin": "B0007VTQ02", "style": {"Size:": " 7 B(M) US", "Color:": " Brown"}, "reviewerName": "BeeLieve", "reviewText": "A tad bit snug the first day but they loosen up. These are so comfortable and I get tons of compliments when I wear them. I will buy these again!", "summary": "Fringe Benefits", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2013", "reviewerID": "A3NMFXUXDLJ41A", "asin": "B00099D6F8", "style": {"Size:": " 8 B(M) US", "Color:": " Platinum"}, "reviewerName": "Maya", "reviewText": "You can dress these up, dress them down, and they fit great both out of the box and once broken in. As comfortable as Rainbows but so beautiful! Fits true to size and great for wide feet.", "summary": "Best sandal for any occasion", "unixReviewTime": 1378857600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2014", "reviewerID": "A2LEYQ0JJRO8SU", "asin": "B0001YRWJ2", "style": {"Size:": " 44W x 30L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "joe signorelli", "reviewText": "They fit great if you order one size larget than you normaly wear, i like them they remind me of my childhood , there comfortable, and handy when i,m doing construction work, i like them so much i ordered another pair,", "summary": "great deal bought more", "unixReviewTime": 1395705600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A2VN7ZA4MKGTI1", "asin": "B00007GDAL", "style": {"Color:": " Burgundy"}, "reviewerName": "Barbara Backus", "reviewText": "Very nice, fits well in my smaller bags.", "summary": "Five Stars", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A1PO9VNIADLB6D", "asin": "B0000TIIPK", "style": {"Color:": " Black"}, "reviewerName": "carpenter", "reviewText": "Nice styling, good design and it works well. Not a bad price, either.", "summary": "Good value for the price", "unixReviewTime": 1421107200} +{"overall": 4.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "AP0HGK86X7LAM", "asin": "B0009MZYD2", "style": {"Size:": " Large (Women's Shoe Size 10.5 -13.0, Men's Shoe Size 9-12.5)", "Color:": " Black"}, "reviewerName": "CES", "reviewText": "I've been wearing Thorlo socks for about 15 years, as they really are superior to all other socks on the market for comfort and overall feel.", "summary": "Great everyday work/play sock", "unixReviewTime": 1415059200} +{"reviewerID": "A1D6QM76NPPGLK", "asin": "B0000AFSX4", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Great product and really great quality for the price that I paid.", "overall": 5.0, "reviewTime": "05 6, 2016", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A3AYHIA0L8LY0Z", "asin": "B00008ID18", "style": {"Size:": " 9", "Color:": " cosmetic asst."}, "reviewerName": "LOUISE", "reviewText": "I love these underwear. The elastic is so small it is really comfortable. It is strong though and holds up in the wash.", "summary": "Best underwear", "unixReviewTime": 1385683200} +{"overall": 3.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A3DAWCSIH50DKM", "asin": "B0006AAW0W", "style": {"Size:": " 3X-Large Big", "Color:": " Zeus Navy"}, "reviewerName": "Gilbert", "reviewText": "Comfy", "summary": "Three Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2014", "reviewerID": "A3REKCGZDGC1BF", "asin": "B00007GDAL", "style": {"Color:": " Pink"}, "reviewerName": "KellyRae", "reviewText": "I love this wallet. I've tried many and they were too small or too large. Lots of space for everything, plus it's cute!", "summary": "Love it!", "unixReviewTime": 1397692800} +{"overall": 5.0, "verified": false, "reviewTime": "09 29, 2014", "reviewerID": "A384PKY10T5AG6", "asin": "B0002LTJN6", "style": {"Size:": " 7 3A US", "Color:": " Stone"}, "reviewerName": "Amazon Customer", "reviewText": "great Fit! Great Price!", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A3INPMH8FGRKYS", "asin": "B000A794KU", "style": {"Size:": " 34W x 32L", "Color:": " Tumbled Rigid"}, "reviewerName": "Keegan", "reviewText": "Nice dark blue jean with modern texture.", "summary": "Five Stars", "unixReviewTime": 1458432000} +{"overall": 1.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A1CGYRJXFVHYHJ", "asin": "B0002MD71U", "reviewerName": "grimshaw", "reviewText": "The shoes are size one and are 1 &1/2 inches too big", "summary": "One Star", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A1JHJZSKNGXQFC", "asin": "B0000V9E3S", "style": {"Size:": " 11 B(M) US", "Color:": " Midnight Navy/Neutral Gray"}, "reviewerName": "Bibi", "reviewText": "Love, love them. May get another pair in another color. My very first Keens, but won't be the last.", "summary": "Just what I wanted!", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2018", "reviewerID": "A19V7TCDC3MKVM", "asin": "B00009ZM7Z", "style": {"Size:": " 9.5 D(M) US", "Color:": " Fudge"}, "reviewerName": "Jonathan McDowell", "reviewText": "These are my most stylish and most comfortable shoes.", "summary": "Five Stars", "unixReviewTime": 1518566400} +{"overall": 1.0, "verified": true, "reviewTime": "05 16, 2014", "reviewerID": "A1VQSFKF00KOQ3", "asin": "B0000865JR", "style": {"Size:": " 3X / 4X", "Color:": " Nude"}, "reviewerName": "T Daniel", "reviewText": "I ordred Queen size....It looks like my child's 6x tights. It's no way I could get a leg into these.", "summary": "Runs very small.", "unixReviewTime": 1400198400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A1LQ9D9W6YJCZG", "asin": "B0002P5UTY", "style": {"Size:": " 11 B(M) US", "Color:": " White"}, "reviewerName": "Dee", "reviewText": "These shoes are extremely lightweight and comfortable. I wore these shoes for seven hours mostly standing and my feet was feeling great!", "summary": "Lightweight and Comfortable!", "unixReviewTime": 1394409600} +{"overall": 3.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A3I3MQRY9L1LKW", "asin": "B0002TOTEM", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "Dagnabbit", "reviewText": "mighty tight in the calf. rather synthetic and scratchy fabric", "summary": "stays up, but", "unixReviewTime": 1408838400} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A1Q3N3ZO61N4C3", "asin": "B0001N5WMW", "style": {"Size:": " 8 B(M) US", "Color:": " Baltic/Maize"}, "reviewerName": "Dawn M Van Houten", "reviewText": "I normally wear a 7 1/2 wide whenever I can find them. I ordered the 8 based on other reviews-definitely a good move. The elastic allows for my chubby feet to fit-very snugly. I was worried that the 8 would slip in the heel, as sometimes happens for me, but they are fine.", "summary": "I ordered the 8 based on other reviews-definitely a good move. The elastic allows for my chubby feet ...", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A342W1WHOQU84H", "asin": "B0008EO5AE", "style": {"Size:": " 8", "Color:": " Black"}, "reviewerName": "Patricia H. Quinlan", "reviewText": "These are the only jeans I will buy or wear. They fit every time.", "summary": "perfect fit", "unixReviewTime": 1418342400} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "AA69IJ1O4ZM75", "asin": "B0006LPK80", "style": {"Size:": " Medium", "Color:": " Red"}, "reviewerName": "E. brown", "reviewText": "Waist fits great. They're just a bit long for my taste.", "summary": "Four Stars", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A8TV4G8JVZMWD", "asin": "B0007Z2MLS", "reviewerName": "El Abuelo", "reviewText": "I purchased this as a Christmas present for my 3 year old grandson, he loves it so I love it. Need I say more?", "summary": "Christmas Present", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A1Q83FECFWQFTL", "asin": "B00006XXGO", "reviewerName": "bobbi humphreys herrick", "reviewText": "My daughter loves converse as wears nothing else! Can't go wrong with these!", "summary": "Five Stars", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "AG8AXM2W778LY", "asin": "B00023JONO", "style": {"Style:": " Silver (22\" Length)"}, "reviewerName": "Pickle", "reviewText": "Very nice chain. Good length. I wear it every day and it is sturdy enough to stand up to the accidental pulls", "summary": "Very nice chain. Good length", "unixReviewTime": 1483488000} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1YXPOK29KGJ2D", "asin": "B000A794KU", "style": {"Size:": " 36W x 32L", "Color:": " Indie Blue"}, "reviewerName": "ILuvBooks", "reviewText": "Odd fit. Very large in the waist for the pant size and overall fit in hips and legs.", "summary": "larger in the waist than expected.", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A73KXGY6D1Z0I", "asin": "B0009W5MZM", "style": {"Size:": " 9.5 W", "Color:": " Soggy Brown"}, "reviewerName": "Anibal Torres", "reviewText": "Great Shoes.", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "AN63ANM58E0I3", "asin": "B00006XXGO", "reviewerName": "Gregory", "reviewText": "Was really happy to find this shoe in a 10.5. Half sizes in Chucks are not easy to come by these days.", "summary": "Classic", "unixReviewTime": 1377475200} +{"overall": 4.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A1KWEA2M3KGVCH", "asin": "B0006U695E", "style": {"Size:": " 32W x 34L", "Color:": " Navy"}, "reviewerName": "Jeff", "reviewText": "These remind me of old Levi's pretty heavy weight they are my new favorites", "summary": "Four Stars", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A2ORN4YUY2NW0U", "asin": "B0000A50X8", "style": {"Size:": " Big Kid (8-12 Years)", "Color:": " White"}, "reviewerName": "coretta", "reviewText": "I loved it everything was fine it fit very well. And I know I will be ordering more sneakers in the future.", "summary": "Great Sneakers", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A1RE294Q0HQNAE", "asin": "B00001QHXX", "reviewerName": "Salty Dave", "reviewText": "Just as described", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"reviewerID": "A2GKJ3TLFNEUO7", "asin": "B0009XEBQC", "reviewerName": "bryan", "verified": true, "reviewText": "A little larger than expected, but very cute", "overall": 4.0, "reviewTime": "01 14, 2016", "summary": "Four Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": false, "reviewTime": "12 30, 2016", "reviewerID": "AHQ0YK1T0BBHG", "asin": "B00075ZYTK", "style": {"Size:": " 3X-Large", "Color:": " Basic Maroon"}, "reviewerName": "Kristin S.", "reviewText": "My son asked for 10 more, l was shocked. He loves the feel of these. 17yrs old and 6ft guy usually wants sport clothing, not plain tees. I will buy 10 more because these are made solid for a mans use and best of all...the PRICE! Lots of colors and sizes up to 5x.", "summary": "Buying 10 more!", "unixReviewTime": 1483056000} +{"overall": 2.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A3GBIII9EMERKB", "asin": "B00093DAOQ", "style": {"Size:": " 38 M EU / 7.5 B(M) US Women / 5.5 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "Amazon Customer", "reviewText": "I will be returning them", "summary": "Too large", "unixReviewTime": 1485302400} +{"reviewerID": "A1WLBYXD4CGSEJ", "asin": "B0001YRFS0", "reviewerName": "Lab", "verified": true, "reviewText": "Great fit and true to size", "overall": 5.0, "reviewTime": "05 31, 2016", "summary": "Fits", "unixReviewTime": 1464652800} +{"reviewerID": "A2EU3XMAKC6YUE", "asin": "B00028AZ6E", "reviewerName": "Lorraine", "verified": true, "reviewText": "These are the only pants and color that my Dad will wear. I was lucky I found them on Amazon -for him for Christmas.", "overall": 5.0, "reviewTime": "10 22, 2015", "summary": "Dickie Pants", "unixReviewTime": 1445472000} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A2RQRM1EIZ2EVL", "asin": "B0007T10C6", "style": {"Size:": " 12 D(M) US", "Color:": " Blue"}, "reviewerName": "Mr Original", "reviewText": "These shoes actually aren't bad. Definitely large for a 12, and pretty heavy, but otherwise nice for the price.", "summary": "Not bad...", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A2RICS8IQWXP7S", "asin": "B0007YR980", "style": {"Size:": " 38DDD", "Color:": " Cafe Au Lait", "Number of Items:": " 1"}, "reviewerName": "SANDY", "reviewText": "Good fit, good service. Would order again.", "summary": "Five Stars", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A8Z0BX5LPRCIF", "asin": "B000A38F22", "style": {"Size:": " X-Large", "Color:": " Burgundy"}, "reviewerName": "srfc", "reviewText": "very durable", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 1.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A1NSDDCWYDU4FD", "asin": "B0006MY4EU", "style": {"Size:": " Small-5/6", "Color:": " Black"}, "reviewerName": "Amy", "reviewText": "Bad fit, too large and I ordered the smallest size. And caused muscle strain in my legs. Also too low of a cut in the toe area. Made it even more unconfortable.", "summary": "Bad fit, bad feel.", "unixReviewTime": 1393545600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "AUW50ZOUF5DQ8", "asin": "B0009WM4QW", "style": {"Size:": " 11 W US", "Color:": " Dark Brown"}, "reviewerName": "Amazon Customer", "reviewText": "Boots were durable and withstood all that my husband put them through.", "summary": "Husband liked", "unixReviewTime": 1413244800} +{"reviewerID": "A269EHQQBMNU78", "asin": "B00028AZ6E", "reviewerName": "Juan H.", "verified": true, "reviewText": "Great pants!!", "overall": 5.0, "reviewTime": "10 11, 2014", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"reviewerID": "A2ND3GFWWZOV0", "asin": "B0007MG0K0", "reviewerName": "DCThompson", "verified": true, "reviewText": "cant beat the comfort of a clarks wallabee ! very versatile pair of shoes. and oh yes lots of compliments.", "overall": 5.0, "reviewTime": "08 6, 2014", "summary": "cant beat the comfort of a clarks wallabee! very ...", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2012", "reviewerID": "ANWIEZ5OGC9B0", "asin": "B000B255A2", "style": {"Size:": " 11.5 D(M) US", "Color:": " Tan"}, "reviewerName": "Jim of Colorado", "reviewText": "Great boots, comfort and performance. Wore these boots for 8 hours the first day and they were very comfortable and no blisters.", "summary": "Great boots", "unixReviewTime": 1328659200} +{"overall": 3.0, "verified": true, "reviewTime": "05 21, 2013", "reviewerID": "A39X80RZSF8IYF", "asin": "B00006XXGO", "reviewerName": "Teresa L Zermeno", "reviewText": "I wish they would come in wide sizes that would help me so much I love the shoes but my feet are to wide. and that's always a problem buying shoes for me.", "summary": "converse shoes", "unixReviewTime": 1369094400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A3B7IAD0ER42UU", "asin": "B00099E7D8", "style": {"Size:": " Big Kid (8-12 Years)", "Color:": " Black/ White"}, "reviewerName": "Just Joy", "reviewText": "Each time he outgrows a pair, we buy him another. He loves his Sambas.", "summary": "My son loves these.", "unixReviewTime": 1420156800} +{"overall": 2.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A2DP0ORMWJNQG4", "asin": "B0000ZBSP6", "style": {"Size:": " 34B", "Color:": " Toast"}, "reviewerName": "Concerned Citizen", "reviewText": "The fabric is very thin. Coverage is a primary consideration, and I couldn't wear this with a t-shirt without scandalizing the neighbors. It had to go back.", "summary": "very thin", "unixReviewTime": 1371686400} +{"overall": 2.0, "verified": false, "reviewTime": "03 18, 2017", "reviewerID": "A1B5CB0XEPG0H3", "asin": "B00075ZYTK", "style": {"Size:": " Small", "Color:": " Basic Black"}, "reviewerName": "Amazon Customer", "reviewText": "not cotton ,thin", "summary": "Two Stars", "unixReviewTime": 1489795200} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A1BWG4RK1K9UEY", "asin": "B00093UU2Q", "style": {"Size:": " Big Girls", "Color:": " Pink/Blue"}, "reviewerName": "L", "reviewText": "These run small. We bought size M (8-10), but they fit like a S (6-7). She can wear them, but not for long.", "summary": "but they fit like a S (6-7)", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A1MA8SX2DYIPRQ", "asin": "B0000A1REB", "style": {"Size:": " 9 3E US", "Color:": " Black London Calf"}, "reviewerName": "JudgeMan", "reviewText": "Beautifully made. Perfect fit. Comfortable, even if you rarely wear anything but tennis shoes! Will buy again through this dealer.", "summary": "Five Stars", "unixReviewTime": 1454716800} +{"overall": 3.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A29LXWN1PX52ND", "asin": "B0009G3QH4", "style": {"Size:": " XX-Large", "Color:": " Charcoal Heather"}, "reviewerName": "Michael W. Berg", "reviewText": "The description said this is a \"heavyweight\" fleece hooded jacket, however it is not, what I would consider, to be heavyweight. In fact, this should be considered as a mid or even lite weight. The \"hoodie\" I was trying to replace is much thicker and warmer.", "summary": "Not as described...", "unixReviewTime": 1487635200} +{"reviewerID": "AP17KYYXC61J3", "asin": "B0007MFWZ4", "reviewerName": "Lisa Johnson", "verified": false, "reviewText": "Nice shoes, good color and fit.", "overall": 5.0, "reviewTime": "09 19, 2014", "summary": "Nice shoes", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "AB6G90SBYA6XX", "asin": "B0007TLSEQ", "style": {"Size:": " 6.5 B(M) US", "Color:": " Black"}, "reviewerName": "Beth E. Bendler", "reviewText": "The shoe is a comfortable. There's not much arch support, but my custom made orthotics fit nicely in the shoes.", "summary": "Comfy shoes!", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2017", "reviewerID": "A3RAV58DMM0VWD", "asin": "B0000WL0XY", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Lexi Vaughan", "reviewText": "My husband loves it.", "summary": "Five Stars", "unixReviewTime": 1512345600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A3THC2C6X8N4M0", "asin": "B0007T6F62", "style": {"Size:": " 11 D(M) US", "Color:": " Burgundy"}, "reviewerName": "Joe D", "reviewText": "Great shows as expected!", "summary": "Great Shoes", "unixReviewTime": 1439337600} +{"overall": 5.0, "verified": false, "reviewTime": "06 28, 2017", "reviewerID": "A1NNDKJURRKXZK", "asin": "B00020J1BC", "style": {"Color:": " Silver-Tone"}, "reviewerName": "Jeff Clark", "reviewText": "This is the only place I could find this item and was exactly what I wanted !", "summary": "Five Stars", "unixReviewTime": 1498608000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "AQA5SUNRVZ75M", "asin": "B000685PW4", "style": {"Size:": " X-Large", "Color:": " Navy Blue"}, "reviewerName": "Terrence M. Pullen", "reviewText": "Very nice quality, heavy and well made. I am 5' 10\" and I have to lift it to walk up stairs without stepping on it so I wish it was 2\" shorter. I am happy with it and recommend it.", "summary": "Nice robe", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2014", "reviewerID": "ARPVKJX1Q8FZ3", "asin": "B0007CKOMA", "style": {"Size:": " 29W x 34L", "Color:": " Rough Wash Indigo"}, "reviewerName": "mercedes", "reviewText": "they look great on! good quality material. I purchased these for my son who is really hard to please and fit. He liked them too", "summary": "great choice", "unixReviewTime": 1400630400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "AE66WEFKCSJQJ", "asin": "B0007T32RM", "style": {"Size:": " 10.5 D(M) US", "Color:": " Burgundy"}, "reviewerName": "Mossback_50", "reviewText": "Very comfortable. Look great.", "summary": "Great shoe", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "AEJMYN7CNL8QM", "asin": "B0002XSWR8", "style": {"Size:": " Medium", "Color:": " Fossil"}, "reviewerName": "Ignacio Carrera", "reviewText": "Super comfortable.", "summary": "Really a good product. Will be buying 2 more.", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A2GVD24OC1NF2T", "asin": "B0000A6XS9", "style": {"Size:": " 4 US Men/6 US Women", "Color:": " Optical White"}, "reviewerName": "Ashton", "reviewText": "Bought for my 19 year old daughter. Seems all her friends are wearing the high tops. She also has them in black so that should tell you she loves them. Great price on Amazon.", "summary": "Great price on Amazon", "unixReviewTime": 1456444800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 13, 2012", "reviewerID": "A1MW5TA0TW43TK", "asin": "B0009IU81E", "style": {"Size:": " 8 B(M) US", "Color:": " Golden Tan"}, "reviewerName": "John H. Weiss", "reviewText": "I ordered this product for my wife. The last pair lasted for at least ten years before the sides blew out. She loves the new pair. I'd recommend these slippers to everyone.", "summary": "Mennetonka women's 3461 Sheepskin Mule Slipper", "unixReviewTime": 1347494400} +{"reviewerID": "AFH7H3S1E237M", "asin": "B00028AZ6E", "reviewerName": "Ernest Butler Sr.", "verified": false, "reviewText": "I love them the 874 pants are the way to go. Fits good and looks good.", "overall": 5.0, "reviewTime": "04 8, 2017", "summary": "Five Stars", "unixReviewTime": 1491609600} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A1C68AYJLHFCEH", "asin": "B0009YD97I", "style": {"Size:": " 33W x 29L", "Color:": " Black"}, "reviewerName": "dale cook", "reviewText": "Well tailored. Fit me perfectly.", "summary": "Fits & looks good", "unixReviewTime": 1479168000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A3177HNNOXM0K3", "asin": "B0000ANHTD", "style": {"Size:": " X-Large Tall", "Color:": " Independence Red (Closeout)"}, "reviewerName": "Susan K. Smith", "reviewText": "My husband looks so great in these shirts. They are extra thick. He has had them for 2 seasons now & they wash & look wonderful; no shrinking, no twisting of fabric.", "summary": "Made great.", "unixReviewTime": 1421280000} +{"reviewerID": "A2FDTB3JPBCVUY", "asin": "B0007MFWZ4", "reviewerName": "Simon", "verified": true, "reviewText": "I like them, although I always get a little heel slippage. I feel that's how they usually run. Nevertheless, they are very comfortable, I can wear them all day, and I even snapped a lace and customer service was very helpful and promptly mailed me a set of replacements.", "overall": 4.0, "reviewTime": "05 3, 2016", "summary": "Good customer service, comfortable shoes, a bit on the long side.", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A15R09TCROWE8X", "asin": "B000AYUMWW", "style": {"Size:": " 11.5 D(M) US", "Color:": " Tan"}, "reviewerName": "Mat", "reviewText": "These have lasted longer than my Redwing boots.", "summary": "Five Stars", "unixReviewTime": 1459382400} +{"overall": 3.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A239AEIHEPJIHV", "asin": "B0007SXLXI", "style": {"Size:": " 10.5 EEE", "Color:": " Burgundy"}, "reviewerName": "AAF", "reviewText": "Beautiful shoes, but they are a little tight. I ordered wide, but they are still a little tight", "summary": "Nice Shoes", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "A1XB8ENQX787TB", "asin": "B0002MD71U", "reviewerName": "Mel R", "reviewText": "Always a classic", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "AAFQIOAAUPAR9", "asin": "B0007T107Q", "style": {"Size:": " 11.5 M US/D", "Color:": " Brown Oiled Waxy"}, "reviewerName": "lilo", "reviewText": "One of the best boat shoes I've ever owned. Genuine leather, very soft outsole that makes them very comfortable. No need to break them they are durable from the first time they are worn. Excellent and recommended", "summary": "Excellent and recommended", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2017", "reviewerID": "AXLTH6CGGHG6W", "asin": "B000B24UPI", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black Leather"}, "reviewerName": "Siannon", "reviewText": "I don't know how to reach this seller. I did change my mind and wanted to keep the shoes.", "summary": "I don't know how to reach this seller. I ...", "unixReviewTime": 1504224000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "A319426GAP6P75", "asin": "B0007YR980", "style": {"Size:": " 38DD", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Shortie", "reviewText": "I purchased this for my mother. I took somewhat of a guess at the size, but it turned out great. She appreciates the wide shoulder straps.", "summary": "Good and reliable", "unixReviewTime": 1386892800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A16CM5QWBGVUZ7", "asin": "B0007WZZYC", "style": {"Size:": " 32W x 32L", "Color:": " Light Brown"}, "reviewerName": "matthew parrott", "reviewText": "Item was true to size and washes and dries well. Very comfortable!", "summary": "Well made!", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A2CB0YB9Y9ODK6", "asin": "B0002Y75CA", "style": {"Size:": " 10 D(M) US", "Color:": " Black Cherry"}, "reviewerName": "Amazon Customer", "reviewText": "Very nice quality boots!!", "summary": "Five Stars", "unixReviewTime": 1489449600} +{"overall": 4.0, "verified": false, "reviewTime": "11 9, 2014", "reviewerID": "AP175JOM5ALUG", "asin": "B0002B6PHY", "style": {"Size:": " 34DD", "Color:": " White"}, "reviewerName": "michelle", "reviewText": "Not bad", "summary": "Four Stars", "unixReviewTime": 1415491200} +{"overall": 4.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A2WI4CUNNVONVJ", "asin": "B0009FB2WQ", "style": {"Size:": " 3X Tall", "Color:": " Hunter Green"}, "reviewerName": "Heather D. Williams", "reviewText": "Very nice", "summary": "Four Stars", "unixReviewTime": 1407283200} +{"reviewerID": "A3LB02C85DI9ZM", "asin": "B0001YRFS0", "reviewerName": "NYC", "verified": true, "reviewText": "I bought these for my elderly father. He loved the quality of the pants but found the straight (not pleated) front a bit too snug for his taste.", "overall": 4.0, "reviewTime": "09 11, 2017", "summary": "To snug for older guys", "unixReviewTime": 1505088000} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A2XKSPQSPBSO9E", "asin": "B00075ZYTK", "style": {"Size:": " 4X-Large", "Color:": " Basic Oxford"}, "reviewerName": "HRV", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "AL3OUU3AY8RDB", "asin": "B0002M34U4", "style": {"Size:": " 40W x 34L", "Color:": " Black- Discontinued"}, "reviewerName": "ECgirlinCA", "reviewText": "Husband loves these pants.", "summary": "Five Stars", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A2VGQ5KWUP42LJ", "asin": "B0002LTJN6", "style": {"Size:": " 7.5 XW US", "Color:": " White"}, "reviewerName": "dj", "reviewText": "The sneakers were fine I somehow ordered an extra wide and I wear a medium so had to go back. Made this mistake before and gave the sneaks away. You would think I'd learn.", "summary": "The sneakers were fine I somehow ordered an extra wide and I wear ...", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2017", "reviewerID": "A33MBZTUT0B6I3", "asin": "B0002NYQO6", "style": {"Size:": " XX-Large", "Color:": " Deep Forest"}, "reviewerName": "Patrick", "reviewText": "Great sweater and surprisingly warm, and cheap!", "summary": "Five Stars", "unixReviewTime": 1513382400} +{"reviewerID": "A2DFINH7PH42RK", "asin": "B00028AZ6E", "reviewerName": "Steve Boatman", "verified": true, "reviewText": "Dickies pants, softer than those stiff canvas-like (regular) dickies.\n\nI'm a manager and use these exclusively for work. They have survived over a year of abuse with fuel, dirt, grime, bending/twisting, etc. Fit great, comfy, etc.", "overall": 4.0, "reviewTime": "02 8, 2015", "summary": "Great for work. Do not fade.", "unixReviewTime": 1423353600} +{"overall": 1.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A37H86FRTFEVVH", "asin": "B00006XXGO", "reviewerName": "Tanya I. Ramos", "reviewText": "Runs a WHOLE size too big", "summary": "One Star", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "A2T82KTPTGW2RE", "asin": "B0002LT6RU", "style": {"Size:": " 10.5 3E US", "Color:": " Sport White"}, "reviewerName": "Gil in San Antonio", "reviewText": "I have been wearing Hush Puppies since before most of you were born. And they still are high-quality, comfortable shoes with good arch support.", "summary": "You can't go wrong with these.", "unixReviewTime": 1500768000} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A3N8R851B0JVYX", "asin": "B000816LA4", "reviewerName": "JOE TYLER", "reviewText": "this item was very nice, unfortunately I had to send it back because it was too small. I will later order a larger size.", "summary": "nice spanx", "unixReviewTime": 1398124800} +{"reviewerID": "A3BB0IMMI4XU68", "asin": "B00028AZ6E", "reviewerName": "Happy in Phoenix", "verified": true, "reviewText": "I love the pants. Very comfortable and I can work all day in comfort. These do run just slightly smaller than all my other 36x29 pants but I need to lose a bit around the waist. Get you some, you will be very happy.", "overall": 5.0, "reviewTime": "06 7, 2016", "summary": "Great pants", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A3DOVWHSJRAR4Y", "asin": "B0006PQH1A", "style": {"Size:": " 11 D(M) US", "Color:": " Darkbrown"}, "reviewerName": "Erik H.", "reviewText": "Love them.\nThe only other flip flops besides Teva that I feel offer legitimate arch support and don't fall apart after a year of daily wear.", "summary": "Very Comfortable & Durable.", "unixReviewTime": 1416960000} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "AONDALD3GKPGL", "asin": "B0006AAS7E", "reviewerName": "Simon", "reviewText": "Looks great and can go with many styles. Though it is slightly smaller than I thought it would be.", "summary": "Looks great and can go with many styles", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A187819MROPWZV", "asin": "B000A794KU", "style": {"Size:": " 34W x 30L", "Color:": " Overhaul"}, "reviewerName": "Marc M", "reviewText": "They fit great. The length is a little longer than my other jeans. 30 length is more like a 32", "summary": "They fit great. The length is a little longer than my ...", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A1L7F9YC4QDATO", "asin": "B0006U695E", "style": {"Size:": " 38W x 33L", "Color:": " Navy"}, "reviewerName": "jmac", "reviewText": "Comfortable for my husbands expanding waistline", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A380PLM9JAZ4FL", "asin": "B0009GCRQ0", "style": {"Size:": " 2XL US (Chest 50-52)", "Color:": " Royal Blue"}, "reviewerName": "Robert E.", "reviewText": "Nice shirt. Great color!", "summary": "Five Stars", "unixReviewTime": 1452297600} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2012", "reviewerID": "A1TVMWEWGSAZ6W", "asin": "B0002UD48S", "style": {"Size:": " Husky Boys", "Color:": " Dark Navy"}, "reviewerName": "Carolyn D. Andrews", "reviewText": "The shorts looked as though they were well made, but I don't even know if they fit. I bought them for my grandson but he wouldn't even try them on, let alone wear them to school.", "summary": "too 'dorkie' for my grandson", "unixReviewTime": 1347753600} +{"reviewerID": "A14NJGJ12S5CGC", "asin": "B0001YRFS0", "reviewerName": "Josh Moscoso", "verified": true, "reviewText": "They did not fit the same as the ones I tried on at wal mart. Also, different ones have different buttons or slides on the front. Seemed fine though.", "overall": 2.0, "reviewTime": "09 16, 2014", "summary": "Seemed fine though.", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A3C3HCY3S7KVRI", "asin": "B0000A6XS9", "reviewerName": "sara macone", "reviewText": "Love the shoes", "summary": "Five Stars", "unixReviewTime": 1460678400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A1NZ9HN7F8YIHZ", "asin": "B0009W2E6C", "style": {"Size:": " Large/30", "Color:": " White"}, "reviewerName": "Candice M", "reviewText": "Perfect for my mermaid wedding dress. I loved that you couldn't see any signs of it through the dress either. Recommended to my other engaged friends :)", "summary": "Perfect for my mermaid wedding dress", "unixReviewTime": 1433635200} +{"reviewerID": "A1A4CLPFVMN0P2", "asin": "B00028AZ6E", "reviewerName": "Pen hil", "verified": true, "reviewText": "vxvxvxvxvxxvx !", "overall": 5.0, "reviewTime": "07 27, 2015", "summary": "see slim fit review", "unixReviewTime": 1437955200} +{"reviewerID": "A1GLXEDWJGLG1E", "asin": "B00028AZ6E", "reviewerName": "Amazon Customer", "verified": false, "reviewText": "These are the only pants that hold up for my son. He does bodywork for a living. These allow him to move freely and hold up to the extremes. Well worth the investment.", "overall": 5.0, "reviewTime": "01 23, 2017", "summary": "Great product/Great price", "unixReviewTime": 1485129600} +{"reviewerID": "A2LII3BB40HVFZ", "asin": "B0006U68Z0", "reviewerName": "Kali the Cat", "verified": true, "reviewText": "Perfect fit for my very thin nephew who is a hard-to-find size. The weight of the denim is good too. I expect he will get many years of use out of he Wrangler jeans.", "overall": 5.0, "reviewTime": "01 12, 2017", "summary": "Worth every penny.", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "AQ6UFKK3CHQJY", "asin": "B000095SGV", "style": {"Size:": " XXXX-Large"}, "reviewerName": "kckid", "reviewText": "Yes, this item was as described, well priced, and sized as indicated. My husband says it provided relief for his aching back.", "summary": "hubbie back brace", "unixReviewTime": 1392422400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A2UAPXI5BJZKSD", "asin": "B0007YR980", "style": {"Size:": " 38C", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "Carolyn Roshon", "reviewText": "I would like it if it fit correctly, not sure what size I need.", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 4.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A3TRP63LHM388D", "asin": "B0001YR54E", "style": {"Size:": " X-Large", "Color:": " Navy"}, "reviewerName": "hgherald", "reviewText": "This shirt is good quality and fits great; however, my husband usually wears the next smaller size in other brands so buy size accordingly.", "summary": "Well made shirt", "unixReviewTime": 1510704000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A2U7JLHJ9K7SLR", "asin": "B0009GCRQ0", "style": {"Size:": " 3XL US (Chest 54-56)", "Color:": " Smoke Gray"}, "reviewerName": "Karen", "reviewText": "These shirts fit great and the quality is good. Cheaper than the big box store so we ordered. Will order again.", "summary": "good value", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2017", "reviewerID": "A2NI4858BGWCLI", "asin": "B000A1GVMA", "style": {"Size:": " 12 EE - Wide", "Color:": " Distressed Brown"}, "reviewerName": "shaheed", "reviewText": "Just got them today. I love these boots fit and finish are incredible !!", "summary": "I love these boots fit and finish are incredible", "unixReviewTime": 1508457600} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2014", "reviewerID": "A1O58TRZWNPBXS", "asin": "B0007MFW8Q", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black Nubuck"}, "reviewerName": "Adam", "reviewText": "The way the leather folds when I roll my foot forward to push forward causes it to fold downwards on my toes. I lessened the problem by inserting a potato in the boot overnight, but even so, I'm not a fan of the extra pressure on my foot.", "summary": "Required Headline", "unixReviewTime": 1394582400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "AM390BOJ3TENX", "asin": "B00008IM8Q", "reviewerName": "rebecca Larrieu", "reviewText": "Runs good", "summary": "Five Stars", "unixReviewTime": 1459036800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A2A7E5JFK6P5PH", "asin": "B0001YRWJ2", "style": {"Size:": " 42W x 32L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "BECKY SCHOFIELD", "reviewText": "love these", "summary": "love these", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2014", "reviewerID": "A2GW873DH8N655", "asin": "B0002LI9BO", "style": {"Size:": " 8.5 D", "Color:": " Black"}, "reviewerName": "sameo-sameo", "reviewText": "I chose this rating because the show is very comfortable and fits right away, One of my favorite shoes so far.", "summary": "shoe", "unixReviewTime": 1391817600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1EJVHIWXLB3NV", "asin": "B0002TOZ2S", "style": {"Size:": " 13-15", "Color:": " Black"}, "reviewerName": "nina", "reviewText": "good quality", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A1R8FO2BXRTLA8", "asin": "B0007SXLXI", "style": {"Size:": " 8 D(M) US", "Color:": " Burgundy"}, "reviewerName": "LAURI MICHAELS", "reviewText": "Hubby loves these so much he is getting them in 2 more colors!", "summary": "Buttery soft leather", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A12Z8LNZNGOBTZ", "asin": "B0006U695E", "style": {"Size:": " 33W x 30L", "Color:": " Rough Stone"}, "reviewerName": "Jonathan Ewbank", "reviewText": "They are everything I expected.", "summary": "Five Stars", "unixReviewTime": 1462838400} +{"overall": 4.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A19Y4E4SYRFK38", "asin": "B0002MBFI2", "style": {"Size:": " 9 2E US", "Color:": " Black/Amaretto"}, "reviewerName": "Amazon Customer", "reviewText": "Perfect fit", "summary": "A+++", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2013", "reviewerID": "A13H1OKZALZT3V", "asin": "B0006U3E9S", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Seth R.", "reviewText": "I need them for wearing with Navy white uniform. Not on the shelves at WM any more, so this is where I get them.", "summary": "Can't find them anywhere else", "unixReviewTime": 1372809600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "AYRRKJW8R5K0J", "asin": "B0007TTT2O", "style": {"Size:": " standard", "Color:": " Honey"}, "reviewerName": "Todd Raber", "reviewText": "awesome boot ...... all day comfort", "summary": "Great Boots", "unixReviewTime": 1432684800} +{"reviewerID": "A3CNIUB3X4HQZK", "asin": "B0006U68Z0", "reviewerName": "Lauri Thompson", "verified": true, "reviewText": "My husband wears these to work every day and they go through many hot water washes with bleach to get out the grime. They come out fresh nd wrinkle-free!", "overall": 5.0, "reviewTime": "03 17, 2015", "summary": "Great work pants!", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2013", "reviewerID": "A1A5SDL85P5YCQ", "asin": "B0007X9F74", "style": {"Color:": " Grey/Blue"}, "reviewerName": "Kendon Lavia", "reviewText": "it is a lovely product. The item came on time and it was well packaged. I am pleased with my order and look forward in the near future to do business with this company again.", "summary": "Good", "unixReviewTime": 1368316800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "AT7NY2CS01OH3", "asin": "B0007QCQGS", "style": {"Color:": " Black/White Free Spirit"}, "reviewerName": "emiton", "reviewText": "beautiful backpack.", "summary": "Five Stars", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "AYTXNAHYF6ENU", "asin": "B000072US4", "style": {"Size:": " 10 US Men/12 US Women", "Color:": " Pink"}, "reviewerName": "pansy", "reviewText": "Love my Chuck Taylor's and the color is the best. almost hot pink.", "summary": "Five Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2012", "reviewerID": "A185EQ3GGMDKI5", "asin": "B0002LY3CS", "reviewerName": "csands", "reviewText": "My hard to fit son loves these shoes. He wears these constantly and the shoe still looks new! Great price & quality.", "summary": "Great shoes", "unixReviewTime": 1355011200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "AYRHAOH3IWUE1", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "jaypee", "reviewText": "Comfy warm and soft. Perfect for work and every day", "summary": "Perfect for work and every day", "unixReviewTime": 1430006400} +{"overall": 4.0, "verified": false, "reviewTime": "10 31, 2014", "reviewerID": "A166YW91ZI30AR", "asin": "B00064CCSI", "style": {"Size:": " 54", "Color:": " Universal"}, "reviewerName": "Cornfed", "reviewText": "Its a form fitting sweater to begin with...so I'd go a size or two larger than you think you need if you want a \"relaxed fit\"", "summary": "Fitting suggestion", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2017", "reviewerID": "AOFZYKLLHLFKG", "asin": "B000A1GVMA", "style": {"Size:": " 10.5 EE - Wide", "Color:": " Distressed Brown"}, "reviewerName": "James", "reviewText": "great felling, comfortable boots!", "summary": "Five Stars", "unixReviewTime": 1495065600} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2014", "reviewerID": "A2OZH7YK7O1HUZ", "asin": "B0002NZ898", "style": {"Size:": " X-Large", "Color:": " Burgundy"}, "reviewerName": "J. Flowers", "reviewText": "I would have prefered it to be a bit more roomy but it turned out to be a perfect fit", "summary": "Comfortable Fit", "unixReviewTime": 1401148800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "A1C3FVG4LS87UW", "asin": "B0006TIJEO", "reviewerName": "Ray-Ray", "reviewText": "The suit arrived on time and fit perfectly. In comparison with many costumes purchased on line this one was made of quality materials and constructed well. My 5 year old grandson just loves it!!", "summary": "J. Astronaut Suit", "unixReviewTime": 1383782400} +{"reviewerID": "AU6QVCMAE9J99", "asin": "B0002RZPRY", "reviewerName": "E. E. Kennedy", "verified": true, "reviewText": "I like these for so many uses, from church to grocery store trips. They are pretty and practical and more feminine than many sandals.", "overall": 5.0, "reviewTime": "05 23, 2016", "summary": "Pretty and comfortable", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A53KAYCAJ6FAI", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "K. Bell", "reviewText": "Great so far (only worn once), will update if needed. Fit is awesome. Constructions feels quality.", "summary": "CUMFY & PLUSH!", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "A2UGV75KZ1YQPR", "asin": "B0000891KM", "style": {"Size:": " A/B", "Color:": " Nude", "Number of Items:": " 1"}, "reviewerName": "Greta", "reviewText": "I have loved Hanes stockings for many years. They fit well and look great; plus they are very comfortable!", "summary": "Five Stars", "unixReviewTime": 1523923200} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "AHANKBTMF0O2F", "asin": "B0000E014L", "style": {"Size:": " Small", "Color:": " Natural"}, "reviewerName": "Amy Graham", "reviewText": "Great for the horrible frigid winter days. This layers wonderfully under my sweaters.", "summary": "Four Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "A36D2IB5DJGYQG", "asin": "B00009ZM7Z", "style": {"Size:": " 10 D(M) US", "Color:": " Dark Earth"}, "reviewerName": "BLDG Images", "reviewText": "Great shoes. Excellent grip on dry or wet surfaces, even light snow. They last for years. Easy on and easy off.", "summary": "Great Shoes.", "unixReviewTime": 1500854400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2013", "reviewerID": "AG93TW382QGYD", "asin": "B0009PS57G", "style": {"Size:": " 1X Plus", "Color:": " Red"}, "reviewerName": "Kindle Customer", "reviewText": "The fabric on this gown is thicker than I expected, the length is perfect. The red is nicer looking than I expected, the fit is great.", "summary": "More than exceeded my expectations", "unixReviewTime": 1376352000} +{"overall": 1.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A387QSHSGDNFSS", "asin": "B00006XXGO", "style": {"Size:": " 7.5 D(M) US", "Color:": " Black/Monochrome"}, "reviewerName": "Joan Robertson", "reviewText": "Too large and had no way of returning them gave them to someone who could wear them", "summary": "One Star", "unixReviewTime": 1439856000} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A33AH6ZKKTNMRS", "asin": "B0000C0UMK", "style": {"Size:": " 6", "Color:": " Black"}, "reviewerName": "T.Swift", "reviewText": "well made, very good quality for the price. 4 stars because it runs a little small. Whatever length you think you need, probably go 1 size bigger.", "summary": "very good quality, just run a little small", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2018", "reviewerID": "ANSKP64K6SOUI", "asin": "7709260373", "style": {"Size:": " T9-10", "Color:": " Black-v"}, "reviewerName": "Krista Boyer", "reviewText": "Arrived just as described! Just what we needed!", "summary": "Five Stars", "unixReviewTime": 1523145600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "AV38H3CEWWTZQ", "asin": "B0000TW41Y", "style": {"Size:": " 48W x 30L", "Color:": " Moss"}, "reviewerName": "HHM, PAhrump, NV", "reviewText": "Sturdy product, like the double overlay yielding increased durability. Size is right on.", "summary": "Sturdy Product", "unixReviewTime": 1467676800} +{"overall": 4.0, "verified": false, "reviewTime": "10 1, 2014", "reviewerID": "A2RMD4A5CJSOKI", "asin": "B00080NYU0", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Juan B. Rodriguezbarrantes", "reviewText": "Bigger than expected, product feels cheap and it feels like your cards will fall off.", "summary": "product feels cheap and it feels like your cards will fall off", "unixReviewTime": 1412121600} +{"reviewerID": "A1YKA4WJ1WLQRS", "asin": "B00028AZ6E", "reviewerName": "Robert Miller", "verified": true, "reviewText": "good quality dickie pant", "overall": 5.0, "reviewTime": "12 9, 2014", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2014", "reviewerID": "A3CXHZT97EIMJG", "asin": "B000798IAI", "style": {"Size:": " Large", "Color:": " Tri Color Vintage"}, "reviewerName": "David Knutson", "reviewText": "Great fitting, very comfortable, can't wait to use them for hunting and camping. The colors will match the terrain I hunt, might get another pair.", "summary": "Awesome", "unixReviewTime": 1395964800} +{"overall": 3.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "AXXVK5OPVEMBV", "asin": "B0007YR980", "style": {"Size:": " 44D", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Bonnie Shorr", "reviewText": "Fine, if you're in the cast of Mad Men! Makes you very pointy, like all those photos of mom in the 60's. Great support, though.", "summary": "Fine, if you are in the cast of Mad Men!", "unixReviewTime": 1439769600} +{"overall": 2.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "A2VP8HRJ22F36X", "asin": "B000AYW0LI", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Amazon Customer", "reviewText": "I wish the wrist band was bigger it is tight. I wouldn't recommend this watch due to the wrist band!", "summary": "Too small of a wrist band", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A8C3C1YD3EVE6", "asin": "B00001TZZN", "style": {"Size:": " Large", "Color:": " Black/White"}, "reviewerName": "Catalina", "reviewText": "very good product", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"reviewerID": "A3EMSHQU7X72DD", "asin": "B00028AZ6E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Very nice pants length is great waist is smaller than regular pants", "overall": 3.0, "reviewTime": "06 24, 2017", "summary": "Three Stars", "unixReviewTime": 1498262400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A3DAVF7DQMC6W6", "asin": "B000AUVTJQ", "reviewerName": "Adam Solich", "reviewText": "Great shoe!! Very high quality, soft, and very comfortable. Great for wearing around the house, and with the durable rubber sole, you can even wear it out.", "summary": "Soft & Comfortable", "unixReviewTime": 1357862400} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "AGZ736OHT0V34", "asin": "B000B55AFE", "reviewerName": "James", "reviewText": "It's a simple, cheap, solid wind up watch and my wife loves it for general use daily.", "summary": "Wife happy!", "unixReviewTime": 1409788800} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A1RFUS9OZGBMNV", "asin": "B0006UH8RC", "style": {"Size:": " 5X / 6X", "Color:": " Utopia"}, "reviewerName": "vp", "reviewText": "My go to hosiery love them even though they run a little small.", "summary": "Four Stars", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "A1YQ9C6JNKURAK", "asin": "B000AGYEPG", "style": {"Size:": " 12 D(M) US", "Color:": " Black"}, "reviewerName": "Jacob", "reviewText": "Shoe fits as I had expected and has lasted me quite some time. Normal wear and tear has occurred, seeing as I wear them daily, and they have held up quite well.", "summary": "Shoe fits as I had expected and has lasted me ...", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A3HX8JHD1PNPWL", "asin": "B000A2KEAY", "style": {"Size:": " 34W x 30L", "Color:": " Antique Indigo"}, "reviewerName": "Matthew", "reviewText": "They are very tuff, and great for working. I like the gusseted crotch, it gives you more freedom to move.", "summary": "and great for working", "unixReviewTime": 1417478400} +{"overall": 1.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A1LEAO71U6JGE3", "asin": "B0000865SC", "style": {"Size:": " Size 46, Length 28\"", "Color:": " Ivory"}, "reviewerName": "Edward S. Hill", "reviewText": "I returned it", "summary": "One Star", "unixReviewTime": 1489449600} +{"overall": 1.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A13JTBMUAWSUZD", "asin": "B00006XXGO", "reviewerName": "Anthony", "reviewText": "To small needed shoes for vacation", "summary": "One Star", "unixReviewTime": 1504396800} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A1YPITOPXKJTJ", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Bluestone"}, "reviewerName": "Todd B.", "reviewText": "Really liking this shirt .Fits just right and has the room needed for the type of work I do. Comfort is 2nd to none.", "summary": "Really liking this shirt. Fits just right and has ...", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A2B5IJR57AWNDY", "asin": "B0001N5WMW", "style": {"Size:": " 8.5 B(M) US", "Color:": " Beet Red/Corydalis Blue"}, "reviewerName": "Kelli", "reviewText": "Fit great, arrived as described!", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 3.0, "verified": true, "reviewTime": "01 18, 2018", "reviewerID": "A28UY0QIUDJT95", "asin": "B0008EOQ4O", "style": {"Size:": " 33W x 34L", "Color:": " Python"}, "reviewerName": "Colby J", "reviewText": "Bit too relaxed for my liking", "summary": "Three Stars", "unixReviewTime": 1516233600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A2IY25MWSQISR9", "asin": "B0007MFW8Q", "style": {"Size:": " 6.5 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Amazon Customer", "reviewText": "It is great! I like it. But, the width is somewhat narrow.", "summary": "Five Stars", "unixReviewTime": 1449619200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A37JKUM245EEVR", "asin": "B0006UD6PK", "style": {"Size:": " XXX-Large", "Color:": " Brown"}, "reviewerName": "Brad P2", "reviewText": "OK so I bought this because I needed to get a stretch belt over a medical bandage and more. It worked great and was so adjustable. All pieces match in dark black not grey", "summary": "It is what it says it is and well built as well", "unixReviewTime": 1371600000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A28LX4Z7BD0MNP", "asin": "B0002MD71U", "reviewerName": "Holly Dunlap", "reviewText": "These shoes fit my 18 month old son great", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"overall": 4.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A1V0MPRPLNPOFY", "asin": "B0002PQX1I", "reviewerName": "Jaime,", "reviewText": "I bought this watch because I know that my wife loves small things like them . Loo ks pretty cool on her hands she is so happy with it!!", "summary": "Great watch!", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2Y3GAWICGXQT7", "asin": "B000AAEJV6", "style": {"Size:": " 9-11", "Color:": " Catnip Cats"}, "reviewerName": "Roxanne M. Scheri", "reviewText": "no problems", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A3JHY01YK347X8", "asin": "B0002MGM4O", "style": {"Size:": " 3XT", "Color:": " White"}, "reviewerName": "easydoesit", "reviewText": "great looking shirt and fine quality!! 5 STARS!!!", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2DASL5G4DZAGC", "asin": "B000B6A5HG", "style": {"Size:": " X-Large", "Color:": " Charcoal Heather"}, "reviewerName": "Erin", "reviewText": "In my opinion carharts the only work wear to buy. It's expensive but it is rugged and it will last.", "summary": "In my opinion carharts the only work wear to buy ...", "unixReviewTime": 1479686400} +{"overall": 2.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A2J7TP73GDYEYQ", "asin": "B0009BE40C", "style": {"Size:": " 9.5 D(M) US", "Color:": " Brown"}, "reviewerName": "Duane Oyen", "reviewText": "Not nearly padded enough. Could never wear them a long time.", "summary": "Get rubber soles next time.", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A3SD1NG1RLM6EU", "asin": "B000163G8G", "style": {"Size:": " 34D", "Color:": " Black"}, "reviewerName": "Starz123", "reviewText": "The one fab fit bra is so great I just purchased another in a different color. It is seamless so it is perfect under a t shirt. It is the perfect bra.", "summary": "So great I just bought another", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2GIQFOZMBGZZ9", "asin": "B00018C91E", "style": {"Size:": " 11 D(M) US", "Color:": " White/Black/Silver"}, "reviewerName": "moises", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A3BAC486948MYU", "asin": "B0002LT7LU", "style": {"Size:": " 8.5 3A US", "Color:": " White Smooth"}, "reviewerName": "nannyma", "reviewText": "The shoe is fine the problem is mine. I ordered the wrong size.", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A3HWHJ0UWFJ78I", "asin": "B0009HLT9K", "style": {"Size:": " 3T-4T", "Color:": " Buzz Lightyear"}, "reviewerName": "Amy L. Sines", "reviewText": "Fits well and is comfortable on child.", "summary": "Good product.", "unixReviewTime": 1424044800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A49MBXJW371NB", "asin": "B0006Z8B32", "style": {"Size:": " 8", "Color:": " Coral/White"}, "reviewerName": "Sam", "reviewText": "Cute dress. Definitely orange but that's just what I was looking for.", "summary": "Cute dress. Definitely orange but that's just what I ...", "unixReviewTime": 1430006400} +{"overall": 2.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A29N561FNRRQ3B", "asin": "B000087VAL", "style": {"Size:": " 11.5 D(M) US", "Color:": " Cognac"}, "reviewerName": "Thomas", "reviewText": "I took a chance on this shoe and I'm really disappointed. The quality looks cheap and feels cheap. Had horrible blisters after the first 2 days of wearing despite a good fit- the material is just unnaturally hard. I guess you get what you pay for. Really not great.", "summary": "Not good at all", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A28AE8BF08N9I4", "asin": "B00006XXGO", "reviewerName": "abel l. martinex", "reviewText": "Great buying experience. ..needed a specific style and size...found both at a great price, delivered in just two days", "summary": "Five Stars", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A10PIJ8JN95FGQ", "asin": "B0009GE2TK", "style": {"Size:": " Small", "Color:": " Grey Heather"}, "reviewerName": "Mary Kate Vespoli", "reviewText": "I wear this almost every day", "summary": "Fleece Sweater", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "A2NGXG9AGSY2AC", "asin": "B000ARTQGC", "style": {"Size:": " 11 W US", "Color:": " Allspice"}, "reviewerName": "Smokeymike", "reviewText": "Seem well-built. Good for going to the mailbox in the snow!", "summary": "Sturdy", "unixReviewTime": 1449705600} +{"overall": 1.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A2MDCU0OQPNT2B", "asin": "B0002TOTEM", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "J. Griffin", "reviewText": "These are NOT over the calf. May or may not be good socks but they are advertised incorrectly. I returned.", "summary": "NOT over the calf!", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2014", "reviewerID": "A3NZQQ1N0NGRGK", "asin": "B0009F0Z38", "style": {"Size:": " Large / 8-9 B(M) US", "Color:": " Black"}, "reviewerName": "Roseann", "reviewText": "I can always count on Isotoner slippers to fit and feel good. I recommend them to others and will buy them again.", "summary": "Always Love Isotoner", "unixReviewTime": 1394755200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A3L1QODR4QR8I6", "asin": "B0009G4D1W", "style": {"Size:": " XX-Large", "Color:": " White"}, "reviewerName": "Stephanie Jimenez", "reviewText": "This is a well-made T-Shirt. A good fit and washes well. Thank you.", "summary": "A good fit and washes well", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A2PD8COD4X00G7", "asin": "B0007KPP7G", "style": {"Size:": " Large Tall", "Color:": " Pewter"}, "reviewerName": "JB", "reviewText": "I'm 5'10\" & these have plenty of length.", "summary": "Five Stars", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2017", "reviewerID": "A3JOV717VL0CGU", "asin": "B00006XXGO", "style": {"Size:": " 7.5 B(M) US Women / 5.5 D(M) US Men", "Color:": " Roadtrip Blue"}, "reviewerName": "Garvin Soudatt", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1488585600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A3OYJ2RWZ8MWD0", "asin": "B0002TOZ2S", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "Steve", "reviewText": "Well made.", "summary": "Very comfortable and light", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "AZROV92CDID6L", "asin": "B0007YXUWO", "style": {"Size:": " 34C", "Color:": " White"}, "reviewerName": "Stanley Conner", "reviewText": "Just what I wanted", "summary": "Four Stars", "unixReviewTime": 1413072000} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A150NPPJJ8QJ2M", "asin": "B0006SCZUE", "style": {"Size:": " XX-Large", "Color:": " Red"}, "reviewerName": "M. Wright", "reviewText": "A very nice shirt and just as expected.", "summary": "Four Stars", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2017", "reviewerID": "AJ9P1IEWDZQ3Q", "asin": "B000B252GO", "style": {"Size:": " 10 D(M) US", "Color:": " Black"}, "reviewerName": "J. Biggart", "reviewText": "My son loves his Sketcher boots. We are a skechers family. This shoe did not disappoint.", "summary": "Good shoe", "unixReviewTime": 1502323200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "AXRA6Q1HB0E1R", "asin": "B0001YRWJ2", "style": {"Size:": " 40W x 30L", "Color:": " Indigo Rigid"}, "reviewerName": "Sandra L. Clarke", "reviewText": "they were as expected great thank you always a good experience", "summary": "Five Stars", "unixReviewTime": 1501372800} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "ANCMXFHK7MS8U", "asin": "B00093DAOQ", "reviewerName": "Amazon Customer", "reviewText": "Nice", "summary": "Four Stars", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "AU9WJZMJ56GXX", "asin": "B0000TW41Y", "style": {"Size:": " 32W x 36L", "Color:": " Black"}, "reviewerName": "Artist in Reno", "reviewText": "Just can't believe how well these wear, and last!", "summary": "Tuff stuff!", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A1LSI6FHSA7VUS", "asin": "B0000UZ5P0", "reviewerName": "J. Alberts", "reviewText": "I have a few pieces of silver and over time, they begin to tarnish. I ordered the silver polishing cloth and spent just a little time rubbing the tarnished areas and I have brightly polished silver piece again. Not time intensive at all-great results.", "summary": "Shines Like New", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2012", "reviewerID": "AKJ8R4DYWUMDB", "asin": "B00081QWEY", "style": {"Color:": " Soccer"}, "reviewerName": "Michele Bjarnson", "reviewText": "My daughter's Ugg's always smell so bad after school that I had to find something to freshen them up. This product works great! I now have six pairs of these for all my kids smelly shoes!", "summary": "Fantastic!", "unixReviewTime": 1351296000} +{"overall": 5.0, "verified": false, "reviewTime": "07 2, 2016", "reviewerID": "A15T62UQF18E6Z", "asin": "B00008WIAN", "style": {"Size:": " One Size", "Color:": " Barely There"}, "reviewerName": "serenity", "reviewText": "Very nice stockings. Sheer and pretty, and fit well.", "summary": "Happy Feet", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "ACSUA7PYMRZW6", "asin": "B0002LTJN6", "style": {"Size:": " 8.5 B(M) US", "Color:": " White"}, "reviewerName": "Linda Lozier", "reviewText": "Love them. I have worn them for years.", "summary": "Great shoes.", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2014", "reviewerID": "A2J18LKW44SBJQ", "asin": "B0009G8HO6", "style": {"Size:": " Small", "Color:": " Royal"}, "reviewerName": "Janet Morgan", "reviewText": "I am a tall, slender female. The men's small t shirts fit me perfectly. They are great under scrubs and the colors are bright and fun", "summary": "perfect for casual wear", "unixReviewTime": 1392854400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "AX9Y395TU2FS6", "asin": "B000A2K71A", "style": {"Size:": " 35W x 30L", "Color:": " Antique Indigo"}, "reviewerName": "Katie Patton", "reviewText": "These are the only work jeans my husband will wear. Rugged, long wearing, with everything he wants to carry tools and his phone.", "summary": "These are the only work jeans my husband will wear ...", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "A1UB8C08NSZIJ", "asin": "B0007MFW8Q", "style": {"Size:": " 8 D - Medium", "Color:": " Taupe Suede"}, "reviewerName": "mckerel", "reviewText": "Love the shoe I am glad I got it. people say it runs big, but I disagree,\nI wear converse shoe size 8 and I wear this shoe size 8 as well, but converse is little bit more bigger than this.\n\nthe sole is kinda slippery", "summary": "Love it", "unixReviewTime": 1358726400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2P6Y0PUJ8CZ6R", "asin": "B0009G4D1W", "style": {"Size:": " Medium", "Color:": " Military Green"}, "reviewerName": "Aj", "reviewText": "It fits good. Comfy fabric. Ye", "summary": "Ye", "unixReviewTime": 1438905600} +{"reviewerID": "A303YQ8S0Z3WG8", "asin": "B000657TL2", "reviewerName": "Vernon Warren", "verified": true, "reviewText": "Great product. Very comfortable", "overall": 5.0, "reviewTime": "06 16, 2015", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A2I3XLI25T9IJP", "asin": "B0008EO5AE", "style": {"Size:": " 14 Short", "Color:": " Black"}, "reviewerName": "JoAnn", "reviewText": "Love them but even the short isn't short enough!! I guess that is what I get for being so short!!!! I love the stretch they have!", "summary": "Love them but even the short isn't short enough", "unixReviewTime": 1441411200} +{"reviewerID": "ASU4I1DSLAC8H", "asin": "B00028AZ6E", "reviewerName": "D. J.", "verified": true, "reviewText": "All of my pants are a 32\". These fit more like a 29\"/30\" waist.\nI reordered the relax fit 32\" (same as my other Dickies) and they to were to small.", "overall": 1.0, "reviewTime": "03 11, 2014", "summary": "does not fit like a 32\" waist", "unixReviewTime": 1394496000} +{"overall": 2.0, "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "ASB9XKSDFEHO0", "asin": "B000B5GUBW", "style": {"Size:": " One Size", "Color:": " Blue"}, "reviewerName": "Vaclav Lojka", "reviewText": "I am sorry but this is made for ladies, kids or really small people. Not big guys like me. If you are big guy with a big head avoid it!", "summary": "Too small for a big guy", "unixReviewTime": 1401753600} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2017", "reviewerID": "A1DL8LZ2FJ46M5", "asin": "B0009G3QH4", "style": {"Size:": " Small", "Color:": " Deep Forest"}, "reviewerName": "Thomas A.", "reviewText": "The shoulder seams hang low, and the sleeves are a bit too long. But it's good for a top layering. Doesn't look like fleece. A wash will tell if it pills.", "summary": "But it's good for a top layering", "unixReviewTime": 1508025600} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "ACH596G0KG827", "asin": "B0001YS6F6", "style": {"Size:": " 38W x 34L", "Color:": " Brown"}, "reviewerName": "Gingersnap", "reviewText": "My husband swears by these. He works in the forest and needs rugged, heavy duty gear. He has been buying these for years and Amazon has equivalent pricing if not better.", "summary": "Husband swears by these", "unixReviewTime": 1506038400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A3JO5Q7BSBNXOU", "asin": "B0002QVDP8", "style": {"Size:": " 8 A US", "Color:": " Black"}, "reviewerName": "S.E.T.B.", "reviewText": "These were a bit smaller than I expected. I bought a pink pair, same make, and they were larger. The pink pair also came with enough elastic to criss-cross the elastic, where as this black pair only came with one piece of elastic to wear the shoe mary jane style.", "summary": "These were a bit smaller than I expected. I ...", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "AHHPG8AIS1A5Q", "asin": "B0000WLU5W", "style": {"Size:": " 48W x 30L", "Color:": " Navy"}, "reviewerName": "Bigmike", "reviewText": "The quality and the fit are world class", "summary": "I'm glad I did it", "unixReviewTime": 1445990400} +{"reviewerID": "AJJI8X8578LSR", "asin": "B000A1GVOI", "reviewerName": "Jose Gomez", "verified": true, "reviewText": "Great color and style. Breaking them in will take a couple of days.", "overall": 4.0, "reviewTime": "10 14, 2015", "summary": "Four Stars", "unixReviewTime": 1444780800} +{"reviewerID": "APONHVU8LSYW0", "asin": "B00099E7B0", "reviewerName": "pibi1998", "verified": true, "reviewText": "My second one for this kind. My son loves this kind of shoes. Don't get wet easily with our Wisconsin winter weather.", "overall": 5.0, "reviewTime": "01 19, 2014", "summary": "2nd one for this kind of shoes.", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A172DGDLYYQ9E2", "asin": "B00093DAOQ", "style": {"Size:": " 40 M EU / 9 B(M) US Women / 7 D(M) US Men", "Color:": " Charcoal"}, "reviewerName": "Brandon", "reviewText": "Purchased as a gift, these Chucks are timeless. No loose stitching or defects, just about perfect.", "summary": "Great shoes", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A28TV5XEZIBQUU", "asin": "B0000ZFIF2", "style": {"Size:": " 3-4", "Color:": " Fantasy Black"}, "reviewerName": "Mrs Parker", "reviewText": "They arrived promptly and work very well.", "summary": "Five Stars", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A1OXY9C2JZ536Y", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "Tom", "reviewText": "Extremely comfortable and nicely made!", "summary": "love these!", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "AD73FC2IYTTD9", "asin": "B00075ZYTK", "style": {"Size:": " 3X-Large", "Color:": " Royal Blue"}, "reviewerName": "Amazon Customer", "reviewText": "Great fit and laundered well.", "summary": "Five Stars", "unixReviewTime": 1467849600} +{"reviewerID": "A1S2PJ0722BNMG", "asin": "B0002M4S54", "reviewerName": "S Rhodes", "verified": true, "reviewText": "I love these, bought for Halloween. Wear them all the time so comfortable.", "overall": 5.0, "reviewTime": "02 23, 2017", "summary": "Comfort", "unixReviewTime": 1487808000} +{"reviewerID": "A23BUM97360N39", "asin": "B0002USCE4", "reviewerName": "JACQUELINE", "verified": true, "reviewText": "My granddaughter uses them for her 4 year old ballet class, she only wears them 45 minutes at a time but they are VERY comfortable looking and very soft leather , quality ballet shoes!!", "overall": 5.0, "reviewTime": "10 26, 2016", "summary": "Excellent", "unixReviewTime": 1477440000} +{"reviewerID": "A1RCMV7IGL3WFE", "asin": "B0001YRFS0", "reviewerName": "Walt Horner", "verified": true, "reviewText": "very good product!", "overall": 4.0, "reviewTime": "09 21, 2016", "summary": "Four Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A3H8GUQWSI7X1F", "asin": "B0002MD71U", "reviewerName": "Mallori", "reviewText": "My son loves them!", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A33P4GEN281K1Y", "asin": "B00016QOX0", "style": {"Size:": " 34W x 34L", "Color:": " Rinse"}, "reviewerName": "Alex", "reviewText": "These fit exactly the way I wanted them to. Can't beat Levi's, I won't wear anything else.", "summary": "Can't beat them", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2012", "reviewerID": "A26I12OJ5FJAFJ", "asin": "B0002TORZS", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Brown", "Number of Items:": " 3"}, "reviewerName": "The Hammer", "reviewText": "Gotta have those good looking over the calf dress socks. Compliments all of my outfits. Good quality and last a long time", "summary": "Sock make the man", "unixReviewTime": 1356566400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A2VIFPR3LSF5GZ", "asin": "B00016QOX0", "style": {"Size:": " 34W x 32L", "Color:": " Dark Stonewash"}, "reviewerName": "Amazon Customer", "reviewText": "good fit and they wear great.", "summary": "Five Stars", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A2PDGFLTMR8PWB", "asin": "B000163G8G", "style": {"Size:": " 36B", "Color:": " White"}, "reviewerName": "JS", "reviewText": "Best fit in a bra I've ever had.", "summary": "Flattering", "unixReviewTime": 1422144000} +{"overall": 2.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A11ERWT4KMBREW", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "The_pakettle", "reviewText": "The material is thin and I have hole in one of the socks after wearing it once.\nNot the quality I expected.", "summary": "Poor quality", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": false, "reviewTime": "11 9, 2014", "reviewerID": "AUSTD01RI989G", "asin": "B0002MD71U", "reviewerName": "cmk", "reviewText": "Just what we were looking for", "summary": "Five Stars", "unixReviewTime": 1415491200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "AVKW6JENI2P5M", "asin": "B0009G4D1W", "style": {"Size:": " X-Large", "Color:": " Yellow"}, "reviewerName": "none", "reviewText": "as described", "summary": "as described", "unixReviewTime": 1439683200} +{"reviewerID": "A1SQUI0PW8A99J", "asin": "B0000865II", "reviewerName": "xly", "verified": true, "reviewText": "They Fit!", "overall": 4.0, "reviewTime": "12 18, 2014", "summary": "Four Stars", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A2APFARPW4QPU9", "asin": "B0001N5WMW", "style": {"Size:": " 8.5 B(M) US", "Color:": " Bougainvillea/Yellow"}, "reviewerName": "GCS", "reviewText": "The Keen Newport has excellent support for my flat feet and I can hike and walk all day, on any terrain. Although my previous Newports no longer had any traction, they still looked new. Having a summer sandal which is completely washable is a plus.", "summary": "favorite summer shoe", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A2Q8EY2PP6516W", "asin": "B000A2KCAQ", "style": {"Size:": " 36W x 32L", "Color:": " Black"}, "reviewerName": "The_Axe", "reviewText": "Riggs Workwear, by Wrangler. As usual, an excellent work pant, built \"Wrangler\" tough, fits great, and extra heavy duty made!", "summary": "Great fit, heavy duty, and Excellent price!", "unixReviewTime": 1483747200} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3TNLDG2GILKDK", "asin": "B000A38CZC", "style": {"Size:": " X-Large", "Color:": " Antique Indigo"}, "reviewerName": "Sue", "reviewText": "It's hard to find a basic denim jacket. Seems that they're faded or ripped or just too \"frilly?\". This is a nice quality, standard denim jacket without all the frills. Just what I was looking for.", "summary": "This is a nice quality, standard denim jacket without all the frills", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A1SU6W0PJ1FYUT", "asin": "B00006XXGO", "style": {"Size:": " 12 B(M) US Women / 10 D(M) US Men", "Color:": " Black"}, "reviewerName": "daily reader", "reviewText": "Son's favorites.", "summary": "Five Stars", "unixReviewTime": 1474070400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A2Q37TBK26JRHW", "asin": "B0006SVO3S", "style": {"Size:": " 8", "Color:": " Black"}, "reviewerName": "Jane", "reviewText": "These might work for someone else. On me (size 6/8) the size 8 was too large. If your are between sizes, I would go down one size. Also, they were wider at the leg around my calves than I prefer.", "summary": "These might work for someone else. On me (size ...", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A1U1GOZ1ESBJ5K", "asin": "B0007XQR6G", "style": {"Size:": " 7 B(M) US", "Color:": " Leopard"}, "reviewerName": "callyz", "reviewText": "Love the shoes ! I have them in every color. I ordered a whole size down and they fit great", "summary": "Order Down 1 Soze", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A1ANK8ZVPWIL1P", "asin": "B000A38F22", "style": {"Size:": " Large", "Color:": " Navy"}, "reviewerName": "Mountain Man", "reviewText": "Excellent fit and very durable.", "summary": "Five Stars", "unixReviewTime": 1459382400} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A2EYVM3STIW6VW", "asin": "B00006XXGO", "style": {"Size:": " 10 D(M)", "Color:": " Red"}, "reviewerName": "Karen Gambrell", "reviewText": "Confusing unisex sizes", "summary": "Four Stars", "unixReviewTime": 1419379200} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A3SO9XTN62VHBR", "asin": "B0007QMR7Q", "style": {"Size:": " 36DD", "Color:": " Body Beige"}, "reviewerName": "TomG", "reviewText": "Accurate description, good fit, pleasantly surprised at the quality for ordering online.", "summary": "Accurate Description", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "AOSIE5ITEDVCL", "asin": "B0009FB2WQ", "style": {"Size:": " Large", "Color:": " Bluestone"}, "reviewerName": "L.P", "reviewText": "Rugged, long lasting and they both tell me these are super comfortable.\nSizes are what you expect and they fit.", "summary": "Family likes these", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A2PDW9CIQRDCVL", "asin": "B0002LY3CS", "style": {"Size:": " 10.5 D(M) US", "Color:": " White/Black"}, "reviewerName": "Frank D. Donovan", "reviewText": "Sperry boat shoes are the best.", "summary": "Five Stars", "unixReviewTime": 1490918400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A3LQ3OT0HH45D7", "asin": "B0002FHJ66", "style": {"Size:": " XX-Large", "Color:": " Sand"}, "reviewerName": "cube8793", "reviewText": "Great hoodie, so impressed I ordered a few more.", "summary": "Get one", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A2QH7BU9MF5PDM", "asin": "B000AYW0M2", "style": {"Color:": " Brown Croco/Gold-Tone"}, "reviewerName": "Carol S", "reviewText": "Its a nice size for my small wrist. Can easily see the numbers and also what I like about it, push the small knob on the side in and the face lights up. Good for trying to look at at night while driving the car. The price is right too!", "summary": "nice face, lights up at the push of knob", "unixReviewTime": 1412121600} +{"reviewerID": "A2NTZ8Z1L7E2FP", "asin": "B00028AZ6E", "reviewerName": "MLM", "verified": true, "reviewText": "The fit along the leg was perfect. The waist was little smaller than expected. I have other pants with same waist size and they fit perfectly. I'm keeping them as I'm still losing weight....lol. Next go around I may get 36 instead.", "overall": 4.0, "reviewTime": "06 26, 2014", "summary": "Like the pants", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "AI49RFF3088ZJ", "asin": "B000A38CZC", "style": {"Size:": " X-Large", "Color:": " Antique Indigo"}, "reviewerName": "Linda", "reviewText": "He Loves it..", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 2.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A3L2W6RLPR5WB7", "asin": "B000ARTQGC", "style": {"Size:": " 14 2E US", "Color:": " Allspice"}, "reviewerName": "David J Kapus", "reviewText": "didn't last long", "summary": "Two Stars", "unixReviewTime": 1480377600} +{"reviewerID": "A3DDDKAS16QCGQ", "asin": "B0009MH2Q4", "reviewerName": "Mr. Wonderful", "verified": true, "reviewText": "ok", "overall": 3.0, "reviewTime": "05 15, 2015", "summary": "Three Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A1IGQ3L79HSJB7", "asin": "B0007SUEYC", "style": {"Size:": " 7 B(M) US", "Color:": " Black"}, "reviewerName": "Aaron J. Frechette", "reviewText": "Wife loves the slippers! I've been wearing the men's for years and have converted her now.", "summary": "Five Stars", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A2H3FVC53ZRW9X", "asin": "B000213XV0", "reviewerName": "Amazon Customer", "reviewText": "Applied as per the directions and is wearing very well.", "summary": "Works well", "unixReviewTime": 1464220800} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A3T39SEMMWZRGD", "asin": "B0007MFW8Q", "style": {"Size:": " 9 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Storm", "reviewText": "Nice looking boot, the sole is to soft. Returned for a refund, no problems.", "summary": "Like the boot.", "unixReviewTime": 1469923200} +{"reviewerID": "A2QVQV1CNMBAMU", "asin": "B0001YRFS0", "reviewerName": "Ramiro Barajas", "verified": true, "reviewText": "Great fit", "overall": 5.0, "reviewTime": "03 23, 2015", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2017", "reviewerID": "A39GXCZ4HAGCVH", "asin": "B0001YS2BO", "style": {"Size:": " 35W x 34L", "Color:": " Dark Stone"}, "reviewerName": "Nancy Rochelle", "reviewText": "Great work jeans.", "summary": "Five Stars", "unixReviewTime": 1491868800} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "AAGW7JFTMW1XR", "asin": "B0009GC7UQ", "style": {"Size:": " X-Large", "Color:": " Deep Red"}, "reviewerName": "Charles Michaels", "reviewText": "These shirts are exactly what I wanted. I use these for work. they are comfortable and breath. They arrived when they were scheduled to arrive. Great experience with the vendor.", "summary": "they are comfortable and breath", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "ANCJG6TOH4BKA", "asin": "B000A1GVMA", "style": {"Size:": " 12 D - Medium", "Color:": " Distressed Brown"}, "reviewerName": "K. E.", "reviewText": "My husband and his groomsmen all wore these boots at our wedding- even my father bought a pair. They're great, and look good with everything.", "summary": "Love em!", "unixReviewTime": 1404950400} +{"reviewerID": "A19TX1NPE81LKV", "asin": "B000B6AV7K", "reviewerName": "Eric Messenger", "verified": true, "reviewText": "Great boots great price fast shipping", "overall": 5.0, "reviewTime": "01 31, 2015", "summary": "Five Stars", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A1PJX2B99UL48O", "asin": "B00026LI4O", "style": {"Size:": " Small"}, "reviewerName": "Patrick Baker", "reviewText": "GREAT MATERIAL I AM SURE IT WILL LAST", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "AYIV94WRMB8QH", "asin": "B0008EOEO6", "style": {"Size:": " 36W x 30L", "Color:": " Quartz Stone"}, "reviewerName": "Valeri", "reviewText": "Good cheap jeans for everyday wear. The material is soft, dense. Sewing beautiful. For budget jeans everything is fine. My growth 178 cm ( 5' 10\"), 36W-30L, slightly narrow and short. Size less than jeans Wrangler.", "summary": "Good jeans.", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A206FTHP338KNF", "asin": "B0001LMS5I", "style": {"Size:": " 32B", "Color:": " White"}, "reviewerName": "cindy gooch", "reviewText": "This bra is so adjustable it will fit everyone.", "summary": "Most adjustable bra I've ever seen!", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A1EHO0CQUOZSQX", "asin": "B0007WDFDU", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black/Black"}, "reviewerName": "Jamal", "reviewText": "This is my second pair, they are great", "summary": "Five Stars", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A2MTOUYLX8T72E", "asin": "B0007PAZY4", "style": {"Size:": " X-Large", "Color:": " Olive Drab"}, "reviewerName": "G Bubba", "reviewText": "Fits as expected.", "summary": "Five Stars", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2014", "reviewerID": "A374WU8MDBHF1Y", "asin": "B0002Y75CA", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black"}, "reviewerName": "Ken Washburn", "reviewText": "Perfect fit really nice looking boot. Very comfortable for all day wear. Originally purchased tan from a local vendor so find this boot at this price was a pleasant surprise. I will continue to support local businesses but great to have this option.", "summary": "Great boot, great price!", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A5LP0VF1ZP1H1", "asin": "B00006XXGO", "style": {"Size:": " 8 B(M) US", "Color:": " Thunder/Black/White"}, "reviewerName": "Richelle", "reviewText": "I can wear them all day because I put inserts in that give me arch support. Because these are converse, you should know what you're getting into.", "summary": "I can wear them all day because I put inserts ...", "unixReviewTime": 1454889600} +{"overall": 4.0, "verified": true, "reviewTime": "11 11, 2017", "reviewerID": "A2DICOUBQPNNPH", "asin": "B0001YS6F6", "style": {"Size:": " 50W x 30L", "Color:": " Black"}, "reviewerName": "Hutch of Hartford", "reviewText": "Good overalls. I wish it had more belly room though.", "summary": "Good Overalls", "unixReviewTime": 1510358400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "A2OEI8P6ETLDAJ", "asin": "B000B252GO", "style": {"Size:": " 10.5 WW US", "Color:": " Black"}, "reviewerName": "J L MILES", "reviewText": "No complaints.", "summary": "ONCE more", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A20HJWCC96MYOS", "asin": "B00006XXGO", "style": {"Size:": " 3.5 US Men/5.5 US Women", "Color:": " White"}, "reviewerName": "Kimberly Haros", "reviewText": "These were my first pair of converse and I absolutely love them!!!! :)", "summary": "... were my first pair of converse and I absolutely love them!", "unixReviewTime": 1423526400} +{"reviewerID": "A2VDIN6PS4MT7P", "asin": "B0009GAXC0", "reviewerName": "Oralia", "verified": true, "reviewText": "Good!", "overall": 4.0, "reviewTime": "09 3, 2015", "summary": "Four Stars", "unixReviewTime": 1441238400} +{"overall": 3.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A3FZZQLH1CJAIJ", "asin": "B0009G6BIA", "style": {"Size:": " XXX-Large", "Color:": " Gold"}, "reviewerName": "Reginald Bly", "reviewText": "Good quality", "summary": "Three Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A12AOYC5XU1TL2", "asin": "B0002MD71U", "reviewerName": "Anna H.", "reviewText": "As expected", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "AL1WLRB5UL5Q8", "asin": "B00008I8YM", "style": {"Size:": " 5", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "cl", "reviewText": "very comfortable to wear", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2014", "reviewerID": "AAM4QS22WSPTW", "asin": "B0007YR980", "style": {"Size:": " 48B", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "MEM", "reviewText": "I used playtex bras for years and I still do. These bras fit well ,are comfortable and seem to last longer than other brands.", "summary": "Great bra for the price", "unixReviewTime": 1402790400} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "A2OBQRSFXGGNWT", "asin": "B0000DCS5T", "style": {"Size:": " 10.5 D(M) US", "Color:": " Dark Tan"}, "reviewerName": "Judy Smith", "reviewText": "Look great. Comfortable. Exactly as described; at a great price.", "summary": "Great shoes", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A33XH69QOKA51U", "asin": "B00099D6F8", "style": {"Size:": " 10 B(M) US", "Color:": " Platinum"}, "reviewerName": "Carol W. Rich", "reviewText": "Great looking sandal", "summary": "Five Stars", "unixReviewTime": 1430697600} +{"reviewerID": "A1N90AAGFVCDTZ", "asin": "B00028AZ6E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "First day I had them the threading came out on the the leg and the seam started to separate", "overall": 1.0, "reviewTime": "06 5, 2017", "summary": "Garbage", "unixReviewTime": 1496620800} +{"reviewerID": "A30KZL3IB28OOA", "asin": "B000783PIE", "reviewerName": "sasquatch", "verified": true, "reviewText": "The hoodie doesn't look like the photo. The forearms fit flat and snug...And, I don't have Popeye arms. Other than that, the hoodie is made well from good mateial.", "overall": 4.0, "reviewTime": "11 14, 2013", "summary": "OK", "unixReviewTime": 1384387200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A28DRANSEPCB2R", "asin": "B0007YXVOQ", "style": {"Size:": " 44DD", "Color:": " Black Combo"}, "reviewerName": "Jane", "reviewText": "Was perfect", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"reviewerID": "A1QBZVNFPYGUZ2", "asin": "B00028AZ6E", "reviewerName": "donna m vallee", "verified": true, "reviewText": "Granddaughter loves them", "overall": 5.0, "reviewTime": "08 28, 2017", "summary": "Five Stars", "unixReviewTime": 1503878400} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A14DCBDPSI4E5H", "asin": "B000AKVBG2", "style": {"Size:": " 15 D(M) US", "Color:": " Brown"}, "reviewerName": "Ronnie", "reviewText": "I like the Timberland Pro for its comfort. I have flat feet and I stand on my feet for an average of 8 hours and it has provided me the support I needed. I highly and strongly recommend this brand of boots.", "summary": "Fits as expected", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A16ZH56QVXP27N", "asin": "B0000TW41Y", "style": {"Size:": " 33W x 30L", "Color:": " Carhartt Brown"}, "reviewerName": "E. Whitney", "reviewText": "These were the perfect gift for a wonderful hard working person. This is his sixth pair and he loves them. Tough and long lasting.", "summary": "The perfect gift", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A1Q32E9TN8QZYA", "asin": "B0008EO5AE", "style": {"Size:": " 12 Short", "Color:": " Verona"}, "reviewerName": "JS49", "reviewText": "These are the first jeans that I have absolutely loved immediately!! Perfect fit and just the right amount of stretch!!", "summary": "Perfect!", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A39NFG6IA5S6EV", "asin": "B0009PRX2E", "style": {"Size:": " B/C", "Color:": " White", "Style Name:": " Firm Molded Foam Sew-In Bra Cups"}, "reviewerName": "Vickie", "reviewText": "Easy to use. Worked well for an outfit I needed for a wedding. Placed them inside of a non lined bra that matched the outfit. Saved the outfit.", "summary": "Easy to use", "unixReviewTime": 1405900800} +{"overall": 3.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A6K6IT9REEPRY", "asin": "B00021NY28", "style": {"Size:": " 12 Short", "Color:": " Brown"}, "reviewerName": "Charlotte Bartlett", "reviewText": "Did not read the fiber content ( my bad) They are almost 100% cotton. So I washed them when they came and now I can barely fit in them. I didn't realize Amanda pants come in many different fiber mixes. I recommend buying a size larger.", "summary": "I recommend buying a size larger", "unixReviewTime": 1452124800} +{"overall": 3.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "ASE71KYE4HSCA", "asin": "B00068OJ44", "style": {"Size:": " Child Large", "Color:": " Multicoloured"}, "reviewerName": "Amazon Customer", "reviewText": "The clasp that holds the gown together broke. Otherwise, it was a good costume.", "summary": "it was a good costume.", "unixReviewTime": 1451952000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A2SI7QN59691PG", "asin": "B0002V9JKY", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "darryel love", "reviewText": "It's awesome that it arrived really fast but it's the wrong size, I needed XXL so I'm returning it to exchange and hope I get the replacement before XMAS. Other than that great product.", "summary": "Awesome material and speedy service!", "unixReviewTime": 1482019200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A1GR8AUADDPMSU", "asin": "B0007YXRVI", "style": {"Size:": " 46DDD", "Color:": " White"}, "reviewerName": "GeorgiaLeeSweetHomer", "reviewText": "fits perfect", "summary": "Five Stars", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "AXZVYWCP2EEX4", "asin": "B000685PW4", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "M. Fox", "reviewText": "Love it!!!", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"reviewerID": "A33ZSVKBVEI9TN", "asin": "B0008JF9WW", "reviewerName": "Shopsmart", "verified": true, "reviewText": "My son is skinny and tall for his age. Hard to find jeans that fits. This one fits well. Materials is think and good for cooler weather. He loves it.", "overall": 5.0, "reviewTime": "06 22, 2015", "summary": "Classic and good", "unixReviewTime": 1434931200} +{"overall": 4.0, "verified": true, "reviewTime": "03 4, 2017", "reviewerID": "A78QB7FSQ7V9J", "asin": "B0000WL69W", "style": {"Size:": " 34W x 30L", "Color:": " Black"}, "reviewerName": "Shannon", "reviewText": "It fit great", "summary": "Four Stars", "unixReviewTime": 1488585600} +{"reviewerID": "A1OSBU1U7LRWM", "asin": "B000A3I3PQ", "reviewerName": "The Colonel", "verified": true, "reviewText": "Quality construction. I really like the roomy inside pockets. Tight fit around the waist but denim jackets are not supposed to be buttoned, but on a cold morning I like to. The one upside about the fit is its going to help me watch my weight.", "overall": 4.0, "reviewTime": "04 24, 2018", "summary": "Denim jackets are the best.", "unixReviewTime": 1524528000} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A1RPK81I280SXA", "asin": "B0007T32RM", "style": {"Size:": " 11.5 D(M) US", "Color:": " Black"}, "reviewerName": "Nerdy", "reviewText": "Noce shoes I just need wider ones.", "summary": "Four Stars", "unixReviewTime": 1489708800} +{"overall": 3.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A3MNK0PDBSLN8I", "asin": "B0002MB9BK", "style": {"Size:": " 9 N US", "Color:": " White"}, "reviewerName": "whatdoithink", "reviewText": "It ran a little short and the narrow was too wide for my foot so I had to return it. For a medium width foot it would probably be very comfortable. It's not very stylish but it's good for heavy walking.", "summary": "Basic slip on casual shoe", "unixReviewTime": 1374883200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A3CH4MIJPZUOBU", "asin": "B00020J1BC", "style": {"Color:": " Gold-Tone"}, "reviewerName": "Brian", "reviewText": "Really like this watch. This is the 3rd one I have purchased. Simple but functional,", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "AJ04OYZDQFLU3", "asin": "B00030B20Y", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "sylvia c", "reviewText": "Brim is smaller than expected", "summary": "Try on before ordering", "unixReviewTime": 1502668800} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "A2U989D9BKZGV9", "asin": "B0000WL69W", "style": {"Size:": " 38W x 30L", "Color:": " Black"}, "reviewerName": "Bobby craig", "reviewText": "I ordered two sizes bigger because I wear sweatshirt and a shirt underneath it I could've went one size bigger yet otherwise they're very nice and more", "summary": "... could've went one size bigger yet otherwise they're very nice and", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "AVQHDRHDDJRFQ", "asin": "B00023JONO", "style": {"Style:": " Silver (20\" Length)"}, "reviewerName": "Amazon Customer", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A3HKOND2DTUW6H", "asin": "B000A38C1G", "style": {"Size:": " 32W x 34L", "Color:": " Night Brown"}, "reviewerName": "Ludmila Antozs", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A211X98BNBGD46", "asin": "B00074HDAO", "reviewerName": "Emily Carlson", "reviewText": "I got this watch for my husband for Christmas and he said it was the nicest thing anyone has gotten for him. Wears everyday.", "summary": "I got this watch for my husband for Christmas and ...", "unixReviewTime": 1437696000} +{"reviewerID": "A3IYLUFQ2ZMVM8", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Fit great", "overall": 5.0, "reviewTime": "06 24, 2016", "summary": "Five Stars", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A2HB3GULDVCRX5", "asin": "B0006MY4EU", "style": {"Size:": " Medium-6.5-7.5", "Color:": " Navy"}, "reviewerName": "LKH", "reviewText": "Best slippers ever!!!", "summary": "Five Stars", "unixReviewTime": 1426464000} +{"reviewerID": "A275HH0DDWC3RC", "asin": "B0000ZFSFW", "reviewerName": "Linda W", "verified": true, "reviewText": "Not as much support as I would have expected. I did not wear and would not order again.", "overall": 2.0, "reviewTime": "09 11, 2017", "summary": "Two Stars", "unixReviewTime": 1505088000} +{"overall": 4.0, "verified": true, "reviewTime": "02 27, 2017", "reviewerID": "AUN2G88C26KJA", "asin": "B000B2MMDA", "style": {"Size:": " 7 B(M) US", "Color:": " Black Patent"}, "reviewerName": "LaJune Fowlkes", "reviewText": "Classic shoe that stands out in a crowd", "summary": "Good Shoe", "unixReviewTime": 1488153600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2013", "reviewerID": "A1593QVRPEXURD", "asin": "B0007SUEYC", "style": {"Size:": " 7.5 B(M) US", "Color:": " Brown"}, "reviewerName": "Jaymee", "reviewText": "These shoes are gorgeous! I'm normally a 7.5-8, and I went with the 7.5 after reading reviews that these ran big. They fit perfectly, are so comfortable, and look adorable.", "summary": "Beautiful!", "unixReviewTime": 1371168000} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A1WQGGZ6A3K3M6", "asin": "B0002QVH9U", "style": {"Size:": " Small / Medium", "Color:": " Suntan"}, "reviewerName": "jamie grady", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A10HJTRLACUSSZ", "asin": "B00024QELS", "style": {"Size:": " 7 C US", "Color:": " Distressed Brown"}, "reviewerName": "Jacqueline Garretty", "reviewText": "I ended up getting a half size smaller than my average size. Out of the box comfortable. Very stylish. These boots may kick off a shoe obsession for me.\nOrder yourself a pair! You won't regret it.", "summary": "kicking off a shoe obsession", "unixReviewTime": 1468454400} +{"reviewerID": "A1J1J8N75NHHDZ", "asin": "B0001YRFS0", "reviewerName": "Bruce Potier", "verified": true, "reviewText": "Waist area not right fit, usually have no problem with Dickie pants.", "overall": 4.0, "reviewTime": "01 18, 2015", "summary": "Four Stars", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "AEXXYB1XB4F5F", "asin": "B000AN063I", "style": {"Size:": " 6.5 B(M) US", "Color:": " Very Berry"}, "reviewerName": "S. Loud", "reviewText": "Whenever I wear these shoes I get compliments. At a conference last week, 3 women commented on them in the span of 4 hours! The color is great and they are super comfortable. My new go-to shoe!", "summary": "Love, love, love -- want them in ALL the colors!", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A3FIP3XEAZ792U", "asin": "B00080FK2U", "style": {"Color:": " Green Classic", "Width:": " 58"}, "reviewerName": "abby0313", "reviewText": "This is my second pair. the Rayban RB3025 sunglasses is so cool.i LIKE IT .poor english,sorry. after all,i like it.", "summary": "love it", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "ATSNQUTO4XI0T", "asin": "B0002M4VJM", "style": {"Size:": " 50W x 30L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "John D. Placek", "reviewText": "My body is a Grandpa shape. I advise adding 4\" to your waist size. Since I have started wearing these coveralls, my wife can't get me out of them. I'm retired and all of the extra pockets are perfect for my projects.", "summary": "Love them", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A2W84RGPXTM30B", "asin": "B0002LTCWY", "style": {"Size:": " 8 B(M) US", "Color:": " Ice"}, "reviewerName": "H82vacuum", "reviewText": "As expected.......perfect", "summary": "Reliable Sperry", "unixReviewTime": 1463011200} +{"overall": 1.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A3AQSD0CUITN7B", "asin": "B0007YR980", "style": {"Size:": " 46C", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Shorty 2011", "reviewText": "Cup size not true to large . I didn't like this bra. KD.", "summary": "Not true to size", "unixReviewTime": 1413849600} +{"reviewerID": "A32SDWGR3YKNS2", "asin": "B0000Y5T7A", "reviewerName": "george mundy", "verified": true, "reviewText": "Nice", "overall": 5.0, "reviewTime": "06 27, 2017", "summary": "Five Stars", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A37YHF693963CK", "asin": "B000A2KCAQ", "style": {"Size:": " 40W x 30L", "Color:": " Black"}, "reviewerName": "Decemvir", "reviewText": "The design and construction of these pants are very good.", "summary": "Good value, good fit", "unixReviewTime": 1414108800} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "AYZS3YVHGRF84", "asin": "B000A2KCAQ", "style": {"Size:": " 40W x 30L", "Color:": " Dark Brown"}, "reviewerName": "Haithmageddon", "reviewText": "the loved the material ... not very practical for summer, heavy duty but it was somehow tight although its size 46", "summary": "somehow tight cut although it W46 still", "unixReviewTime": 1368576000} +{"overall": 4.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A17D9ENFQGUVA0", "asin": "B0008ENZYG", "style": {"Size:": " 44W x 30L", "Color:": " Pepperstone"}, "reviewerName": "EEMMAK", "reviewText": "Other than a bit of a small fit, these are well made jeans. The fabric is soft but it appears substantial.", "summary": "Quality but Watch the Fit", "unixReviewTime": 1432080000} +{"overall": 4.0, "verified": false, "reviewTime": "08 2, 2013", "reviewerID": "A2FTS3RBCJHGUL", "asin": "B000AL8IV2", "style": {"Size:": " X-Large", "Color:": " OD Green"}, "reviewerName": "lobosps", "reviewText": "Everything I wear in 5.11 shirts is in an XL. However when I got this I found it tight in the elbows and a touch too short. It'll do for my SWAT duties. Everything will be covered in armor.", "summary": "Doesn't quiet fit right.", "unixReviewTime": 1375401600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2014", "reviewerID": "ADC6JYU28MKL3", "asin": "B0002NYUE2", "style": {"Size:": " XXX-Large", "Color:": " Oxford"}, "reviewerName": "Danny Neal", "reviewText": "The material and the exact fix, and I would recommend this product to all my friends, and will continue to buy this brand.", "summary": "Jerzees 996", "unixReviewTime": 1390780800} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "AKDM9LOUMTQ6S", "asin": "B0000ANHT7", "style": {"Size:": " Large", "Color:": " Desert"}, "reviewerName": "Marilu Hanson", "reviewText": "great fit, holds shape, not too short in length, washes well and doesn't shrink, didn't lose color either. Carhartt makes good quality.", "summary": "good shirt", "unixReviewTime": 1403136000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A2A3WKY2REQ7Z0", "asin": "B000A7G6OC", "style": {"Size:": " 38Wx34L", "Color:": " OD Green"}, "reviewerName": "oracleofthejedi", "reviewText": "I wore cotton 5.11 pants when I was in law enforcement and I recommend them to anyone who has use for a lot of pockets in very durable tactical pants.", "summary": "5.11 #74251 Men's Cotton Tactical Pant (OD Green, 38-34)", "unixReviewTime": 1406073600} +{"reviewerID": "A32M7TZKSH4FC1", "asin": "B00028AZ6E", "reviewerName": "Edna Mastin", "verified": true, "reviewText": "Gift but sure they will fit", "overall": 5.0, "reviewTime": "12 13, 2014", "summary": "Five Stars", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A1G6CFUPHUAH3Y", "asin": "B00093DAOQ", "reviewerName": "mbird", "reviewText": "Love them and wear them alot!", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2018", "reviewerID": "ATWRQAU19QIDW", "asin": "B0009DMJAC", "style": {"Size:": " 6 B(M) US", "Color:": " Taupe"}, "reviewerName": "Lisa", "reviewText": "runs a good size larger,reordered them i wear a 6 to 6.25 had to order a 5. Super cute", "summary": "Five Stars", "unixReviewTime": 1522022400} +{"overall": 5.0, "verified": false, "reviewTime": "01 6, 2017", "reviewerID": "A28Y4DAZH0VXKW", "asin": "B0002MD71U", "reviewerName": "electra", "reviewText": "We love our chucks t's....fit well and comfortable...", "summary": "Chuck t's", "unixReviewTime": 1483660800} +{"reviewerID": "A3NV7DJN1AI4GA", "asin": "B0001YRFS0", "reviewerName": "WT164", "verified": true, "reviewText": "Seem to run a bit small. Exchanged for next larger size. Prompt shipping.", "overall": 4.0, "reviewTime": "02 17, 2015", "summary": "Four Stars", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A2CCDNYPWWQNAV", "asin": "B0002XSXWW", "style": {"Size:": " XX-Large", "Color:": " Fossil"}, "reviewerName": "elena smith", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1461110400} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "AAA97SLBZ4BMU", "asin": "B0009YD97I", "style": {"Size:": " 33W x 29L", "Color:": " Black"}, "reviewerName": "Paul", "reviewText": "Fit as expected and good quality product for the price. Keep in mind, these are slim fit, so they will fit tighter than normal trousers.", "summary": "Fit as expected and good quality product for the price", "unixReviewTime": 1449619200} +{"reviewerID": "A2J0RTKRJ42KKI", "asin": "B00091SSU4", "reviewerName": "Mary McKnight", "verified": true, "reviewText": "Really nice fit..", "overall": 5.0, "reviewTime": "11 5, 2015", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A2CQ80AG1CFO3T", "asin": "B00006XXGO", "style": {"Size:": " 5.5 B(M) US Women / 3.5 D(M) US Men", "Color:": " Red"}, "reviewerName": "Dawn Mendoza", "reviewText": "My daughter was so excited to get them and wore them the same day. The price was great too!", "summary": "The price was great too!", "unixReviewTime": 1518652800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "A2X9PUZ22QX243", "asin": "B0009MZYAA", "style": {"Size:": " X-Large (Men's Shoe Size 13.0-15.0)", "Color:": " Black"}, "reviewerName": "Trying", "reviewText": "Excellent socks but sometimes I have to buy bigger shoes. It does depend on how thick the socks.", "summary": "Thorlo Excellent Socks", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A38CCEOEN86H3Q", "asin": "B000A6W2E6", "style": {"Size:": " 7 D(M) US/8 B(M) US", "Color:": " Garden Green"}, "reviewerName": "Pirkle", "reviewText": "Great gardening shoes. Hose off to clean.", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A1MIR3JU7RJ7U9", "asin": "B0000ANHTD", "style": {"Size:": " 3X-Large", "Color:": " Brown"}, "reviewerName": "Jim P.", "reviewText": "Good heavy duty shirt. Not flimsy. Stitching is very good", "summary": "Great shirt", "unixReviewTime": 1435622400} +{"reviewerID": "A3VTA8YIKOGY2U", "asin": "B0008EOC5W", "reviewerName": "Jofre Duarte", "verified": true, "reviewText": "So the brand description. Is a pant confortable, i recommend this brand,seller and pant. My son is very happy with this", "overall": 5.0, "reviewTime": "01 11, 2014", "summary": "Excelent pant", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "AYFOMJ36QTZYL", "asin": "B0008EOUMM", "style": {"Size:": " 33W x 32L", "Color:": " Quartz Stone"}, "reviewerName": "Anon", "reviewText": "Great jeans that are comfortable and cheap.. Liked em even better back when they were in teh $25 range", "summary": "Quality jeans", "unixReviewTime": 1476576000} +{"reviewerID": "A1126JBPIW8O9B", "asin": "B0001YRFS0", "reviewerName": "Lynda", "verified": true, "reviewText": "I buy these pants for my husband, he uses them them for work . Fits perfect to size indicated.", "overall": 5.0, "reviewTime": "07 18, 2017", "summary": "Fits perfect to size indicated", "unixReviewTime": 1500336000} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A3J54ZW92W2RRV", "asin": "B0009G6BN0", "style": {"Size:": " Medium", "Color:": " J Navy"}, "reviewerName": "shasta60", "reviewText": "And a good price.", "summary": "as expected", "unixReviewTime": 1416096000} +{"overall": 3.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "AX9VVU55SVUDQ", "asin": "B0002NZ898", "style": {"Size:": " Small", "Color:": " White"}, "reviewerName": "Beeej", "reviewText": "The quality of the shirt was great, the size looked more like a large than a small. Because of the quality and the price, I decided to give it another try, and ordered an 'extra small'. It hasn't come yet, but will let you know how that works.", "summary": "Good shirt, size larger than expected.", "unixReviewTime": 1463961600} +{"overall": 3.0, "verified": true, "reviewTime": "02 26, 2014", "reviewerID": "AI1SVID8YB767", "asin": "B0002LTJN6", "style": {"Size:": " 8 B(M) US", "Color:": " Red"}, "reviewerName": "Joe Everyman", "reviewText": "I have normal size feet. don't wear wide shoes. I thought a medium would be fine. not in these shoes. I have never seen such narrow shoes. my feet are stuffed in them, and busting out the sides. I got black in wide, and those were normal size. so wide = normal size.", "summary": "very narrow order up in width", "unixReviewTime": 1393372800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A1KN0APE1LFFNF", "asin": "B0001N5WMW", "style": {"Size:": " 9 B(M) US", "Color:": " Forest Night/Green Sheen"}, "reviewerName": "Happy Amazon Shopper", "reviewText": "I hate when the weather gets too cold to wear these because they're so comfortable! Like wearing a slipper. I wear them as a street shoe and wear them in the pool/ocean as well. Great design, great comfort. my whole family wears them!", "summary": "I hate when the weather gets too cold to wear these ...", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A3IRIF1SAMA6KS", "asin": "B00008L1ST", "style": {"Size:": " 42", "Color:": " Dark Brown"}, "reviewerName": "keith", "reviewText": "Very durable and comfortable. Just wish they had it in a shorter length (but then the phone pocket would have to be adjusted.) Overall very satisfied. Price was very reasonable.", "summary": "Good price for a very durable pair of work shorts", "unixReviewTime": 1474588800} +{"reviewerID": "A7AMT6XJJQDJ7", "asin": "B0006U68Z0", "reviewerName": "cherokee", "verified": true, "reviewText": "Great price. Can't find this size in stores. Thanks for offering. Wear Wranglers all the time and get good service out of them. Can't find 33 length in stores.", "overall": 5.0, "reviewTime": "01 13, 2012", "summary": "Wrangler Jeans", "unixReviewTime": 1326412800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A2OMADDODDWJWX", "asin": "B0000ZFRM6", "style": {"Size:": " E/F", "Color:": " Gentle Brown"}, "reviewerName": "Amazon Customer", "reviewText": "Can't go wrong with these. Will definitely buy more.", "summary": "Five Stars", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2017", "reviewerID": "A3VOG992FZH570", "asin": "B000A0LRCK", "style": {"Size:": " Big Girls", "Color:": " Caramel"}, "reviewerName": "gm8", "reviewText": "I love this brand, thick and comfy for my daughter, and durable. I'm so happy to be able to find it here on Amazon.", "summary": "I love this brand", "unixReviewTime": 1500249600} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2015", "reviewerID": "A13UXYN2OKYI2E", "asin": "B00028B4XW", "style": {"Size:": " 38W x 30L", "Color:": " Black"}, "reviewerName": "Service member", "reviewText": "Amazing, product great gift.", "summary": "Four Stars", "unixReviewTime": 1430524800} +{"overall": 1.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A27A5A5C5N01WF", "asin": "B000851FM4", "style": {"Size:": " XXX-Large", "Color:": " Black"}, "reviewerName": "Angela", "reviewText": "These were no where near true to size. I ordered a 3x and my husband couldn't even get them on. He wears this size in many other types of clothes so i suggest the seller letting customers know these run extremely small. I wouldn't buy another pair.", "summary": "extremely small for size listed", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A1AL4FEFJJC15P", "asin": "B0007CK664", "reviewerName": "Xristina", "reviewText": "Works Beautifully !", "summary": "Five Stars", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2017", "reviewerID": "A22AVQFE66F4CP", "asin": "B0009C625G", "style": {"Size:": " 10 5E US", "Color:": " Grey/Black Nubuck"}, "reviewerName": "fity", "reviewText": "Very comfortable, fits great.", "summary": "Five Stars", "unixReviewTime": 1504224000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "AHJMZ5NN2MDBL", "asin": "B0007YVUVC", "style": {"Size:": " Large", "Color:": " Nude Beige Tones"}, "reviewerName": "T. Drake", "reviewText": "I can't believe I took a chance and bought underwear on Amazon and they are now my all time favorite. So comfortable! Thank you!", "summary": "So comfortable!", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2017", "reviewerID": "A2J7WCCRUQTYO0", "asin": "B0000ANHT7", "style": {"Size:": " X-Large", "Color:": " Ash"}, "reviewerName": "paul buckman", "reviewText": "Great pocket tee all cotton and in this summer heat a really cool shirt for those of us outdoor types.", "summary": "Pocket tees forever", "unixReviewTime": 1498003200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A2173OAO239WYU", "asin": "B0006AAW0W", "style": {"Size:": " 2X Tall", "Color:": " Zeus Navy"}, "reviewerName": "derrick grant", "reviewText": "NICE SHIRT, FITS NICE.", "summary": "Five Stars", "unixReviewTime": 1490918400} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "AKWV4ZRH4VA67", "asin": "B000AYYIYK", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "George E. Carl", "reviewText": "Reliable, inexpensive, basic calendar watch with indiglo, good leather band, can be readily visible from a distance.", "summary": "Possibly not stylish but a good Timex product", "unixReviewTime": 1465344000} +{"reviewerID": "A3KZ2UN7UP253N", "asin": "B0006TVYR8", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "These fit large, but we knew this. These are quality shirts and we buy them every year.", "overall": 5.0, "reviewTime": "01 4, 2018", "summary": "Five Stars", "unixReviewTime": 1515024000} +{"overall": 1.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A3R2IE2KGU8UAK", "asin": "B0009G6AX6", "style": {"Size:": " Small", "Color:": " Purple"}, "reviewerName": "Jessica Fangue", "reviewText": "Too small. Fit like Women's small.", "summary": "Fit like Women's small", "unixReviewTime": 1444089600} +{"overall": 3.0, "verified": true, "reviewTime": "12 29, 2017", "reviewerID": "A2B3OQ3RXR7M5P", "asin": "B0006LNU82", "style": {"Size:": " 34W x 29L", "Color:": " Juno"}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Three Stars", "unixReviewTime": 1514505600} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2013", "reviewerID": "A2EGLSC699Z3EA", "asin": "B0002PNJWE", "style": {"Size:": " D", "Color:": " Classic Light Toast"}, "reviewerName": "TT", "reviewText": "Thicker tights of very good quality. Runs do not begin easily. Perfect for outfits if you don't want color added to.", "summary": "Good Product", "unixReviewTime": 1373328000} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A2T9KEPZLES8P4", "asin": "B000A0LRCK", "style": {"Size:": " Big Girls", "Color:": " Caramel"}, "reviewerName": "stephanie robertson", "reviewText": "These tights are wonderful! They fit true to size and are sift and comfortable for my daughter.", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"reviewerID": "ARJYKLYRLF05U", "asin": "B0001YRFS0", "reviewerName": "Rolly W.", "verified": true, "reviewText": "I needed something that was more office like than strictly field quality. They could be used in the field but are nice enough to wear to meetings.", "overall": 5.0, "reviewTime": "02 22, 2018", "summary": "I needed something that was more office like than strictly field quality", "unixReviewTime": 1519257600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "AF6BBBIAJGV8S", "asin": "B00093DAOQ", "style": {"Size:": " 39 M EU / 8 B(M) US Women / 6 D(M) US Men", "Color:": " Black"}, "reviewerName": "Martha Bugher", "reviewText": "My daughter loves these shoes. The reviews were accurate, so we ordered accordingly. She wears an 8 in women's and that's what we got (which is a 6.5/7 in men's).", "summary": "My daughter loves these shoes. The reviews were accurate ...", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A3T4SJABSI9OZI", "asin": "B0008GHKKO", "style": {"Size:": " 9 D(M) US", "Color:": " Navy"}, "reviewerName": "svinnedge", "reviewText": "Love these", "summary": "Five Stars", "unixReviewTime": 1425513600} +{"overall": 4.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A1GV1ICM2L1NBH", "asin": "B0009G8HO6", "style": {"Size:": " Large", "Color:": " Kiwi"}, "reviewerName": "LYNN W.", "reviewText": "Fits somewhat small but other than that it is good quality", "summary": "Four Stars", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A28LS1WBKEDSDR", "asin": "B000A38C1G", "style": {"Size:": " 40W x 32L", "Color:": " Stonewashed Denim"}, "reviewerName": "Amazon Customer", "reviewText": "these fit to perfection. Easy to move in these, bought them for work as my husband works out doors most of the day.", "summary": "Love these lined jeans", "unixReviewTime": 1476057600} +{"overall": 4.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "ARQ41OZD195WQ", "asin": "B00080QZCY", "style": {"Size:": " 3X", "Color:": " Black"}, "reviewerName": "John Sandoval", "reviewText": "Shrunk a lot after washing/drying the first time. There nice if you don't dry them.", "summary": "There nice if you don't dry them", "unixReviewTime": 1456704000} +{"overall": 3.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AUPUX2FKYF3VW", "asin": "B0007WZZYC", "style": {"Size:": " 38W x 30L", "Color:": " Black"}, "reviewerName": "WeegieB", "reviewText": "Very good quality. Just not a good fit for me.", "summary": "Very good quality. Just not a good fit for me.", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A26HV4CR6M2RAE", "asin": "B00022JPNE", "reviewerName": "MIKE", "reviewText": "I ALWAYS WANTED A PAIR OF WINTER CAMO'S AND NOW I HAVE THEM.....THEY FIT GREAT", "summary": "Five Stars", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2017", "reviewerID": "A3HJJ7YWOMJ5AU", "asin": "B000A253DM", "style": {"Size:": " 7 C/D US", "Color:": " Black/Dark Grey Leather"}, "reviewerName": "Litenin", "reviewText": "Really like these shoes and a previous pair I had purchased recently. Well built and fit very well.", "summary": "Five Stars", "unixReviewTime": 1513036800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A2X0WRANPU6ZU4", "asin": "B0003DKV8K", "style": {"Size:": " Big N Tall", "Color:": " Black"}, "reviewerName": "RC", "reviewText": "Got them for my husband and let me tell you... They are very, very durable! Buy them, they will serve the purpose perfectly and do it well!", "summary": "These are great!!", "unixReviewTime": 1458086400} +{"reviewerID": "A3ARN7B6OQGTTW", "asin": "B0007USMFS", "reviewerName": "ProReviews", "verified": true, "reviewText": "These jeans were great quality, and very true to size. This is the second pair I've purchased-the first was about 3 years ago and work VERY regularly and they held up great. Definitely recommend this product.", "overall": 5.0, "reviewTime": "05 19, 2016", "summary": "These jeans were great quality, and very true to size", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "ACK9WMO8SCOEZ", "asin": "B0007CKMOU", "style": {"Size:": " 48W x 34L", "Color:": " Overdyed Black"}, "reviewerName": "Nicolas Coplin", "reviewText": "Same as I said in other pants reviews", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A1ICM14AHUQV93", "asin": "B0007KPP7G", "style": {"Size:": " Medium Tall", "Color:": " Teal Blue"}, "reviewerName": "bsmith", "reviewText": "Great price for a nursing gift", "summary": "Great price for a nursing gift", "unixReviewTime": 1462665600} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A17DH0DD9FHO6O", "asin": "B00006XXGO", "reviewerName": "John M", "reviewText": "Unc,omfortable, not even stylish I had to buy these, don't clean easy, cheap material, never buy a shoe like this", "summary": "piece of s***", "unixReviewTime": 1383955200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A1YQ56RX1KP0C4", "asin": "B0007YXRVI", "style": {"Size:": " 44D", "Color:": " Honey"}, "reviewerName": "Amazon Customer", "reviewText": "I am very happy with the fit and support of these 18-Hour bras. They wash well and I don't put them in the dryer. Excellent product.", "summary": "Excellent Product", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A1JE3ECLHW0M3N", "asin": "B0007SUEYC", "style": {"Size:": " 8 B(M) US", "Color:": " Black"}, "reviewerName": "Allie R", "reviewText": "I agree with all the posts to go smaller than normal. I actually have a wide foot but the width on these is fine and stretches. I normally wear 8.5-9 so I ordered these in an 8. I could have gotten the 7.5 and been fine. Comfortable, breathable, cute!", "summary": "Love these", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "ARE7R9OPUG4SK", "asin": "B00006XXGO", "style": {"Size:": " 8 US Men/10 US Women", "Color:": " Red"}, "reviewerName": "GoJacks1", "reviewText": "Remain a classic, brings back memories, easy to walk and run with, easy to clean", "summary": "Still a classic", "unixReviewTime": 1479772800} +{"overall": 4.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A5S92Z3O9TAU6", "asin": "B0006AAS56", "reviewerName": "Amazon Customer", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A2W6GJEA1K1MBZ", "asin": "B0006Z3HMW", "reviewerName": "B. Molina", "reviewText": "Great little tool to help fasten bracelets; would buy again!", "summary": "Five Stars", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A1V1YHXKKESIMN", "asin": "B000AYHCWA", "style": {"Size:": " 9", "Color:": " Olive, Green & Brown"}, "reviewerName": "Justin H.", "reviewText": "Size a big large, I wear Nike Free 5.0 size 9.5, my ECCO dress shoe are size 9. So I order this size 9, I can feel about 3/4\" room extra in my toes. I guess size 8 would of be perfect for me. It looks good and comfortable.", "summary": "I guess size 8 would of be perfect for me", "unixReviewTime": 1429920000} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A1MZIQMK0QMV74", "asin": "B000B2MMDA", "style": {"Size:": " 7.5 W US", "Color:": " Black"}, "reviewerName": "T Mac", "reviewText": "nice and comfortable", "summary": "Four Stars", "unixReviewTime": 1515628800} +{"reviewerID": "A2UB1TWB96U0XN", "asin": "B0006U68Z0", "reviewerName": "Justice", "verified": true, "reviewText": "Slim cut, fit my teen son well.", "overall": 4.0, "reviewTime": "12 20, 2014", "summary": "Heavy durable", "unixReviewTime": 1419033600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "12 28, 2007", "reviewerID": "A3IAF5YXLAXQ56", "asin": "B0007N54CY", "reviewerName": "A. G. George", "reviewText": "I purchased the watch for my husband for Christmas and boy was it a hit! My husband loves the look of the watch. It is something he can wear to a Bar-B-Q or to an executive meeting. It's a quality timepiece. It looks beautiful and was a great buy.", "summary": "Great buy", "unixReviewTime": 1198800000} +{"overall": 3.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "AY7MQMRBA1EIC", "asin": "B000657TLW", "style": {"Size:": " 10 D(M) US", "Color:": " Dark Brown"}, "reviewerName": "H2o Boy", "reviewText": "These boots are just okay. They are rather stiff, big and clunky.", "summary": "These boots are just okay.", "unixReviewTime": 1505088000} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A1EQ88O1MP4CZQ", "asin": "B0000CBALZ", "style": {"Size:": " 48W x 28L", "Color:": " Grey Indigo"}, "reviewerName": "Jim", "reviewText": "They seem to be good foreign made jeans. Wish they were made stateside.", "summary": "Good Jeans", "unixReviewTime": 1498608000} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A2961IYBU6319X", "asin": "B00067G3E4", "style": {"Color:": " Aqua Blue/Black"}, "reviewerName": "Robert Reilly", "reviewText": "It is what it is. Bought for the wife though she's not a size 6 so it really only goes around the waist. Can't do all the typical Sarong ties. Gave it to my daughter, long for a 10 year old but works much better.", "summary": "Small but good", "unixReviewTime": 1463875200} +{"overall": 3.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A2G5X598LHWT8E", "asin": "B0002M14CY", "style": {"Size:": " 8 B(M) US", "Color:": " Gray/Blue"}, "reviewerName": "Molly", "reviewText": "somewhat disappointed, the layers of foam that make up the sole started to separate along the sides of the shoes. Maybe paid a little too much. But love the look and the color options.", "summary": "somewhat disappointed, the layers of foam that make up the ...", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": false, "reviewTime": "06 30, 2014", "reviewerID": "A3EA8T6RS5ILFI", "asin": "B0009M968G", "style": {"Size:": " 8.5 B(M) US", "Color:": " Distressed Tan"}, "reviewerName": "carowood", "reviewText": "Love these boots. I was worried they wouldnt fit, and at first seemd they wouldnt, as I have a really complicated foot, but I pulled and stepped into them, and they fit perfectly. Nice and narrow looking too.", "summary": "love them", "unixReviewTime": 1404086400} +{"overall": 2.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3V744NS6AJ7I", "asin": "B0009U83NW", "style": {"Size:": " 36W x 27L", "Color:": " Indigo Blue"}, "reviewerName": "Excel", "reviewText": "THESE Dickeys have smaller pockets than normal Dickeys which make them\nharder for me to make use of,I tried and failed with this model...I am not sure why MFGs\nhave to change pocket sizes within models...stupid", "summary": "THESE Dickeys have smaller pockets than normal Dickeys which make ...", "unixReviewTime": 1417737600} +{"reviewerID": "A3NBR7BO9XN4HF", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "i love dickies i just bought the wrong size haha", "overall": 4.0, "reviewTime": "01 24, 2016", "summary": "Four Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2013", "reviewerID": "AZSU606JD8WWN", "asin": "B000B5YAPU", "style": {"Size:": " D", "Color:": " Toast"}, "reviewerName": "Katherine1988", "reviewText": "I love these tights. It is very hard to buy anything but black tights in a store. I would buy again.", "summary": "tights", "unixReviewTime": 1367280000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2012", "reviewerID": "A1EC9349Y1YBFV", "asin": "B0007SUEYC", "style": {"Size:": " 8 B(M) US", "Color:": " Black"}, "reviewerName": "HARLEMLADY", "reviewText": "THEY SHIPPED TO ME SO QUICKLY. THE SHOES ARE SO COMFORTABLE. I GOT A HALF SIZE SMALLER BECAUSE RUN A LITTLE BIG. EXCELLENT SHOES. I MAY BUY ANOTHER COLOR", "summary": "GREAT SHOES", "unixReviewTime": 1351468800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A3K36J93YGXCWC", "asin": "B0001N5WMW", "style": {"Size:": " 10 B(M) US", "Color:": " Beet Red/Corydalis Blue"}, "reviewerName": "Dmiller", "reviewText": "Great sandals but we warned if you have wide feet, these might not be the sandal for you!", "summary": "Five Stars", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A1WBJH81LJQZVX", "asin": "B0000V9E3S", "style": {"Size:": " 9 B(M) US", "Color:": " Raya Purple"}, "reviewerName": "Vicky Olson", "reviewText": "These shoes are great, I live in them, and them being\nwashable is fantastic. They are wearing very well and\nthe color is very pretty.", "summary": "Very comfortable", "unixReviewTime": 1378080000} +{"reviewerID": "A1TFS2FQ82562O", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Fits well", "overall": 5.0, "reviewTime": "01 4, 2017", "summary": "Five Stars", "unixReviewTime": 1483488000} +{"reviewerID": "ALS9DZ7AGVG0Y", "asin": "B000AXVDOO", "reviewerName": "Daniel H.", "verified": true, "reviewText": "Too small around. Returned.", "overall": 2.0, "reviewTime": "12 10, 2015", "summary": "Didn't fit.", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2017", "reviewerID": "A1L379RL0YMNEK", "asin": "B0002NYQO6", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "Theresa V", "reviewText": "As expected", "summary": "Five Stars", "unixReviewTime": 1506988800} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2018", "reviewerID": "A2E0EG8PH13T0G", "asin": "B00009ZM7Z", "style": {"Size:": " 13 D(M) US", "Color:": " Dark Earth"}, "reviewerName": "mary henderson", "reviewText": "My husband loves these shoes. These are his second pair. He wore out the other ones.", "summary": "Five Stars", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "A21HB7NIP1H452", "asin": "B000AYYIYK", "style": {"Color:": " Black/Gold-Tone/White"}, "reviewerName": "MCFox", "reviewText": "Real nice watch with glow in the dark display at a press of a button", "summary": "It's a Timex - not costly; not fancy; but excellent timepiece", "unixReviewTime": 1517270400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "AN06IGMJNLB7", "asin": "B0002MD71U", "reviewerName": "Belinda Peoples", "reviewText": "Love the shoe quality and price but was a tad to big", "summary": "Love my converse", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2014", "reviewerID": "A3FGOETMZR2XA5", "asin": "B0002NYVV4", "reviewerName": "Antonia", "reviewText": "I have bought several of these sweatshirts and have not been disappointed in the colors, or softness. I enjoy wearing them and will continue to buy several other colors. The items came in quickly as well.", "summary": "Nice and soft", "unixReviewTime": 1397865600} +{"overall": 1.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "AKA6W3ED2H2QO", "asin": "B0007MFW8Q", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black"}, "reviewerName": "Jei", "reviewText": "So far not a comfortable fit. I'm quite surprised by this myself. Maybe it takes some wearing before they're comfortable... we shall see", "summary": "Not Good", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": false, "reviewTime": "02 3, 2016", "reviewerID": "ASLX42AIG5TZ4", "asin": "B00006XXGO", "reviewerName": "Amazon Customer", "reviewText": "I feel like these are so timeless, for every age, gender and super versatile! I love converse..dirty or clean they always rock:)", "summary": "Timeless!", "unixReviewTime": 1454457600} +{"reviewerID": "A1OKXM796W5BFX", "asin": "B00028AZ6E", "reviewerName": "758buyer", "verified": true, "reviewText": "Bought these for my son for they fit really nicely. He loves them.", "overall": 5.0, "reviewTime": "11 10, 2017", "summary": "Bought these for my son for they fit really nicely. He loves them", "unixReviewTime": 1510272000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A1R8FCBB20AVMS", "asin": "B00093DAOQ", "style": {"Size:": " 44-45 M EU / 12.5 B(M) US Women / 10.5 D(M) US Men", "Color:": " Black"}, "reviewerName": "Roger D. Burch", "reviewText": "Was a gift for my son. Fit exactly like his other ones", "summary": "Right fit", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A1VN6MAN3LDVE2", "asin": "B00006XXGO", "style": {"Size:": " 8 US Men/10 US Women", "Color:": " White"}, "reviewerName": "shanna mitchel", "reviewText": "fits just right...perfect!!!", "summary": "love it", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A3Q67KQBAJHUPC", "asin": "B00016QOX0", "style": {"Size:": " 30W x 30L", "Color:": " Rinse"}, "reviewerName": "Jessie101usa", "reviewText": "I will be buying from this dealer again. A+", "summary": "Five Stars", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A2RR3K44K86LLS", "asin": "B0009F0Z38", "style": {"Size:": " XX-Large - 11-12", "Color:": " Black"}, "reviewerName": "linda garcia", "reviewText": "Great slipper, my favorite brand & style.", "summary": "Would Recommend", "unixReviewTime": 1458604800} +{"overall": 2.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3GFXNT5E7EJUR", "asin": "B0009F0Z38", "reviewerName": "None", "reviewText": "I purposely bought a large (8-9) because I wear a 7.5 shoe. The slippers were too short and constantly irritated my toes.", "summary": "I purposely bought a large (8-9) because I wear a ...", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "A1Q6DCUJBKGH3C", "asin": "B0002FHJ66", "style": {"Size:": " Large", "Color:": " Sand"}, "reviewerName": "quickreviews", "reviewText": "Great hoodie, very comfortable, and fit just as expected.", "summary": "Good hoodie for a fair price", "unixReviewTime": 1511222400} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A3HHNH5ZP7X96A", "asin": "B0006Z3HMW", "reviewerName": "rjheidt", "reviewText": "I was having trouble with a lobster claw clasp on one of my bracelets and this is was just the tool I needed to assist with fastening it on.", "summary": "I was having trouble with a lobster claw clasp on ...", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A1VQJQ5B995EQ4", "asin": "B0007KPP7G", "style": {"Size:": " X-Large Tall", "Color:": " Navy"}, "reviewerName": "Jared B. Rice", "reviewText": "Perfect pants! It's hard to find pants that are long enough for me and fit well. These are wonderful! Will definitely be ordering these again!", "summary": "Perfect pants! It's hard to find pants that are ...", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "AI6DHJ1IOI890", "asin": "B0002TOWIU", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "JoJo44", "reviewText": "Good price, good quality. The only socks my dad likes. Best price I can find for these socks is on Amazon. They are called Fluffies, but they are not thick. They are very soft and keep moisture away.", "summary": "Great price!", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "AIAKNIIIQHTR9", "asin": "B0002USBB8", "style": {"Size:": " 9.5 M US Toddler", "Color:": " Ballet Pink"}, "reviewerName": "ShellyPT", "reviewText": "Bought a little bigger that my daughter normally wears after her normal size didn't fit. Bought 1 size up. These fit her great.", "summary": "These fit her great.", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A17S32S1E1HZKV", "asin": "B00078ZTLU", "reviewerName": "Wes Smith", "reviewText": "Great fit!! Will be ordering more", "summary": "Five Stars", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2016", "reviewerID": "A2ZLQ6YEXHN05W", "asin": "B0000E014L", "style": {"Size:": " Medium", "Color:": " Natural"}, "reviewerName": "Kathy S", "reviewText": "Very nice lightweight addition to a winter work wardrobe.", "summary": "Lovely Comfortable Undergarment", "unixReviewTime": 1481932800} +{"overall": 2.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "AGK3DTT9MOQHZ", "asin": "B0000891IO", "style": {"Size:": " A/B", "Color:": " Barely There", "Number of Items:": " 1"}, "reviewerName": "Kindle Customer", "reviewText": "The fit is as expected but the color isn't. I though \" barely there \" would be nude but they are more suntan . I'm not happy with the color.", "summary": "I'm not happy with the color", "unixReviewTime": 1427155200} +{"reviewerID": "A1D3BZN5I9HOLF", "asin": "B000AXVDOO", "reviewerName": "Azanett Galvez", "verified": true, "reviewText": "A little large, but fine to still wear.", "overall": 3.0, "reviewTime": "02 24, 2015", "summary": "but fine to still wear", "unixReviewTime": 1424736000} +{"overall": 4.0, "verified": true, "reviewTime": "05 10, 2018", "reviewerID": "A1ZGJ6TOUCFJWP", "asin": "B0006FM9BM", "style": {"Size:": " 10.5 B(M) US Women / 8.5 D(M) US Men", "Color:": " Light Surplus/Light Olive"}, "reviewerName": "Nameless Someone", "reviewText": "nice shoes, like the color", "summary": "Four Stars", "unixReviewTime": 1525910400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "A2K1H9Y8VV4PCX", "asin": "B000072UMN", "style": {"Size:": " Men's 11, Women's 13 Medium", "Color:": " Red"}, "reviewerName": "Chad E. Newberry", "reviewText": "Love my Chucks! Always have, always will. These are my favorite pair yet!", "summary": "Chuck Love", "unixReviewTime": 1430438400} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A1C4ZNSH68N2WX", "asin": "B000072US4", "reviewerName": "Tim", "reviewText": "The description says unisex sizing so we bought 6.5 thinking a size 9 women. It's a 6.5 women. No problem returning but can't reorder since we can't tell what the sizing really is.", "summary": "Beware", "unixReviewTime": 1427241600} +{"reviewerID": "A24ID280LLHWPI", "asin": "B0000865II", "reviewerName": "BtrflyNtaffy", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/711oS1q9zsL._SY88.jpg"], "reviewText": "The hose are great in quality. They aren't quick to snag or run and they look good on. The only issue is that they run small and the sizing guide on Amazon is not correct. Please see my photo for the sizing guide that is on the package. Go by this and you will be right as rain.", "overall": 4.0, "reviewTime": "02 7, 2016", "summary": "Great quality, runs small.", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A19QDL922UP5FR", "asin": "B0009I36O0", "style": {"Color:": " Ivory"}, "reviewerName": "Christina", "reviewText": "So pretty and soft, bought 5 different colors", "summary": "Soft", "unixReviewTime": 1481068800} +{"overall": 4.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "AQRVRUWZWO5LE", "asin": "B000A2KCAQ", "style": {"Size:": " 36W x 30L", "Color:": " Bark"}, "reviewerName": "crewchief902", "reviewText": "worked well", "summary": "Four Stars", "unixReviewTime": 1454284800} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "AWYHGUT8OXKUJ", "asin": "B000783XAE", "style": {"Size:": " 4X-Large Tall", "Color:": " Black"}, "reviewerName": "Charles", "reviewText": "I'm pretty sure the people designing clothes for the big and tall crowd aren't big and tall and don't use actual big and tall models. Luckily I got these for the gym so I just ended up cutting the sleeves off anyways.", "summary": "sleaves to long", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2014", "reviewerID": "AUFOKDEUX0AV1", "asin": "B0007QMOI8", "style": {"Size:": " 9 D(M) US", "Color:": " Running White/Green"}, "reviewerName": "Kindle Customer", "reviewText": "Was looking for a classic shoe, these are it. Classic canvas with toe protection, a dress up sneaker, very sharp.", "summary": "Classic", "unixReviewTime": 1402099200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A34P6BBB5MBIS3", "asin": "B00006XXGO", "style": {"Size:": " 9 B(M) US Women / 7 D(M) US Men", "Color:": " Rebel Teal"}, "reviewerName": "Jean M Lesniak", "reviewText": "Genuine low top Chucks.", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"reviewerID": "AEEP0I1BEJ20E", "asin": "B00028AZ6E", "reviewerName": "M.E.", "verified": true, "reviewText": "They are much tighter in the waist than expected, but I know Dickies and they'll relax over time.", "overall": 3.0, "reviewTime": "04 20, 2016", "summary": "Three Stars", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2014", "reviewerID": "A10NXIIA95VBAZ", "asin": "B000B234K0", "style": {"Size:": " 13 D(M) US", "Color:": " Brown"}, "reviewerName": "NC7", "reviewText": "These shoes are the bomb!", "summary": "Deez Shoes are Great!", "unixReviewTime": 1401062400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2013", "reviewerID": "AFX2DPDD0YGLY", "asin": "B000B5YAPU", "style": {"Size:": " C", "Color:": " White"}, "reviewerName": "Edmund Squire", "reviewText": "They fit very well and the color is nice, Good product name. I really like them and will order another pair again soon.", "summary": "Danskin ultra soft microfiber tights", "unixReviewTime": 1360972800} +{"reviewerID": "A2725SA8KIKCOQ", "asin": "B0001YRFS0", "reviewerName": "Charles Walker", "verified": true, "reviewText": "my maintenance man is all giddy over these things ... Happy Maintenance Man = Happy Days !!", "overall": 5.0, "reviewTime": "03 12, 2018", "summary": "Happy Maintenance Man = Happy Days", "unixReviewTime": 1520812800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A2TVHBT2DAMOR2", "asin": "B0000ZE6AK", "style": {"Size:": " 2X-Large/9", "Color:": " White"}, "reviewerName": "K. Royster", "reviewText": "The item was as expected, it arrived on time, and I would buy this item again.", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"reviewerID": "AQPFTWO7DN35Y", "asin": "B0001YRFS0", "reviewerName": "sean", "verified": true, "reviewText": "I love dickies pants! Really durable and last for years", "overall": 5.0, "reviewTime": "04 8, 2018", "summary": "Five Stars", "unixReviewTime": 1523145600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A2MOR5XW09FOPF", "asin": "B00009ZM7Z", "style": {"Size:": " 12 D(M) US", "Color:": " Gunsmoke"}, "reviewerName": "James1224", "reviewText": "My son in law recomended these and now they are my go to footwear for in house and light outside wear. Comfortable, good support and seem very durable. I will be ordering a spare pair soon", "summary": "Excellent", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A88C1421YTZB4", "asin": "B00009ZM91", "style": {"Size:": " 7 B(M) US", "Color:": " Taupe"}, "reviewerName": "The Wordman", "reviewText": "Very comfortable and good fit. Great for walking and look good too.", "summary": "Great Shoes", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A1Q5U35CWHY5BY", "asin": "B0007YRAP2", "style": {"Size:": " 42DD", "Color:": " Natural Beige"}, "reviewerName": "CJK, Esq.", "reviewText": "So nice to go wireless in a 42DD!", "summary": "Perfect Bras", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2013", "reviewerID": "A3V4VY08YHYBJ7", "asin": "B0000DCS5T", "style": {"Size:": " 12 D(M) US", "Color:": " Tan/Beige"}, "reviewerName": "Drew McClain", "reviewText": "I love these shoes. They are the most comfortable pair of shoes I own. That's why I own 4 different pairs and they all still look great.", "summary": "Awesome shoes", "unixReviewTime": 1364256000} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A3HRY9UU3JD4PI", "asin": "B0000TII3C", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Eliezer", "reviewText": "Muy Bueno!", "summary": "Four Stars", "unixReviewTime": 1422144000} +{"overall": 3.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A3U3UJCGIYD3HK", "asin": "B000A7G6OC", "style": {"Size:": " 40Wx34L", "Color:": " Grey"}, "reviewerName": "stevetheman.1", "reviewText": "Alittle baggy", "summary": "Three Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A3MZG8XKFFCEN3", "asin": "B000632SPG", "reviewerName": "fluffy", "reviewText": "best hat there is for someone with big head. used to wear regular fitted hats, not anymore. Flex-fit is the only way to go", "summary": "Specially designed for people with watermelon heads", "unixReviewTime": 1430784000} +{"overall": 1.0, "verified": true, "reviewTime": "01 29, 2018", "reviewerID": "A64ODD9OJDDF4", "asin": "B000163G8G", "style": {"Size:": " 32C", "Color:": " Blush"}, "reviewerName": "Jennifer Holmes", "reviewText": "The sizing is very small I'm normally a 34 B cup but went up to a C after reading reviews and it was still very tight. I've asked for a return so I can buy another Maidenform bralette that I do LOVE", "summary": "The sizing is very small I'm normally a 34 B ...", "unixReviewTime": 1517184000} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A2GXQH9KVWVZVW", "asin": "B000783Z7A", "style": {"Size:": " XXX-Large Big", "Color:": " Black"}, "reviewerName": "Alby A", "reviewText": "Fits Fine", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"reviewerID": "A3U6ZPH3JKWASL", "asin": "B0001YRFS0", "reviewerName": "melissa", "verified": true, "reviewText": "Great price and received quickly", "overall": 5.0, "reviewTime": "07 16, 2015", "summary": "Five Stars", "unixReviewTime": 1437004800} +{"overall": 4.0, "verified": true, "reviewTime": "11 15, 2013", "reviewerID": "AADSJBKCD7C94", "asin": "B0002VANXG", "style": {"Size:": " XX-Large", "Color:": " Woodland Camo"}, "reviewerName": "taxt", "reviewText": "Looks good and keeps my bald head warm and dry, too. Good construction. Wish the brim was wider to keep the sun off, otherwise fine.", "summary": "I like it", "unixReviewTime": 1384473600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2016", "reviewerID": "A3IXFDC1B7547L", "asin": "B0002FHJ66", "style": {"Size:": " XX-Large", "Color:": " Carolina Blue"}, "reviewerName": "Amazon Customer", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1482537600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "ADX3W7YE6E5RT", "asin": "B00006XXGO", "style": {"Size:": " 6.5 B(M) US Women / 4.5 D(M) US Men", "Color:": " Fresh Yellow"}, "reviewerName": "Nancy Spencer", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A1S2DW70EY66AE", "asin": "B0002FHJ66", "style": {"Size:": " XX-Large", "Color:": " Military Green"}, "reviewerName": "SG", "reviewText": "Top quality product, paying for quality not paying extra for a trendy name.", "summary": "Five Stars", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "A3OICBF7FXGR07", "asin": "B00008WIAN", "style": {"Size:": " One Size", "Color:": " Class Navy"}, "reviewerName": "Lyuba S. Palesado", "reviewText": "I like it a lot, will buy again", "summary": "Five Stars", "unixReviewTime": 1499817600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A1IQ0CZ4RQ24TG", "asin": "B0000WL0XY", "style": {"Size:": " Large", "Color:": " Brown"}, "reviewerName": "James R.", "reviewText": "Bought both of the 2 son's one for Christmas. Suppose to take a beating and they will by the boys. We'll see how they wear over time.", "summary": "Work Jacket For The Boys", "unixReviewTime": 1481846400} +{"reviewerID": "A18SLPAVBOR33G", "asin": "B0007MFWZ4", "reviewerName": "Christy J Johnston", "verified": true, "reviewText": "I ordered the boots 1/2 size smaller than I usually wear, as recommended by most reviewers. They seem to fit just right, as long as I don't wear socks that are too thick. Nice color.", "overall": 4.0, "reviewTime": "12 27, 2013", "summary": "Nice boots", "unixReviewTime": 1388102400} +{"overall": 4.0, "verified": false, "reviewTime": "08 27, 2016", "reviewerID": "A2TQ78FUZQRIBZ", "asin": "B0009GCRQ0", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Well made shirts that have not shrunk or stretched in several wash cycles. They are a little smaller than I would have expected from a typical large sized shirt but not to much as to be returned. Just a little snugger fit than ideal.", "summary": "Well made shirts that have not shrunk or stretched in ...", "unixReviewTime": 1472256000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2013", "reviewerID": "A259G0B65T7PA", "asin": "B0002LY3CS", "style": {"Size:": " 15 D(M) US", "Color:": " Brown/Buck Brown"}, "reviewerName": "Christopher/Sheila", "reviewText": "Love these shoes got them for my son. They fit perfect look beautiful. I would recommend them to anyone that want a well made stylish shoe.", "summary": "Great", "unixReviewTime": 1359072000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3VZ5TB6MCWM7W", "asin": "B0001YSBOC", "style": {"Size:": " Medium", "Color:": " Red"}, "reviewerName": "Dyluc", "reviewText": "Very good shirts that fit well.", "summary": "Five Stars", "unixReviewTime": 1489708800} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A3O79VWK5QX2D3", "asin": "B0002THW64", "style": {"Size:": " 3", "Color:": " Black"}, "reviewerName": "Michele Gibbs", "reviewText": "I have found it very difficult to find true Navy tights and these are perfect. Great fit.", "summary": "Three Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A3CY9YL4GDOCE6", "asin": "B00016QOX0", "style": {"Size:": " 34W x 32L", "Color:": " Rinse"}, "reviewerName": "Chris M.", "reviewText": "Can't beat levi's", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"reviewerID": "A1D73Z7JNFOG9A", "asin": "B0007SUEVK", "reviewerName": "Karen", "verified": true, "reviewText": "I've owned several pairs of Minnetonka's Kiltys and I just love them. While not a supportive shoes, they are very comfy. I got this mustard pair and get complements all the time. I think I need to get another fun color...", "overall": 5.0, "reviewTime": "04 6, 2013", "summary": "Make sure you order down one full size", "unixReviewTime": 1365206400} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A2UXBKEUIL3MAT", "asin": "B000AY776G", "style": {"Size:": " Large"}, "reviewerName": "SitterInTheCity", "reviewText": "Gave as a Christmas gift so don't know final review. Packaging was good. It was labeled as a Halloween product if that makes a difference for you.", "summary": "Packaging was good. It was labeled as a Halloween product if ...", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A2A7RKAF0PL04O", "asin": "B0009787TA", "style": {"Size:": " 45 M EU / 11-11.5 D(M) US", "Color:": " Black"}, "reviewerName": "Sladan", "reviewText": "This is the second pair I got in last six months. Now have them in both black and brown. So comfortable.", "summary": "Great shoes.", "unixReviewTime": 1414368000} +{"overall": 4.0, "verified": false, "reviewTime": "02 28, 2015", "reviewerID": "AI8YLZNLSQ8YS", "asin": "B0002TV5FI", "reviewerName": "Les C", "reviewText": "Nice crew socks. Comfortable, seem well made. And I got these at a great clearance price. Only problem is they don't stay up. Spandex on ankle is somewhat loose.", "summary": "Decent but not snug fit", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2013", "reviewerID": "AGSF5OXKI5EE5", "asin": "B00007GDAL", "style": {"Color:": " Mahogany"}, "reviewerName": "Char's Pen and Ink", "reviewText": "Pleasing to the eye and very practical. Small enough to put in my jeans pocket...but big enough so I don't lose it.", "summary": "Beautiful Wallet", "unixReviewTime": 1358208000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A3HEDWXL9TWYXU", "asin": "B0009G8HO6", "reviewerName": "Jack W. Overman", "reviewText": "Exactly what I wanted. Size is great (even after first washing) Colors were true.", "summary": "Neat shirts", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A1MP3YX7QJJCK", "asin": "B0009U6A64", "style": {"Size:": " 36\" x 34\"", "Color:": " Rinsed Indigo Blue"}, "reviewerName": "LU 2 U", "reviewText": "My man loves the fit and the comfortable wear. Quality seems to be pretty good.", "summary": "Five Stars", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "A376NV0XBQ8XOG", "asin": "B0002P5SL4", "style": {"Size:": " 7.5 B(M) US", "Color:": " White"}, "reviewerName": "E.M. from N.Y.", "reviewText": "Excellent shoe one thing get half size smaller than your size of shoe. Since when it stretch it will fit like your original size. excellent shoe very clean cut . Enjoy !", "summary": "Best nurse mate in town !!!", "unixReviewTime": 1382659200} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2018", "reviewerID": "A3EKASNAM7DX3P", "asin": "B00024QTFO", "style": {"Size:": " 10 D(M) US", "Color:": " Black Deer Tan"}, "reviewerName": "kitkat", "reviewText": "My husband loves loves loves these boots! He's a solid 10 and they fit him perfectly he just loves riding in them he replaced a 30 year old pair of boots his mother had given him", "summary": "Excellent men's riding boot", "unixReviewTime": 1516406400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A2FQ4YEBIPBKM3", "asin": "B00006XXGO", "style": {"Size:": " 10 US Men/12 US Women", "Color:": " White"}, "reviewerName": "Nena Suarez", "reviewText": "Fit perfect and arrived early!! ", "summary": "Five Stars", "unixReviewTime": 1479772800} +{"reviewerID": "A2MHO5I0G6SRC3", "asin": "B000657TL2", "reviewerName": "Joshua C. Gordon", "verified": true, "reviewText": "Great boots for the price...I recommend them!", "overall": 5.0, "reviewTime": "11 30, 2014", "summary": "Simply perfect!", "unixReviewTime": 1417305600} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2013", "reviewerID": "A9AO37BLUBKBP", "asin": "B00064KB72", "style": {"Color:": " Brown"}, "reviewerName": "Amazon Customer", "reviewText": "LOVE THIS PRODUCT... wish it game in a denim cover! I would buy it in multiple-colors to carry with each color purse!", "summary": "Great product", "unixReviewTime": 1379289600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "AY8NAG7ARNGMR", "asin": "B00021NY28", "style": {"Size:": " 16 Short", "Color:": " Black"}, "reviewerName": "C-Dub", "reviewText": "I ordered an average length and they fit perfectly on me. I have a 30\" inseam so that should tell you that they do run short. Otherwise the fit is true. Fabric is soft but has enough heft that they do not wrinkle excessively. Washed and dried on low. No shrinkage.", "summary": "I ordered an average length and they fit perfectly on ...", "unixReviewTime": 1456617600} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2017", "reviewerID": "A2F2CT31P1H6X6", "asin": "B00068CXGU", "style": {"Size:": " 8.5 D(M) US", "Color:": " Buff"}, "reviewerName": "Michigan Zach", "reviewText": "Wonderful for Michigan Winters.", "summary": "Four Stars", "unixReviewTime": 1512691200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A1SQ14MIVYW6ZZ", "asin": "B0000ANHT7", "style": {"Size:": " Medium", "Color:": " Hunter Green"}, "reviewerName": "gerard cianci", "reviewText": "nice for work", "summary": "Five Stars", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "AZVAJZK61ZN1M", "asin": "B000A2K576", "style": {"Size:": " 33W x 34L", "Color:": " Vintage Indigo"}, "reviewerName": "Mr. Jumps", "reviewText": "Great Jeans that hold up well. At 21 dollars these are a bargain. You won't get those wear holes that show up in pants using inferior denim.", "summary": "room for cucumber", "unixReviewTime": 1492732800} +{"overall": 1.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "AK5L5GTEM3L3B", "asin": "B00007GDAL", "style": {"Color:": " Mahogany"}, "reviewerName": "Avidreader", "reviewText": "It had a plastic smell and was heavy and it didn't close flat even without anything in it.", "summary": "Wasn't for me", "unixReviewTime": 1414454400} +{"overall": 3.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "A39XT7SO375UOD", "asin": "B0009OOCCY", "style": {"Size:": " One Size"}, "reviewerName": "caleb thompson", "reviewText": "I bought this to protect my glasses and it worked. But after dropping it a few times the hing broke. It protected my glasses though.", "summary": "It did the job", "unixReviewTime": 1497052800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "AU1XKUY8RFA6R", "asin": "B000B252GO", "style": {"Size:": " 10.5 WW US", "Color:": " Black"}, "reviewerName": "steve", "reviewText": "good quality.. nice shoe... good overall quality... would buy again..", "summary": "like the shoe---", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A3PDXKAGUT1INU", "asin": "B0002LY3CS", "style": {"Size:": " 12 D(M) US", "Color:": " Oatmeal"}, "reviewerName": "Darla Maletzke", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2012", "reviewerID": "A1GW9F9GW935YT", "asin": "B0008EOUMM", "style": {"Size:": " 38W x 34L", "Color:": " Original Stone"}, "reviewerName": "82gman", "reviewText": "These are a great fit. They're not too heavy and are very comfortable. I've tried others, but they are too heavy and stiff. Here in So Cal, I need a lighter jean, and these are perfect.", "summary": "Exactly what I was looking for", "unixReviewTime": 1349481600} +{"overall": 1.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A28FYYO35C6DFQ", "asin": "B0007YR980", "style": {"Size:": " 48DD", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Mischa Gobert", "reviewText": "Stitching on the cups rubbed my N_ pp_ es.", "summary": "Uncomfortable stitching.", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A1TEW6O9BX0UZY", "asin": "B00006XXGO", "style": {"Size:": " 9.5 US Men/11.5 US Women", "Color:": " Navy"}, "reviewerName": "G. Elsasser", "reviewText": "These are very comfortable and I love that they are also a popular sneaker. I wore Converse sneakers when I was young. They still look the same and I still love wearing them.", "summary": "Converse All Stars Never Lose Their Appeal", "unixReviewTime": 1427068800} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A2PGZRNJBLCMPW", "asin": "B00028B4XW", "style": {"Size:": " 40W x 34L", "Color:": " Rinsed Black"}, "reviewerName": "b.marc", "reviewText": "Good fit", "summary": "Four Stars", "unixReviewTime": 1490918400} +{"reviewerID": "A1O6763JTURVB2", "asin": "B0001YRFS0", "reviewerName": "Sole", "verified": true, "reviewText": "the 874s have become a recent favorite since I discovered them a year ago...they're bomb proof and never need ironing", "overall": 5.0, "reviewTime": "05 30, 2013", "summary": "great", "unixReviewTime": 1369872000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A33IR15HDG4DDZ", "asin": "B0009B3IN6", "reviewerName": "KBGinWA", "reviewText": "Excellent price, came much earlier than expected!", "summary": "Five Stars", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A26LCL5WA2PJZO", "asin": "B0002LY3CS", "style": {"Size:": " 13 W US", "Color:": " Oatmeal"}, "reviewerName": "Margarita Oyarce", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A2LHZWUSPJMO8H", "asin": "B0001YSBOC", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "D. Brewer", "reviewText": "Great material, love these shirts.", "summary": "Five Stars", "unixReviewTime": 1484870400} +{"overall": 1.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A17CGU05DIKZCQ", "asin": "B0008EOEO6", "style": {"Size:": " 36W x 29L", "Color:": " Delta"}, "reviewerName": "Hong Shan", "reviewText": "Wrong color!!! The pic for the color Delta is like medium dark stone, but actually I ve got them in Tarmac! Unbelievable!", "summary": "The pic for the color Delta is like medium dark stone", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A1D4B8AYEXD77O", "asin": "B0002NYVV4", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Lisa P", "reviewText": "Light weight sweatshirt. The large IS a large as it should be. Bought a Hanes large, not nearly as generous , or as long, as this is.", "summary": "Light weight sweatshirt. The large IS a large as ...", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2014", "reviewerID": "A2FTEAKV3DDOKC", "asin": "B0007STY0C", "reviewerName": "Julia D. Bove", "reviewText": "These do seem to fit slightly shorter and more narrow than other shoes of the same size but the uppers are so soft, that I don't think this will be a problem. I believe they will also stretch. Super comfortable!", "summary": "Sooo comfortable!", "unixReviewTime": 1402531200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "A2EJIOWOTX61K", "asin": "B000791APS", "style": {"Color:": " Blue"}, "reviewerName": "Chanel", "reviewText": "The size fits fins n leaves plenty room I googled the product and found a video demonstrating the size . I suggest u do the same ....price is worth it will updat comment when it start to mash up", "summary": "Happy", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2017", "reviewerID": "ACIMBOC218KLG", "asin": "B00016QOX0", "style": {"Size:": " 32W x 34L", "Color:": " Medium Stonewash"}, "reviewerName": "Mr. P.", "reviewText": "Nice jeans at a good price", "summary": "Love Them", "unixReviewTime": 1508544000} +{"overall": 4.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "AXBO2FVR1PJSZ", "asin": "B0002M34U4", "style": {"Size:": " 32W x 29L", "Color:": " Frontier Heather - Discontinued"}, "reviewerName": "C. R. George", "reviewText": "Great fit but the pocket edges wear prematurely.", "summary": "Of all the Dockers I've tried, these fit the best!", "unixReviewTime": 1485907200} +{"overall": 4.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A3M3O2EIQDNJ10", "asin": "B0009G4D1W", "style": {"Size:": " 3X-Large", "Color:": " Sagestone"}, "reviewerName": "Sue", "reviewText": "Fits as expected. Would order again.", "summary": "Four Stars", "unixReviewTime": 1432598400} +{"overall": 1.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A257QF5AIB7US5", "asin": "B0002RRN4M", "style": {"Size:": " 12 B(M) US", "Color:": " Black"}, "reviewerName": "Yanina M.", "reviewText": "I wear size 10-11. I got those in 12 and they didn't fit! Toe box really weird too. Had to return.", "summary": "Too small and cheap quality.", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A13ULSSBDHP4FW", "asin": "B0009YL20E", "style": {"Size:": " 6-7 Years", "Color:": " Morado"}, "reviewerName": "Melissa M. Swenson", "reviewText": "Adorable and fit perfectly. Our girls didn't get sunburned at all! Super soft and comfy. Our girls LOVED these.", "summary": "Five Stars", "unixReviewTime": 1437436800} +{"overall": 3.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A10HPK4B1CL4TA", "asin": "B0009FB2WQ", "style": {"Size:": " Large Tall", "Color:": " Army Green"}, "reviewerName": "kaeli ellis", "reviewText": "Runs very large. Order a size down. Also, the material is a bit stiff and heavy for my taste. But I guess that is just personal preference.", "summary": "Runs very large. Order a size down. Also ...", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "AN317ESDO1UGS", "asin": "B0002M13R0", "style": {"Size:": " 9 D(M) US", "Color:": " Grey/Red/Orange"}, "reviewerName": "steveronibamboni", "reviewText": "I forgot what it was like to have good running shoes. I had bought a pair of Saucony's back in high school when I was running cross country. Now, I still think they're the most comfortable running shoes.", "summary": "I forgot what it was like to have good running shoes", "unixReviewTime": 1464134400} +{"reviewerID": "A115A6OQBJFVVS", "asin": "B00028AZ6E", "reviewerName": "bioresp", "verified": false, "reviewText": "Purchased for my husband to wear for work. I have been buying Dickies for years. Tried and true are Dickies!!! Woud and have recommended this product family and friends.", "overall": 4.0, "reviewTime": "10 3, 2016", "summary": "Dickies Men's Original 874 Work Pant", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A1UD29YT21ATMJ", "asin": "B0002IC652", "reviewerName": "orlando", "reviewText": "Great buy!", "summary": "Five Stars", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A16NOR5URFPG6Z", "asin": "B00006XXGO", "style": {"Size:": " 7.5 B(M) US Women / 5.5 D(M) US Men", "Color:": " Red"}, "reviewerName": "Raluca", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 4.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A2D8KTBJGP3759", "asin": "B0006SCZUE", "style": {"Size:": " Small", "Color:": " Chambray Blue"}, "reviewerName": "marshall davis", "reviewText": "Very comfortable.", "summary": "Four Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2017", "reviewerID": "A34W8KB6973XRN", "asin": "B0007SUEYC", "style": {"Size:": " 5 B(M) US", "Color:": " Navy"}, "reviewerName": "Rita Galvin", "reviewText": "Awesome shoes", "summary": "Five Stars", "unixReviewTime": 1506124800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "ADT44VDQQWVQB", "asin": "B0002LTJN6", "style": {"Size:": " 8 XW US", "Color:": " White"}, "reviewerName": "cinnamon", "reviewText": "They are great love them and would buy from the seller again.", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "AFKAQPEP8XGPK", "asin": "B000A6V0YE", "reviewerName": "Judy Jewels", "reviewText": "Nice - Great price, nice quality... gave to hubby for a surprise & he loves it!", "summary": "Professional and Useful", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "AO0Q2EPBT69A6", "asin": "B00006XXGO", "style": {"Size:": " US Women's 7.5 B(M) / US Men's 5.5 D(M)", "Color:": " Black"}, "reviewerName": "Roxanne Lewis", "reviewText": "Arrived quickly and fit perfectly, I know chucks run big. I'm an 8 and order a 7.5 and they were perfect.", "summary": "5 and they were perfect.", "unixReviewTime": 1425168000} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A2V26DBIK3QF80", "asin": "B00006XXGO", "style": {"Size:": " 12 D(M) US", "Color:": " Optical White"}, "reviewerName": "Amazon Customer", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1467936000} +{"reviewerID": "A26HXBEBOGVISX", "asin": "B00028AZ6E", "reviewerName": "MLC", "verified": true, "reviewText": "34\" waist feels more like 32\" Too small. Going to return pants.", "overall": 2.0, "reviewTime": "08 19, 2017", "summary": "Two Stars", "unixReviewTime": 1503100800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "A3POEHU54DUL6B", "asin": "B0002XSXWW", "style": {"Size:": " XX-Large", "Color:": " Cypress"}, "reviewerName": "Amazon Customer", "reviewText": "Great Shirt\nLove it!!", "summary": "Five Stars", "unixReviewTime": 1515024000} +{"reviewerID": "A2YSGWMYMSE6LL", "asin": "B00028AZ6E", "reviewerName": "W & M B", "verified": true, "reviewText": "Great pants, fit really nicely. My husband loves them and wanted more pairs in a variety of colors. Wash nicely and no wrinkles if you hang dry.", "overall": 5.0, "reviewTime": "04 11, 2015", "summary": "Great pant!", "unixReviewTime": 1428710400} +{"overall": 4.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A1VCESD2CCG9N4", "asin": "B0000ZCB7U", "style": {"Size:": " 6", "Color:": " Nude", "Number of Items:": " 1"}, "reviewerName": "Jerry A", "reviewText": "Meets my expectations.", "summary": "Great quality and price.", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2017", "reviewerID": "AEMVEFPLY1307", "asin": "B0009FB2WQ", "style": {"Size:": " XX-Large", "Color:": " Stream Blue"}, "reviewerName": "jim kenney", "reviewText": "Great shirt. Comfy, strong, and reliable.", "summary": "Five Stars", "unixReviewTime": 1507334400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2017", "reviewerID": "A3A4SV9G9Y5WQA", "asin": "B0009FB2WQ", "style": {"Size:": " X-Large", "Color:": " Navy"}, "reviewerName": "Jimbo", "reviewText": "good quality and thick material", "summary": "Satisfied", "unixReviewTime": 1499472000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A2IQNUCPX71WA4", "asin": "B0002LY3CS", "style": {"Size:": " 8.5 D(M) US", "Color:": " New Navy"}, "reviewerName": "alex caballero", "reviewText": "Great shoes,", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A3FSCJ0E1CSZ19", "asin": "B0007UM6BE", "style": {"Size:": " 52W x 32L", "Color:": " Indigo Blue Rigid"}, "reviewerName": "MChel 1969", "reviewText": "Fast delivery! Great packaging! Awesome seller!!! 2nd time I've purchased from them!! Definitely recommend!! Product was exactly as pictured and described!!", "summary": "Great packaging! Awesome seller", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A1LCS921WR67K7", "asin": "B0008GHG62", "style": {"Size:": " 9 D(M) US", "Color:": " Coffee"}, "reviewerName": "Justina L.", "reviewText": "Bought these for my father, he wore them on his first cruise! They looked perfect and he said they fit very well, true to to size!", "summary": "Brings together any outfit!", "unixReviewTime": 1475712000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A2B101E9BEQNMM", "asin": "B000B24UPI", "style": {"Size:": " 8 B(M) US", "Color:": " White Leather"}, "reviewerName": "George H Amberg", "reviewText": "She liked them,good enough for me", "summary": "She liked them, good enough for me", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A2ZTFI5ZI8C50E", "asin": "B0007YXVOQ", "style": {"Size:": " 44D", "Color:": " Black Combo"}, "reviewerName": "Tara", "reviewText": "My favorite bra ever!!!", "summary": "Five Stars", "unixReviewTime": 1470268800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A1LUOU2R1QO56I", "asin": "B0007YR980", "style": {"Size:": " 42D", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "Michael Thomas", "reviewText": "I gave this bra to my wife last year for Christmas. She's been quite pleased with the bra. She recently hinted that she would like another just like it for Christmas this year. She raved about the comfort....Being a male, I have to take her word for it.", "summary": "She's been quite pleased with the bra", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A1DO1N7ZROG8TF", "asin": "B0001YRY8Q", "style": {"Size:": " 2X-Large/Regular", "Color:": " Charcoal"}, "reviewerName": "hnh", "reviewText": "it fits well and is comfortable. I have no complaints. It is enjoyable to wear. It was warm during a cold breeze. Require so many words in a comment is not good customer relations.\n\nHNH", "summary": "nice fit", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2017", "reviewerID": "ANRENZULOXXJ7", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "Karen", "reviewText": "This is a great watch.", "summary": "Five Stars", "unixReviewTime": 1488585600} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A1HR56WYGRJELT", "asin": "B00015GEF4", "style": {"Color:": " Vintage Terazzo Brown"}, "reviewerName": "Dave", "reviewText": "Great purchase, this is a very nice bag for the price and seems like a good quality product. thank you", "summary": "Great purchase, this is a very nice bag for ...", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A1EOB4BVU2CNFE", "asin": "B0002M13R0", "style": {"Size:": " 9.5 D(M) US", "Color:": " Black/Grey/Red"}, "reviewerName": "d.a.", "reviewText": "These are my main running shoes. I routinely put 800 miles on a pair. Nice and airy for the desert heat, too. Not waterproof in the least.", "summary": "Nice and airy for the desert heat", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A3EVB7X8G4TOYW", "asin": "B0000696B9", "style": {"Size:": " 7-9", "Color:": " Yellow/Red/Black/Green"}, "reviewerName": "kjanko92", "reviewText": "Great condition and fit", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A3MAA6JS75OEOD", "asin": "B00006XXGO", "reviewerName": "Dawn L.", "reviewText": "Good to go", "summary": "Teen added to collection", "unixReviewTime": 1493337600} +{"overall": 2.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "ALT88TQSP92DH", "asin": "B0007UBLUQ", "style": {"Size:": " Large", "Color:": " Classic Black"}, "reviewerName": "Stephanie J", "reviewText": "Too narrow, different than another pair I own of the same product so I returned.", "summary": "Oddly narrow, not the same as another pair I have", "unixReviewTime": 1498953600} +{"overall": 1.0, "verified": true, "reviewTime": "11 1, 2013", "reviewerID": "A34BUKCHKY2M2R", "asin": "B0002V9KK8", "reviewerName": "alex", "reviewText": "ordered grey and got a green one,,will not go thru hassle of returning will give to my dog to chew up..ordered for my son will NEVER BUY FROM THIS SELLER AGAIN~~~", "summary": "ordered grey and got green", "unixReviewTime": 1383264000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A3HB6LBLWCGEV1", "asin": "B0002MKYSY", "style": {"Size:": " 18W", "Color:": " Orion"}, "reviewerName": "Jaeg", "reviewText": "Very Comfortable!", "summary": "Very Comfortable!", "unixReviewTime": 1425772800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A2NQITQ7Y8WBRV", "asin": "B0000TW41Y", "style": {"Size:": " 38W x 36L", "Color:": " Carhartt Brown"}, "reviewerName": "Reaper", "reviewText": "Carhartt makes some of the best work pants i have ever had. The only problems i have had were the color will fad with repeated washes and one of the belt loops ripped.", "summary": "would buy forever", "unixReviewTime": 1464566400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A2IS7HFIIQV1C0", "asin": "B0002M15AA", "style": {"Size:": " 9 D(M) US", "Color:": " Grey/Black/Red"}, "reviewerName": "Erik Griego", "reviewText": "Awesome shoes!!!! I was a little skeptical when I first opened the box. The red was a bit more flashy than I expected. Didnt matter as soon as I put them on. Very confortable. Felt really good on my first run.", "summary": "Very comfortable and a steal", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A2X3JHPG329LXD", "asin": "B0002TOZ1Y", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "Atomic Chopper Works", "reviewText": "Nice socks.", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2E8KIE1LPSM5D", "asin": "B0006AAS56", "reviewerName": "Zack H.", "reviewText": "It is just stunning any guy will love to receive one of these.", "summary": "Five Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "AZ0SEHXVIHO6F", "asin": "B00005N9DZ", "reviewerName": "T.scrivner", "reviewText": "Perfect fit, the original lasted 11 years lets see how long this one does.", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "AEHB76N8DELIA", "asin": "B00065FWR0", "reviewerName": "Charles Jumper", "reviewText": "Accurate.", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 4.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A3SVYYD8E3MERB", "asin": "B0009MZVVC", "style": {"Size:": " Large", "Color:": " Navy"}, "reviewerName": "Virginia Wharton", "reviewText": "I ordered light instead of heavy but these will be fine in the Spring TY I will order again and again TY", "summary": "Socks", "unixReviewTime": 1357430400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A1XXMNLOLKNO0I", "asin": "B0008ENZYG", "style": {"Size:": " 44W x 30L", "Color:": " Dark Stone"}, "reviewerName": "Stanley Joe Wynman", "reviewText": "Lee Jeans, fits as you would expect it to. Great quality, I know these will last", "summary": "Great Lee Quality", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2017", "reviewerID": "A2SBFTPUQZEPW8", "asin": "B0009G3QH4", "style": {"Size:": " Medium", "Color:": " Ash"}, "reviewerName": "Sebastian pollmann", "reviewText": "a little bit large but 10/10", "summary": "Five Stars", "unixReviewTime": 1508976000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A2EX93M64V36PP", "asin": "B00009ZM7Z", "style": {"Size:": " 10 D(M) US", "Color:": " Dark Earth"}, "reviewerName": "Nestor L", "reviewText": "Great as always!!", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A30ZDO47SW4V3W", "asin": "B0000WL0NY", "style": {"Size:": " Medium Tall", "Color:": " Army Green"}, "reviewerName": "Hobert", "reviewText": "The quality of this coat will not disappoint! It's so durable and it is so warm! This jacket will last you forever! Carhartt is the best!", "summary": "The quality of this coat will not disappoint! It's so durable and it is so warm", "unixReviewTime": 1438128000} +{"overall": 2.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A2WC8HZJGEI688", "asin": "B0007T0ZMM", "style": {"Size:": " 11 W US", "Color:": " Brown Oile"}, "reviewerName": "nana318", "reviewText": "I purchased these great shoes in size 11 2E and received a 11 W. Very disappointed, as this isn't the first time this has happened. (Got stuck with last pair because they were from Germany and would cost about @100 to return.) I wonder if Sabago even makes wide sizes!", "summary": "Disappointed", "unixReviewTime": 1497657600} +{"reviewerID": "AXXJ386AOUT5B", "asin": "B00028AZ6E", "reviewerName": "Cathy", "verified": true, "reviewText": "My husband loves these pants for work. Very happy and this is the second time I have purchased them.", "overall": 5.0, "reviewTime": "07 28, 2016", "summary": "Very happy and this is the second time I have purchased ...", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "A27FH5QX8KR40P", "asin": "B00075ZYTK", "style": {"Size:": " XX-Large", "Color:": " Cardinal Red"}, "reviewerName": "Dana", "reviewText": "Great fit great price", "summary": "Five Stars", "unixReviewTime": 1497744000} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A1JIOEQ92HFA7R", "asin": "B0000TW41Y", "style": {"Size:": " 34W x 34L", "Color:": " Black"}, "reviewerName": "Emmat169", "reviewText": "Fits as always, came very quickly!", "summary": "Five Stars", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A1IBI2BBH83ZF", "asin": "B000A6V0YE", "reviewerName": "Marra A.", "reviewText": "I lost my card holder (or so I thought) and hurried to purchase another one. This is exactly what I needed, and fits well in my purse.", "summary": "Elegant", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2017", "reviewerID": "A2O12GY65408KQ", "asin": "B0007YXUWO", "style": {"Size:": " 42D", "Color:": " Sandshell"}, "reviewerName": "Donna L Wenban", "reviewText": "Very satisfied . Fit is good and comfortable . Also , a pretty bra.", "summary": "Playtex bra", "unixReviewTime": 1501804800} +{"overall": 4.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A1J7Y6I8C4GJ4F", "asin": "B0002MGM4O", "style": {"Size:": " X-Large", "Color:": " Key West"}, "reviewerName": "A Kosh", "reviewText": "GOOD", "summary": "Four Stars", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2018", "reviewerID": "A39ONR149XM9QG", "asin": "B000163G8G", "style": {"Size:": " 32C", "Color:": " Beige"}, "reviewerName": "Brit", "reviewText": "It's very comfortable. The cups are pointed instead of round, but I just stick a pushup pad in there and it fits just fine.", "summary": "It's very comfortable. The cups are pointed instead of round", "unixReviewTime": 1515283200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2018", "reviewerID": "AHHWEGHH720C6", "asin": "B0009F0Z38", "style": {"Size:": " Medium / 6.5-7.5 B(M) US", "Color:": " Cream"}, "reviewerName": "linjsev", "reviewText": "I have been buying this style for years. It is my \"go-to\" slipper -- very comfy and the color goes will everything.", "summary": "Nice slipper", "unixReviewTime": 1521417600} +{"overall": 3.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A1KB113EDZM28R", "asin": "B0002TOR3U", "style": {"Size:": " 9-11", "Color:": " Brown Mix"}, "reviewerName": "sabknits", "reviewText": "Typical gold toe product. Thin knit, not too tight, not too loose.", "summary": "Three Stars", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": false, "reviewTime": "01 14, 2017", "reviewerID": "A258H9LIU5NGMP", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Navy"}, "reviewerName": "Heather Provence", "reviewText": "Cutest shoes ever! These shoes always seem to run a little larger but that's perfect for the little one that is in between sizes.", "summary": "These shoes always seem to run a little larger but that's perfect for the little one that is in between sizes", "unixReviewTime": 1484352000} +{"overall": 2.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A1EXNYKHIY3QI9", "asin": "B0007WZZYC", "style": {"Size:": " 32W x 34L", "Color:": " Light Brown"}, "reviewerName": "Kerri Ouderkirk", "reviewText": "Pants shrunk tremendously after one wash. I would not purchase again.", "summary": "Two Stars", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A3P3XER7J662DW", "asin": "B0009F0Z38", "style": {"Size:": " X-Large (9.5-10.5 M US)", "Color:": " Black"}, "reviewerName": "campergirl", "reviewText": "They are super comfortable ! For the first time they fit perfectly!! Normally they are approximately 1/2 size too big and they slip off. Love them!!", "summary": "They are super comfortable! For the first time they fit perfectly", "unixReviewTime": 1468540800} +{"overall": 2.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A2J73105P8SWUF", "asin": "B00007GDAL", "style": {"Color:": " Burgundy"}, "reviewerName": "D. Clark", "reviewText": "This is a decent enough wallet for the price, but the card slots are way too tight! Once I cram a card in a slot, it is in there so tightly that it is all I can do to get it out again.", "summary": "Tight card slots!", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A1WRSHBXUNO2EX", "asin": "B00008IQ74", "style": {"Size:": " C", "Color:": " Simply Natural", "Number of Items:": " 1"}, "reviewerName": "Jessica", "reviewText": "I love these Panty holes they are great and comfortable to wear. I worn them more than 10 times and they still haven't broken. I just ordered two more.", "summary": "I love these Panty holes they are great and comfortable to ...", "unixReviewTime": 1426809600} +{"overall": 2.0, "verified": true, "reviewTime": "10 8, 2017", "reviewerID": "A1X5Q06970OM35", "asin": "B0009FB2WQ", "style": {"Size:": " X-Large", "Color:": " Heather Gray"}, "reviewerName": "Amazon Customer", "reviewText": "Way too stiff, and they smell funny.", "summary": "and they smell funny.", "unixReviewTime": 1507420800} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A2ZOV6NFJEGTSB", "asin": "B0008ENZYG", "style": {"Size:": " 44W x 32L", "Color:": " Pepper Prewash"}, "reviewerName": "SRB NY", "reviewText": "Good quality. Fit as expected.", "summary": "Four Stars", "unixReviewTime": 1429142400} +{"overall": 4.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A34LHSCA4NN40J", "asin": "B0007MFW8Q", "style": {"Size:": " 10.5 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Jorge Fuerte", "reviewText": "These shoes have terrible support but with insoles, I used the super feet black, the shoes become amazing. A nice and simple look great affordable way to step up more peoples shoe attire without breaking the bank", "summary": "These shoes have terrible support but with insoles", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2017", "reviewerID": "A2F1GTN2KGEUX5", "asin": "B00024QXL4", "style": {"Size:": " 8.5 D(M) US", "Color:": " Sunshine Wildcat"}, "reviewerName": "geaagr", "reviewText": "Even beeing chines manufacture have very good detailled", "summary": "Five Stars", "unixReviewTime": 1495756800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A3LCRCF9IW3A5V", "asin": "B0007YR980", "style": {"Size:": " 42C", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Beverly W", "reviewText": "Have ordered same style for years", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A3OG6ELM4ELHWV", "asin": "B00026RGKY", "style": {"Size:": " L (4-6x)"}, "reviewerName": "Sherrill B Cockrill", "reviewText": "Another Princess gown arrives great!", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A19ESYAVSSTNBP", "asin": "B0001N5WMW", "style": {"Size:": " 11 B(M) US", "Color:": " Beet Red/Corydalis Blue"}, "reviewerName": "Celeste Bavin", "reviewText": "So far I love them... Thinking about getting more in different colors.", "summary": "Four Stars", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A22L4DJS95ZCE", "asin": "B00074CGS8", "style": {"Color:": " Silver", "Style:": " 7mm"}, "reviewerName": "Sandra Mougenot", "reviewText": "Great silver studs. Had lost one of mine while traveling and these were waiting when I got back as I ordered them while on vacation.", "summary": "Pretty studs", "unixReviewTime": 1501459200} +{"overall": 1.0, "verified": false, "reviewTime": "06 20, 2017", "reviewerID": "A3RIJYVA3475M4", "asin": "B00068TJ44", "style": {"Color:": " Black"}, "reviewerName": "tom", "reviewText": "the watch will not keep time, it runs wayyyyyyyyy fast. when they stopped making these in Japan they went to crap. i still have a 20 year old Japan made one the works, but this one does not.", "summary": "run away", "unixReviewTime": 1497916800} +{"overall": 3.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A3NGLZL8GFGZOE", "asin": "B0000TII3C", "style": {"Color:": " Silver-Tone/Blue"}, "reviewerName": "Brian", "reviewText": "This is a nice little watch for the price. It is very cumbersome to set the day/date function, but I use it mostly when traveling because by pressing the stem, it lights up and I can tell the time easily in the dark.", "summary": "This is a nice littlewatch for the price", "unixReviewTime": 1421712000} +{"reviewerID": "A1RK35HUDXKIU9", "asin": "B0001YRFS0", "reviewerName": "Cougar", "verified": true, "reviewText": "Very good fit and function, quality excellent, not too light or too heavy of a material. Highly recommend. I ordered the same size as my jeans and they fit just about right.", "overall": 5.0, "reviewTime": "10 6, 2014", "summary": "Great Work Pants", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2017", "reviewerID": "A167E48H1XKS0G", "asin": "B00080FK2U", "style": {"Color:": " Black/ Grey Green"}, "reviewerName": "Littlechart61", "reviewText": "Awesome glasses", "summary": "Five Stars", "unixReviewTime": 1503964800} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "A3TVY6BKAWGT65", "asin": "B00008I8YM", "style": {"Size:": " 9", "Color:": " Blue Cobalt", "Number of Items:": " 1"}, "reviewerName": "Kismat Alwan", "reviewText": "I like it it fits well but I don't like the fabric it's very thin but comfortable", "summary": "Four Stars", "unixReviewTime": 1502668800} +{"overall": 3.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A33JG2HO5TUPRK", "asin": "B0001GZA12", "style": {"Size:": " 54 Inch", "Color:": " Neon Orange"}, "reviewerName": "Lori H", "reviewText": "Just shoe laces, not shoes. They were the right length and color.", "summary": "Three Stars", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2013", "reviewerID": "A1Z44NT6RZSZPY", "asin": "B0001YRMQA", "style": {"Size:": " W40", "Color:": " Khaki"}, "reviewerName": "Gail A.", "reviewText": "These were purchased for my son. He loves them and says they are very comfortable and they look great. They don't wrinkle easily.", "summary": "Look great and comfortable.", "unixReviewTime": 1379548800} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2017", "reviewerID": "A1ZCRNITPMWT71", "asin": "B000B2LQ96", "style": {"Size:": " 8 D(M) US", "Color:": " Us-white/White/White"}, "reviewerName": "Nikki", "reviewText": "Love these classics!", "summary": "Love them!!", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A3I1BV46ZE0HSJ", "asin": "B000A0LRCK", "style": {"Size:": " Big Girls", "Color:": " Ballet Pink"}, "reviewerName": "Summer Diamond", "reviewText": "These are really cool because we can go to dance in flip flops for a quick change. My kid is a taller 4 @ 47 lbs. I think the waist may be tight on sturdier gals.", "summary": "Cool, waist not for sturdy gals", "unixReviewTime": 1475712000} +{"reviewerID": "A22N3C3VRRZCHP", "asin": "B00028AZ6E", "reviewerName": "jon", "verified": true, "reviewText": "good pair of work pants", "overall": 4.0, "reviewTime": "08 20, 2017", "summary": "Four Stars", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A3U1723E6Q4U1D", "asin": "B0007TTT2O", "style": {"Size:": " wide", "Color:": " Honey"}, "reviewerName": "MAIRA RETANA", "reviewText": "My husband loves it.", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A18QL4VNZH7DJY", "asin": "B0000CBALZ", "style": {"Size:": " 38W x 32L", "Color:": " Dark Tint"}, "reviewerName": "James Mason", "reviewText": "Comfortable as expected. Belt loops are small for my belts. May look into skinnier belts.", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 1.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A2ZM2QZXOU9R6", "asin": "B0006SCZUE", "style": {"Size:": " 17 1/2 37", "Color:": " Indigo"}, "reviewerName": "Christy Statham", "reviewText": "Ive been meaning to return this shirt. It feels very cheap made and not a demium feel. Looks and feels like a fake blue jean. Just haven't gotten around to returning it.", "summary": "Looks and feels like a fake blue jean", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2010", "reviewerID": "A12CBDHX1MJLGZ", "asin": "B00009ZM7Z", "style": {"Size:": " 12 D(M) US", "Color:": " Taupe"}, "reviewerName": "deseret", "reviewText": "my husband has parkinsonism - these shoes are great --forming stability in his walk-they are also wonderful for a man with a long wide foot.", "summary": "jungle mocs", "unixReviewTime": 1271894400} +{"overall": 5.0, "verified": false, "reviewTime": "07 31, 2014", "reviewerID": "A30WOXPI820KFJ", "asin": "B0002UD39I", "style": {"Size:": " Big Boys", "Color:": " Dark Navy"}, "reviewerName": "anon", "reviewText": "The young male love this. A smile on his face showed his deep appreciation for a stranger to do this for him.", "summary": "Loived this as well.", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A1999H88YV5CBP", "asin": "B0000ZCB7U", "style": {"Size:": " 8", "Color:": " Nude", "Number of Items:": " 1"}, "reviewerName": "Dorina Cereghino Hewitt", "reviewText": "These are the most comfortable undies -- They wear well and do not lose their shape through many washings. Reorder item--so I knew what to expect.", "summary": "Five Stars", "unixReviewTime": 1444348800} +{"overall": 4.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A2LXGRQGDSZFXY", "asin": "B0000TIISW", "style": {"Color:": " Brown/Black"}, "reviewerName": "J. T. T. Hunter", "reviewText": "This is a very handsome watch. I was amazed, in this era of cell phones, how much I rely upon it to tell me the time and date.\nAnyway, I highly recommend it.", "summary": "Handsome Watch", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2018", "reviewerID": "A20QX7DM7MDPGS", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Big Lou", "reviewText": "Very comfortable.", "summary": "Very comfortable", "unixReviewTime": 1521936000} +{"reviewerID": "A1LN77V5JT8FZT", "asin": "B0001YRFS0", "reviewerName": "Mystical", "verified": true, "reviewText": "I bought these for my son and he likes them. I ordered them a size larger, due to some reviews about them being tight, but I don't think they would have been too tight if I'd ordered the correct size.", "overall": 5.0, "reviewTime": "11 9, 2014", "summary": "good pants", "unixReviewTime": 1415491200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A1SR83OKMCCYYK", "asin": "B0000ZFICK", "style": {"Size:": " 1X-2X", "Color:": " Black"}, "reviewerName": "tornadoaly", "reviewText": "Comfortable, flattering, strong reinforced toe. Not very shimmery.", "summary": "Five Stars", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2017", "reviewerID": "AIHJOBFMSI1SJ", "asin": "B0002MB0DM", "style": {"Size:": " 8.5 B(M) US", "Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "So cute and comfortable!!! Fit perfectly. I love them!", "summary": "Five Stars", "unixReviewTime": 1499904000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A3VT4QFNXODQB9", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Bluestone"}, "reviewerName": "DaniC", "reviewText": "Great quality shirt!", "summary": "Five Stars", "unixReviewTime": 1483747200} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A2KX6NUR3Z93UF", "asin": "B000A38C1G", "style": {"Size:": " 32W x 32L", "Color:": " Stonewashed Denim"}, "reviewerName": "Paola", "reviewText": "Very warm!", "summary": "Four Stars", "unixReviewTime": 1445212800} +{"reviewerID": "A3R8P5TNCGMLH4", "asin": "B00028AZ6E", "reviewerName": "G", "verified": true, "reviewText": "nice", "overall": 5.0, "reviewTime": "01 17, 2018", "summary": "Five Stars", "unixReviewTime": 1516147200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "ACTJBZRP1FDYO", "asin": "B0007YXUWO", "style": {"Size:": " 36C", "Color:": " Warm Steel"}, "reviewerName": "shirl", "reviewText": "nice bra", "summary": "Five Stars", "unixReviewTime": 1482019200} +{"reviewerID": "A2GUAQLHWSIBLS", "asin": "B0006TVYR8", "reviewerName": "My D 1", "verified": true, "reviewText": "I'm 6' average build and they fit me like the picture.\nI wear a couple layers under this and it's non restrictive to work in .\nI love these.", "overall": 5.0, "reviewTime": "01 2, 2015", "summary": "Great non restrictive work shirt..", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A24QNFCPD25TME", "asin": "B0002NYQO6", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "William Falcone", "reviewText": "Great \"knock-around\" sweat shirt - I use this for all my fall and winter chores - it is warm and comfortable. You can do yard work, an oil change, or go out for a run... this is a great sweat shirt.", "summary": "Great sweat shirt", "unixReviewTime": 1515888000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2016", "reviewerID": "A10ZPRGBACUMM", "asin": "B0002PO16W", "style": {"Size:": " Small / Medium", "Color:": " Black"}, "reviewerName": "Steph M", "reviewText": "Great quality and very comfy", "summary": "Good", "unixReviewTime": 1475452800} +{"overall": 2.0, "verified": true, "reviewTime": "06 18, 2013", "reviewerID": "A3DP9OX06EFWLQ", "asin": "B00028B4XW", "style": {"Size:": " 32W x 30L", "Color:": " Dark Navy"}, "reviewerName": "Amazon Customer", "reviewText": "2 stars because I like the material, I ordered a size 32x30 it felt more like a 34x32... I returned them and order a different style l hope this ones will fit better.", "summary": "Too Loose", "unixReviewTime": 1371513600} +{"overall": 4.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "ACBP4QOTX7JRK", "asin": "B00006CFCY", "style": {"Size:": " Large", "Color:": " Purple/Black"}, "reviewerName": "P.R.", "reviewText": "I got this and it was pretty good quality. I had to tailored it because I am too short, but overall, it was good and comfortable. oh yeah, the only complaint I have is the top hat and I meant the white collar it kept falling down, but the crown was not a problem at all.", "summary": "Good Price!", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A26HFKR3YHSVTS", "asin": "B0009AVS8E", "reviewerName": "kenneth alford", "reviewText": "Great pair of shoes!", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"overall": 5.0, "vote": "6", "verified": false, "reviewTime": "01 9, 2007", "reviewerID": "A2QXGPZ71GDCO5", "asin": "B000A794Q4", "reviewerName": "Jeanne M.", "reviewText": "Great Boot, we didn't expect any less. My husband loves these so much he can't wait to shovel, now that is a good boot!", "summary": "Sorel - The name speaks for itself", "unixReviewTime": 1168300800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "AKZJ1L5VVPWYV", "asin": "B000AN063I", "style": {"Size:": " 8.5 B(M) US", "Color:": " Primrose Leather"}, "reviewerName": "Madeline J. Frazier", "reviewText": "Fits perfectly. Beautiful color. Looks great.", "summary": "Beautiful color. Looks great", "unixReviewTime": 1503705600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A1GB6VHNZI9GYC", "asin": "B00006XXGO", "reviewerName": "Kari", "reviewText": "I wear a women's size 7 and had to buy these in a men's 4/women's 6 to fit.", "summary": "Five Stars", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "AVMFQJ4M527JE", "asin": "B00006XXGO", "reviewerName": "Lisa G", "reviewText": "Love love them!!!", "summary": "Five Stars", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2014", "reviewerID": "A2FIOUGLNSAO5B", "asin": "B00007DNKW", "style": {"Size:": " 12 Months", "Color:": " White"}, "reviewerName": "Aoife Murphy", "reviewText": "New Grandmother glad to find great Gerber quality the same as when I was a new mom.", "summary": "Gerber still the best...", "unixReviewTime": 1416009600} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "A8A4JDXJTHSNR", "asin": "B00091UK3M", "style": {"Size:": " Standard", "Color:": " Neon Pink"}, "reviewerName": "K. B.", "reviewText": "Very Pink and very sexy !! Fit perfect and they stay up my thighs...no rolling down and creating the \"Muffin Top\" affect !!", "summary": "Very sexy and very pink !!", "unixReviewTime": 1500768000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A8D0T3EWKCZF4", "asin": "B0009MZXOC", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "Michael", "reviewText": "They stay up without leaving marks and they protect my shins from the tops of my boots. They are the best I have found and I will continue to use them", "summary": "Sock it to Me!", "unixReviewTime": 1426723200} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A3S9389QEDUDCX", "asin": "B0009AZU0G", "style": {"Size:": " 42 M EU / 11-11.5 B(M)US Women / 9-9.5 B(M)US Men", "Color:": " Mocha Birkibuc"}, "reviewerName": "Andras M. Nagy", "reviewText": "I liked the product but it was too small.", "summary": "I am a Birkenstock guy...", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A229G9M857ZW32", "asin": "B0009AZU0G", "style": {"Size:": " 41 M EU/10-10.5 B (M) US Women / 8-8.5 B(M)US Men", "Color:": " Regular Cocoa Nubuck"}, "reviewerName": "Winch", "reviewText": "this is my third pair. When you wear them all summer, every summer, I find they need to be replaced every 5 to 7 years", "summary": "great", "unixReviewTime": 1360713600} +{"reviewerID": "A2T8OX4FVYGO63", "asin": "B000A3I3PQ", "reviewerName": "Ricky", "verified": true, "reviewText": "This product is so much better than the Levi brand, at half the cost. Followed Levis instruction as how to fit. Their 2x did not fit., too small. Wranglers XL fits perfectly.", "overall": 5.0, "reviewTime": "11 11, 2017", "summary": "This product is so much better than the Levi brand", "unixReviewTime": 1510358400} +{"reviewerID": "A1VYF2HF58VA4X", "asin": "B0001YRFS0", "reviewerName": "Eugene Bega", "verified": true, "reviewText": "Very nice fit size correct and looks as good as ad...", "overall": 5.0, "reviewTime": "10 26, 2017", "summary": "Great fit pants", "unixReviewTime": 1508976000} +{"reviewerID": "A3A23XM0NJGEHX", "asin": "B0002M8QZM", "reviewerName": "tigresspet", "verified": true, "reviewText": "I am still conditioning them apparently. They \"cut\" into my feet after awhile and are a bit tight to put on. Otherwise they are nice attractive shoes.", "overall": 3.0, "reviewTime": "03 18, 2017", "summary": "Otherwise they are nice attractive shoes", "unixReviewTime": 1489795200} +{"reviewerID": "A2YHC5ZZI1G7SA", "asin": "B00028AZ6E", "reviewerName": "David", "verified": true, "reviewText": "No way these are sized directly I bought hand last week a size smaller and they fit these I can't even button", "overall": 1.0, "reviewTime": "07 18, 2017", "summary": "Order a size or tw bigger than nomal", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A32UMAS8FBGK69", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " Carbon"}, "reviewerName": "Ar", "reviewText": "Im a welder and this came in handy in the winter. Protected me from the wind chill. Very satisfied with item.", "summary": "Very satisfied with item", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "AA9L9QSA3FGS9", "asin": "B0000WL3CW", "style": {"Size:": " 2X Tall", "Color:": " Gravel"}, "reviewerName": "LeAnn Mastera", "reviewText": "I got this for my dad for Christmas. He loved it and it fits great. Great quality and looks nice.", "summary": "He loved it and it fits great", "unixReviewTime": 1452643200} +{"overall": 2.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "AVX30YHHRC3UC", "asin": "B0008EO5AE", "style": {"Size:": " 6 Long", "Color:": " Premium Dark"}, "reviewerName": "Michael Cooper", "reviewText": "Returned", "summary": "Too small", "unixReviewTime": 1417737600} +{"overall": 4.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "A1AZZMSN2V7NTE", "asin": "B0002USBB8", "style": {"Size:": " 8 M US Toddler", "Color:": " Ballet Pink"}, "reviewerName": "Mayra M. Thomas", "reviewText": "Very cute shoe. My daughter wears these to her ballet class and wore them to her recital. The only negative comment is that the tie in front doesnt stay tied and comes loose frequently.", "summary": "Good shoes", "unixReviewTime": 1454803200} +{"reviewerID": "A2PT4R3FFUSJDD", "asin": "B00028AZ6E", "reviewerName": "Kindle Customer", "verified": false, "reviewText": "This order is just right in size and color. They are a light weight,easy to care for. They look good on my man also.", "overall": 4.0, "reviewTime": "06 11, 2012", "summary": "Workpants", "unixReviewTime": 1339372800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A1YO00T16KU1IM", "asin": "B000A38CZC", "style": {"Size:": " X-Large", "Color:": " Denim"}, "reviewerName": "hreeser", "reviewText": "Perfect fit and looks good.", "summary": "Five Stars", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "A26SBP3JU59DIA", "asin": "B0000A504C", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " White"}, "reviewerName": "LAS", "reviewText": "I have been buying this shoes for my step son for over 3 years now. They are a classic shoe that hold up very well for boys. Great for school/ uniform shoes and true to size. I highly recommend these shoes to anyone looking for a stylish, affordable shoe for a boy.", "summary": "Excellent shoe for the price", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2013", "reviewerID": "A1AYB4QGQW4PK4", "asin": "B0007SYOXY", "style": {"Size:": " 10.5 D(M) US", "Color:": " Natural"}, "reviewerName": "R. Lein", "reviewText": "Very very nice quality moc. Soft as one could ask for. So nice I will not wear them outside becuse I want them to remain as nice as they are! Would highly recommend to anyone . I did go 1 half size bigger than my normal size for room for heavy socks.", "summary": "Beautiful", "unixReviewTime": 1377129600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A3KPSIEYWEXIR8", "asin": "B000A794KU", "style": {"Size:": " 38W x 32L", "Color:": " Overhaul"}, "reviewerName": "Stumbleweeds", "reviewText": "The only jeans he will wear.", "summary": "The only jeans he will wear.", "unixReviewTime": 1489795200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A3PSKFTJU9VI94", "asin": "B000AYW0M2", "style": {"Color:": " Black/Gold-Tone"}, "reviewerName": "Amazon Customer", "reviewText": "Great size and elegant.", "summary": "Five Stars", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A26X61MQB5UGJT", "asin": "B00091SQ5Q", "style": {"Size:": " 38W x 34L", "Color:": " Overdyed Black"}, "reviewerName": "Red", "reviewText": "Does what it says with decent quality fabric and sewing. No frills but sometimes you just need PANTS in which case this is what you need!", "summary": "It's pants that work!", "unixReviewTime": 1481241600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "04 2, 2013", "reviewerID": "A30HETTFT9KP1A", "asin": "B0009DLRFU", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black"}, "reviewerName": "David", "reviewText": "These are comfortable shoes for people with troubled feet and walk a lot as I do during the day. REcommended!!", "summary": "Second time purchase", "unixReviewTime": 1364860800} +{"reviewerID": "A2Z4NVP3YCLLY6", "asin": "B00091SSU4", "reviewerName": "russell.s pizza man", "verified": true, "reviewText": "I have order several pair of these pants a lot better than what you get at the big box stores would tell anyone to buy these great product and service", "overall": 5.0, "reviewTime": "02 25, 2014", "summary": "russ the pizza man", "unixReviewTime": 1393286400} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A3324T0FGDUJZ", "asin": "B0002PO16W", "style": {"Size:": " Small / Medium", "Color:": " Nude"}, "reviewerName": "susan sharpe", "reviewText": "Capezio are the best tights ever. You definitely get your money's worth they're very thick and nice and they last many years. Love these tights.", "summary": "Love these tights!", "unixReviewTime": 1458345600} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A25QCJGRLPGE7", "asin": "B00078SI8Q", "style": {"Size:": " Large", "Color:": " J. Navy"}, "reviewerName": "Forastero 21", "reviewText": "In fact it's a bit warm and height does not refer to what really is like design. For me it is a bit small, the price is low so the price value relationship is excellent. Shipping is more expensive.", "summary": "... and height does not refer to what really is like design. For me it is a bit small", "unixReviewTime": 1429056000} +{"overall": 2.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "AXQL6GB4SNSE3", "asin": "B0000868IP", "style": {"Size:": " 42B", "Color:": " Light Beige", "Number of Items:": " 1"}, "reviewerName": "claire", "reviewText": "Shape becomes a little weird n conical. Fabric not comfy, feels like plastic.", "summary": "feels like plastic.", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A3A3V8D9RC5M2X", "asin": "B0009MZVVC", "style": {"Size:": " Large", "Color:": " Navy"}, "reviewerName": "Ted", "reviewText": "I have had these socks about a year and I really like them. Will buy more of these when needed.", "summary": "They're great ...", "unixReviewTime": 1416268800} +{"overall": 4.0, "verified": true, "reviewTime": "11 8, 2017", "reviewerID": "A2YTJ66OEUYE0H", "asin": "B000089V7W", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Navy"}, "reviewerName": "Stephanie", "reviewText": "Fits as expected", "summary": "Four Stars", "unixReviewTime": 1510099200} +{"reviewerID": "A2E372JHD4X208", "asin": "B00028AZ6E", "reviewerName": "BethS", "verified": true, "reviewText": "Typical Dickies quality-- exactly what we are looking for in a work pant.", "overall": 5.0, "reviewTime": "01 23, 2017", "summary": "Exactly what we were looking for", "unixReviewTime": 1485129600} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "A2OT6RU5R4WKA4", "asin": "B000AYW0M2", "style": {"Color:": " Brown Croco/Gold-Tone"}, "reviewerName": "Amazon Customer", "reviewText": "I like this watch a lot (I already have the exact same one but it died recently), but the band on this watch is very, very stiff, to the point where I'm almost concerned the end is just going to snap off from being bent to put the watch on and off.", "summary": "Nice, But Stiff", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A1QNSMPXF3VB42", "asin": "B0007YXUWO", "style": {"Size:": " 38C", "Color:": " Black"}, "reviewerName": "Barb Sheets", "reviewText": "love this bra, I know we are all different; in many ways ... but this is my bra.. hands down", "summary": "my bra", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A2ZMJAZ9LCGY93", "asin": "B0009MZXMO", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Reader/NY/LA", "reviewText": "Some things are worth paying more for. I have been using Thorlo socks for a long time. No complaints. Durable and comfortable.", "summary": "Tried and True High Quality", "unixReviewTime": 1373068800} +{"reviewerID": "A1O1JP63XEIBRA", "asin": "B0000ZFSFW", "reviewerName": "Cali9-1-1", "verified": true, "reviewText": "Good quality hose. Control top is effective and rest of the leg is sturdy and not too thin. I may buy more.", "overall": 5.0, "reviewTime": "04 6, 2014", "summary": "Supportive and solid", "unixReviewTime": 1396742400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A25O8XM3UYSYSJ", "asin": "B000994DY6", "style": {"Size:": " 38D", "Color:": " White"}, "reviewerName": "Grace", "reviewText": "Love this thing. Used it for my wedding and my moms I only wish it was a little longer, you get a little belly poppage out of the bottom but not too bad if your dress isn't too form fitting.", "summary": "Love this thing", "unixReviewTime": 1516492800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2018", "reviewerID": "A1SGL9Q13JUZ7W", "asin": "B000ARTQGC", "style": {"Size:": " 8 W US", "Color:": " Rootbeer"}, "reviewerName": "dianne", "reviewText": "I LOVE sheep wool slippers. So glad to finally have another pair! Toasty warm feet!", "summary": "Five Stars", "unixReviewTime": 1524528000} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2018", "reviewerID": "A2CJII96JDD9NP", "asin": "B0000DZJLM", "style": {"Size:": " 1X Big", "Color:": " Charcoal Heather"}, "reviewerName": "Aussie Mom", "reviewText": "Comfy, breathable, and have pockets. Great for lounging about, doing chores, or working from home.", "summary": "Great for lounging about", "unixReviewTime": 1521417600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2008", "reviewerID": "ADOUGDAJHRVFI", "asin": "B000A2K5C6", "style": {"Size:": " 46W x 34L", "Color:": " Antique Indigo"}, "reviewerName": "David R. Todd", "reviewText": "These jeans are generously cut and fit well. The fabric is heavy duty as work jeans should be. The pockets are large, and the front pockets have a thicker cottom liner than most jeans. They will hold up much better for those who carry large keys, pocket knives, etc.", "summary": "Great Jeans", "unixReviewTime": 1226361600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A1CK23KIQS87K6", "asin": "B00028B4XW", "style": {"Size:": " 32W x 34L", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "4th pair I've bought great work pants will buy again!", "summary": "Five Stars", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "A2ACLOMC0SMKD3", "asin": "B0009RWTEO", "style": {"Style:": " 1.2mm 18 inch Necklace"}, "reviewerName": "K. Wright", "reviewText": "Wife got this chain to go with her key pendant. Well made and loves the lobster claw clasp", "summary": "perfect chain for pendant", "unixReviewTime": 1429315200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "AO12YP31VPEMF", "asin": "B000B24UPI", "style": {"Size:": " 8 W US", "Color:": " White Leather"}, "reviewerName": "Amimi", "reviewText": "I have wide feet", "summary": "And this is awesome", "unixReviewTime": 1460419200} +{"reviewerID": "A2TLAVOA45JH5T", "asin": "B00028AZ6E", "reviewerName": "Louie Knives", "verified": true, "reviewText": "Only brand that makes my uniform color just wish they had the olive in other styles. Good buy.", "overall": 4.0, "reviewTime": "02 10, 2016", "summary": "Good buy", "unixReviewTime": 1455062400} +{"overall": 3.0, "verified": false, "reviewTime": "10 15, 2014", "reviewerID": "A9HP0733BODH7", "asin": "B0007SMRUG", "style": {"Size:": " 36DD", "Color:": " Nude"}, "reviewerName": "DIEHARD537", "reviewText": "Fits it's description but didn't offer as much support as I wanted.\nWent up to a 34DDD/34E.", "summary": "Three Stars", "unixReviewTime": 1413331200} +{"overall": 3.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A3CE148D3V5FUG", "asin": "B0002USBB8", "style": {"Size:": " 7 M US Toddler", "Color:": " Ballet Pink"}, "reviewerName": "stephG", "reviewText": "Great shoes. Way to small. Size up.", "summary": "Three Stars", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "AW6LURH5VPWR4", "asin": "B00008I8YM", "style": {"Size:": " 9", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "E.", "reviewText": "Very comfortable, the basic panty that smoothest the tummy", "summary": "very comfortable!", "unixReviewTime": 1448236800} +{"overall": 3.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A236UA5PUFGBX4", "asin": "B0002LTJN6", "style": {"Size:": " 12 B(M) US", "Color:": " White"}, "reviewerName": "evelyn campbell", "reviewText": "My fault. I wear this size In another brand", "summary": "Three Stars", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A3FSVJBQ78ILL9", "asin": "B00009ZM7Z", "style": {"Size:": " 9.5 D(M) US", "Color:": " Taupe"}, "reviewerName": "eodman", "reviewText": "These shoes fit as expected and really comfortable.", "summary": "Good looking shoe and light weight.", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A2AF0WR57A2U90", "asin": "B0000ZE6AK", "style": {"Size:": " 5X- Large/ 12", "Color:": " White"}, "reviewerName": "Priscilla Tine", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2017", "reviewerID": "A3T039SU4X661Y", "asin": "B00006XXGO", "style": {"Size:": " 13 D(M) US", "Color:": " Navy"}, "reviewerName": "Elinor J. White", "reviewText": "Great, arrived as expected! Thanks", "summary": "Five Stars", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "AGILRDZMWOIN4", "asin": "B0000DCS5T", "style": {"Size:": " 9 D(M) US", "Color:": " Tan/Beige"}, "reviewerName": "Keith Snider", "reviewText": "As usual, Sperry is a great shoe", "summary": "Sperry is a great", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A2RMX401O0ZGQL", "asin": "B00006XXGO", "reviewerName": "Mr. Tai H. Pham", "reviewText": "My girl loves it. She has been wanting this pair of shoes for a while and finally got it.", "summary": "My girl loves it. She has been wanting this ...", "unixReviewTime": 1440547200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A14ACAXY91X71Y", "asin": "B0002RRN4M", "style": {"Size:": " 12 B(M) US", "Color:": " Black"}, "reviewerName": "Lauren", "reviewText": "I wore these to a 1920s party- they were absolutely great!\n\nThey were surprisingly comfortable and I walked and danced in them for hours!\n\nThis is coming from a person who usually wears wonderfully supportive shoes like Keens or Chacos. Buy THEM!", "summary": "Surprisingly fantastic!", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A1184W5J1KYDC4", "asin": "B00075ZYTK", "style": {"Size:": " Large", "Color:": " Royal Blue"}, "reviewerName": "kenneth carter", "reviewText": "I have had no problems with pockets or seems", "summary": "Five Stars", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A3O58Q7QUDHK8M", "asin": "B0002LTJN6", "style": {"Size:": " 9.5 B(M) US", "Color:": " Navy"}, "reviewerName": "Silver", "reviewText": "Great shoe that takes some breaking in, but overall comfortable and good looking.", "summary": "Great fit and look", "unixReviewTime": 1425168000} +{"reviewerID": "A2L1R12CDP1K5T", "asin": "B0009MH1ZG", "reviewerName": "craftman", "verified": true, "reviewText": "This jacket is a little lighter weight than Lands End or LL Bean which is what I wanted. Pretty good construction I will have to see how it holds up to really assess the quality.", "overall": 4.0, "reviewTime": "03 12, 2013", "summary": "3 season jacket", "unixReviewTime": 1363046400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A1HHFEAS8M5K77", "asin": "B000073R5V", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Wheat"}, "reviewerName": "Gale A. Wolfe", "reviewText": "Grandson loves his shoes.", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A2242XQFSL1W8T", "asin": "B0007MFW8Q", "style": {"Size:": " 7 D(M) US", "Color:": " Stone Camo Suede"}, "reviewerName": "Nelson ricardo machado", "reviewText": "Very comfortable and good looking.", "summary": "Five Stars", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A3F1M7YWYC204E", "asin": "B0000ZCE0O", "style": {"Size:": " 32D", "Color:": " Naturally Nude"}, "reviewerName": "Toni Roy", "reviewText": "Have been wearing this brand for years.", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A249SDMO0RGE1Q", "asin": "B0000TQJU6", "style": {"Color:": " Gold & Brown"}, "reviewerName": "Anna Kuller", "reviewText": "This is a great everyday watch. I love the color and the leather strap.\nThe only thing I didn't like is that it has a skinny band. I couldn't tell from the\npicture. But I can work with it.", "summary": "Great watch", "unixReviewTime": 1489795200} +{"overall": 4.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A20H1VH5VT2BBI", "asin": "B0008GHG62", "style": {"Size:": " 8.5 W US", "Color:": " Amaretto"}, "reviewerName": "Joseph G.", "reviewText": "Have worn them for a total of 10 hours and they are still stiff. Hoping they become more flexible and comfortable with more use", "summary": "Hoping they become more flexible and comfortable with more", "unixReviewTime": 1476057600} +{"reviewerID": "A1VU0K7V13UBMI", "asin": "B000A2K55I", "reviewerName": "Sandy Toes", "verified": true, "reviewText": "THe 30 \" length was about 1 \" too long even after washing and throwing in the dryer.", "overall": 4.0, "reviewTime": "02 1, 2017", "summary": "A little long", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A14T63FFY92MV3", "asin": "B0007T6F62", "style": {"Size:": " 9.5 D(M) US", "Color:": " Burgundy"}, "reviewerName": "Juan H. Reyes", "reviewText": "These shoes are simply perfect! Smart design, excellent leather and crafting, and they fit really nice.", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "AWK9YYSA86N6E", "asin": "B00028B4XW", "style": {"Size:": " 38W x 32L", "Color:": " Dark Navy"}, "reviewerName": "Linda D", "reviewText": "Great work pant for my son! Thanks for the speedy delivery. Product exactly as described; made of great material and pockets are greatly needed for my son's job.", "summary": "great for my son's job", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A2GY173MFEUTVY", "asin": "B0002MD71U", "reviewerName": "skvw", "reviewText": "Love these for my son! Classic look, great price and fast shipping just in time for back to school!", "summary": "Fits great!", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A3F3COUXVO5PUH", "asin": "B0008EOEO6", "style": {"Size:": " 36W x 32L", "Color:": " Steel"}, "reviewerName": "Hoady", "reviewText": "These are the only jeans I wear. The way they are cut makes them fit perfectly.", "summary": "Five Stars", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A12PGB8EN0QT2O", "asin": "B0002M6OP6", "style": {"Color:": " Black"}, "reviewerName": "Mary J.", "reviewText": "The bag is everything I wanted and more. Roomy, versatile and attractive. Great price too!", "summary": "Happy", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A1R8JIX9NIIEXH", "asin": "B00080FK2U", "style": {"Color:": " Matte Gunmetal"}, "reviewerName": "F. Melo", "reviewText": "Great sunglasses", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A3A6BJEH9PKKA6", "asin": "B0009AZU0G", "style": {"Size:": " 44 M EU/13-13.5 B(M) US Women/11-11.5 B(M)US Men", "Color:": " Habana"}, "reviewerName": "Iryna Salkova", "reviewText": "SUPER )", "summary": "Five Stars", "unixReviewTime": 1476057600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 26, 2009", "reviewerID": "A6S9CA9GDULP6", "asin": "B0007N2JAE", "style": {"Size:": " 1X Plus", "Color:": " Multi"}, "reviewerName": "Patti", "reviewText": "This housecoat is true to size and wears very well. My mother loves it!", "summary": "Rainbow-Stripe Pliss Snapcoat", "unixReviewTime": 1256515200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A1USW4KREFKN8X", "asin": "B0009BFWU8", "style": {"Size:": " 10.5 D(M) US", "Color:": " Wine"}, "reviewerName": "Rocco J. Baraglia", "reviewText": "Very satisfied", "summary": "Very satisfied", "unixReviewTime": 1490486400} +{"reviewerID": "A3RFI5N3YKMQZC", "asin": "B00028AZ6E", "reviewerName": "Donald Tompkins", "verified": true, "reviewText": "Great product, price, quick delivery. Highly recommend.", "overall": 5.0, "reviewTime": "08 11, 2015", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"overall": 1.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "AGLF5NBVONAO2", "asin": "B00075ZYTK", "style": {"Size:": " Small", "Color:": " Basic Gold"}, "reviewerName": "crimson", "reviewText": "ordered a small got a medium or large that is labeled as \"small\"", "summary": "too big", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2013", "reviewerID": "A1DRLE0R6YQFII", "asin": "B0002USBB8", "style": {"Size:": " 7.5 N US Toddler", "Color:": " Ballet Pink"}, "reviewerName": "B&N ", "reviewText": "I ordered these for my daughter, as opposed to paying $30 from her dance studio. They came in quickly, the only problem is that they were too small. I gave them to another girl though.\n\nThey are the same as the more expensive ones I buy at the studio.", "summary": "Same quality...less price", "unixReviewTime": 1362355200} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2013", "reviewerID": "AJ6J01596L16O", "asin": "B000AYUMWW", "style": {"Size:": " 10 D(M) US", "Color:": " Tan"}, "reviewerName": "Royce Hagerman", "reviewText": "great fit. Great work boot. Steel toe has already saved my toes from being smashed. Will buy this boot again..", "summary": "arrived on time", "unixReviewTime": 1387411200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A7S75NS0CQAH6", "asin": "B0000CBALZ", "style": {"Size:": " 36W x 36L", "Color:": " Antique Navy"}, "reviewerName": "Amazon Customer", "reviewText": "great price for a brand name!", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"reviewerID": "A2G5SPJMCCPRLC", "asin": "B0007USMFS", "reviewerName": "Kellymarie", "verified": true, "reviewText": "I like them but my husband says they art comfortable and he doesn't like the pockets on his butt", "overall": 3.0, "reviewTime": "11 15, 2015", "summary": "Three Stars", "unixReviewTime": 1447545600} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2016", "reviewerID": "A1Y3A4QU28JMFO", "asin": "B0007UEMY8", "style": {"Size:": " Large", "Color:": " Charcoal Grey"}, "reviewerName": "Collier Hageman", "reviewText": "As described. Great utility trousers. Arrived quickly.", "summary": "Great utility trousers", "unixReviewTime": 1481587200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "AGV3G328J9NPD", "asin": "B0000TQJU6", "style": {"Color:": " Gold & Brown"}, "reviewerName": "Susan Bloodgood", "reviewText": "This particular watch was very nice but it was way to tiny. It looks like I ordered a childrens watch", "summary": "This particular watch was very nice but it was way to tiny", "unixReviewTime": 1514246400} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A2LJUJPPH8I68B", "asin": "B0006SU4FM", "reviewerName": "Heavyduty", "reviewText": "Neither my Kindle Fire or Ipad Mini fit in this bag. Both have protective covers on them. The kindle fire might fit without the cover on. I clearly need a bigger bag than this.\nThe brown seems darker than the picture.", "summary": "My Electronic Items Don't Fit", "unixReviewTime": 1357862400} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A2D42WQX93E6I9", "asin": "B0002LY3CS", "style": {"Size:": " 10.5 D(M) US", "Color:": " Black Leather"}, "reviewerName": "Alberto Echazarreta", "reviewText": "A good Sperry pair of shoes. Good overall quality. My first set of swede type TopSiders. Like them since they are dressier.", "summary": "Good quality shoe", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A4BRPQLLLVDF2", "asin": "B00062NHE8", "style": {"Size:": " Small", "Color:": " White/Black/Heather Grey"}, "reviewerName": "poloco97", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "A3N7R4BQIFIOVW", "asin": "B0000ANHTD", "style": {"Size:": " 3X-Large", "Color:": " Army Green"}, "reviewerName": "Kevin S.", "reviewText": "Carhartt makes excellent clothing, been buying their brands for years. Will keep buying.", "summary": "Excellent shirt", "unixReviewTime": 1498262400} +{"reviewerID": "A2VXSQOHRQNYM8", "asin": "B00028AZ6E", "reviewerName": "Terran Dub", "verified": true, "reviewText": "Pretty dang comfy, quality, and completely average. The navy blue made me feel like a custodial arts professional, especially when coupled with the blue work shirt. I feel I'm missing the requisite name tag. I'd recommend these for any daily work wear needs.", "overall": 3.0, "reviewTime": "01 8, 2016", "summary": "Pretty dang comfy", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2013", "reviewerID": "A3U6UTAVA8TEWT", "asin": "B0002USBB8", "style": {"Size:": " 12 W US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Rachel Rose Ricciardi", "reviewText": "Excellent quality, service and perfect fit. I bought 6 pairs and they all fit perfectly. The price, quality, and customer service was perfect.", "summary": "Excellent", "unixReviewTime": 1358985600} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A34GB2ZA1JLGND", "asin": "B0009MZYD2", "style": {"Size:": " Large (Women's Shoe Size 10.5 -13.0, Men's Shoe Size 9-12.5)", "Color:": " White"}, "reviewerName": "notsoNEWKINDLEUSER", "reviewText": "Thorlo socks are amazing, and these are great. Most of theirs are so similar, the difference between each model is really semantics. They are all great.", "summary": "thorlo brand socks are the only socks i'll ever wear", "unixReviewTime": 1428710400} +{"reviewerID": "A1625UQNWVF4I", "asin": "B00091SSU4", "reviewerName": "Zhihao Jiang", "verified": true, "reviewText": "good", "overall": 5.0, "reviewTime": "11 29, 2016", "summary": "Five Stars", "unixReviewTime": 1480377600} +{"reviewerID": "AHEJVRMYQ0CMN", "asin": "B00028AZ6E", "reviewerName": "JCP", "verified": true, "reviewText": "Just like the old Dickies pants I used to have and wear. Love it.", "overall": 5.0, "reviewTime": "05 25, 2015", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "ADFQG0S5B0Z3C", "asin": "B000A794KU", "style": {"Size:": " 32W x 30L", "Color:": " Indie Blue"}, "reviewerName": "Cesar Rojas", "reviewText": "Very good product, quality and finish.. .. .. .. .. .. .. .. .. .. .. .. .. .. ..", "summary": "Excellent..", "unixReviewTime": 1359244800} +{"overall": 3.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A26TEARCL6OJFG", "asin": "B00023JONO", "style": {"Style:": " Silver (18\" Length)"}, "reviewerName": "Mary", "reviewText": "Smaller than 18\" but really shiney and pretty. I like wearing it.", "summary": "Three Stars", "unixReviewTime": 1479772800} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A224ZBGRNMSG9E", "asin": "B0006AAS5G", "reviewerName": "rocketred", "reviewText": "ITS MY 3RD PURCHASE ,SO FAR SO GOOD!", "summary": "SO FAR SO GOOD!", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3G0F0T50SYXX6", "asin": "B0002USBB8", "style": {"Size:": " 11 W US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Lorna O.", "reviewText": "Fits perfect. The reviews about sizing up are correct. I little girl wears a size 9 so I got her a size 11. They are lovely.", "summary": "Fits perfect. The reviews about sizing up are correct", "unixReviewTime": 1432166400} +{"overall": 1.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A1A0UM4U5U69EN", "asin": "B0000868IP", "style": {"Size:": " 36DDD", "Color:": " Light Beige", "Number of Items:": " 1"}, "reviewerName": "Michael Bernard", "reviewText": "this was a gift and and it was a least 2 sizes to small", "summary": "this was a gift and and it was a least ...", "unixReviewTime": 1460937600} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "A39422JJQ6XR8H", "asin": "B0002MD71U", "reviewerName": "mariela", "reviewText": "Perfect for the price", "summary": "Four Stars", "unixReviewTime": 1505606400} +{"overall": 3.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A335M1W7HSVMDR", "asin": "B00091UK3M", "style": {"Size:": " Plus Size", "Color:": " White"}, "reviewerName": "klb", "reviewText": "what to say", "summary": "Three Stars", "unixReviewTime": 1484438400} +{"reviewerID": "A1XTJHRC1ASL8F", "asin": "B0009MKNG0", "reviewerName": "Kid Holiday", "verified": true, "reviewText": "I'm 6'3\" 200 lbs. A size large fit my trunk well, and the sleeves were a good length. This shirt isn't terribly soft, but it's well-fitted.", "overall": 4.0, "reviewTime": "12 26, 2013", "summary": "Fits well for a tall man", "unixReviewTime": 1388016000} +{"overall": 4.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A1OQMPJTYURXEC", "asin": "B0000AFT8E", "reviewerName": "Bonnie A Williams", "reviewText": "I purchased them for my daughter to wear to work. Her jobs requires all black shoes. She works at an\namusement park and says that the shoes are comfortable.", "summary": "Comfortable", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A1XK237C2MX87L", "asin": "B0007TLSEQ", "style": {"Size:": " 8.5 B(M) US", "Color:": " Black"}, "reviewerName": "Devon Ogle", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A2H9DGY9DI032V", "asin": "B00006XXGO", "reviewerName": "Yolanda Nissle", "reviewText": "Great quality, great product, just as expected", "summary": "Great product", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A6WKW443HKODX", "asin": "B0007CKMOU", "style": {"Size:": " 46W x 28L", "Color:": " Overdyed Black"}, "reviewerName": "lacyace", "reviewText": "Perfect Fit - Bingo!\nLooks great on!\nWill be ordering more in the future, for sure!\nThanks!", "summary": "Perfect-Wrangler Men's Big Rugged Wear Relaxed Fit Jean", "unixReviewTime": 1407196800} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A3DV4OQVD3DFPC", "asin": "B000B6A5HG", "style": {"Size:": " Small", "Color:": " Charcoal Heather"}, "reviewerName": "Rosie", "reviewText": "I'm a female with a small to medium frame (5'6\", 135 lbs.) I ordered the small but would probably do better with an extra small. It's bulky on me. I can fit several layers under it.", "summary": "comfortable", "unixReviewTime": 1453507200} +{"reviewerID": "AF3XXYRV4QKC4", "asin": "B00028AZ6E", "reviewerName": "Jon B.", "verified": true, "reviewText": "Love It", "overall": 5.0, "reviewTime": "08 30, 2016", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A1JEMSM7COQHKR", "asin": "B0002USBB8", "style": {"Size:": " 11 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Mimi", "reviewText": "Perfect for my granddaughter", "summary": "Four Stars", "unixReviewTime": 1425168000} +{"reviewerID": "AR4OSG6T3OL7X", "asin": "B0009GEFPQ", "reviewerName": "Zion", "verified": true, "reviewText": "The fit was good.", "overall": 4.0, "reviewTime": "04 20, 2016", "summary": "Four Stars", "unixReviewTime": 1461110400} +{"reviewerID": "A35N8M0WB6PNDK", "asin": "B0002TOPIC", "reviewerName": "K. Furtado", "verified": true, "reviewText": "Cuff is a little tight for getting on and off.", "overall": 3.0, "reviewTime": "02 17, 2015", "summary": "Not my favorite socks", "unixReviewTime": 1424131200} +{"reviewerID": "A1R16EUMI35LW8", "asin": "B0007SUEVK", "reviewerName": "Waitforclick", "verified": true, "reviewText": "My wife liked the shoe so much she ordered a second pair. Would recommend.", "overall": 5.0, "reviewTime": "12 11, 2014", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"reviewerID": "A36P56O16A8BVA", "asin": "B0001YRFS0", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "Great work pants & wash up good too.", "overall": 5.0, "reviewTime": "10 29, 2017", "summary": "Good work pants", "unixReviewTime": 1509235200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A29BRAOP8AO3U2", "asin": "B0007YXVOQ", "style": {"Size:": " 42DD", "Color:": " Warm Steel"}, "reviewerName": "Anne Marie", "reviewText": "I wear s 42DD and this gives me support that is comfortable", "summary": "Support and comfort", "unixReviewTime": 1463443200} +{"overall": 4.0, "verified": false, "reviewTime": "01 20, 2016", "reviewerID": "A1WMZ42OGZEM9U", "asin": "B0007YXVOQ", "style": {"Size:": " 42C", "Color:": " Black Combo"}, "reviewerName": "Brandon Davis", "reviewText": "I love the look of this bra. The straps are wide with padding so it offers a comfortable fit. However, this bra runs somewhat small so it is a little too tight. The support is great with this bra, just wish it had fit a bit better.", "summary": "I love the look of this bra", "unixReviewTime": 1453248000} +{"reviewerID": "A1RS06313BL6WN", "asin": "B0002MM4JG", "reviewerName": "Tom Stopsign", "verified": true, "reviewText": "Good shirt, but it was too big for me. I ordered a size smaller and am hoping that fits.", "overall": 4.0, "reviewTime": "10 24, 2017", "summary": "Four Stars", "unixReviewTime": 1508803200} +{"overall": 4.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A10S01HU3WI0M", "asin": "B0002TOWIU", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "Patricia J. Weiss", "reviewText": "Probably deserve 5 stars, but for me, a large woman who wears man-size footwear, they are a little thicker than what would have been perfect for me.", "summary": "Really 5 stars", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A1WKRNNSHYVPM0", "asin": "B00080FK2U", "style": {"Size:": " 58 mm", "Color:": " Gold Frame/Grey and Green Polarized Lens"}, "reviewerName": "des", "reviewText": "By far my favorite brand of glasses! I love the classic style of the Ray-Ban aviators! These fit perfectly and I do love me some polarized lenses.", "summary": "By far my favorite brand of glasses", "unixReviewTime": 1464652800} +{"reviewerID": "A1TRXIM81U4V1S", "asin": "B000AXVDOO", "reviewerName": "Rick Plotner", "verified": true, "reviewText": "I like the looks of the bra and it fits real nice", "overall": 5.0, "reviewTime": "12 16, 2014", "summary": "Nice fit", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "ABIGNX4CBSSGK", "asin": "B00006XXGO", "style": {"Size:": " Men's 5, Women's 7 Medium", "Color:": " Black"}, "reviewerName": "L", "reviewText": "These shoes hold up better than any of the imitation ones I have tried with a similar style, so they are all I was hoping for. Good quality and the style I like.", "summary": "just what i expected", "unixReviewTime": 1369785600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71EnP5vvEvL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A39Q8A8665ONWJ", "asin": "B000A38CZC", "style": {"Size:": " Large", "Color:": " Vintage Indigo"}, "reviewerName": "charlie pella", "reviewText": "A little small but I can live with it. Wish it were a levie jacket. My bad.", "summary": "My bad.", "unixReviewTime": 1496793600} +{"overall": 1.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A14BQ5CM41S8N7", "asin": "B0000ZE6AK", "style": {"Size:": " 5X- Large/ 12", "Color:": " Candleglow"}, "reviewerName": "Lynne Woods", "reviewText": "didn't come up far enough for a big-bellied person, but leg holes were quite large.", "summary": "One Star", "unixReviewTime": 1508889600} +{"overall": 3.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A1IQOYFQMBZMCU", "asin": "B00075ZYTK", "style": {"Size:": " XX-Large", "Color:": " Dk Green"}, "reviewerName": "Louis Abrams", "reviewText": "It wasn't made of cotton, which I sweat a lot and I do not like any other fabric outside of cotton.", "summary": "which I sweat a lot and I do not like any other fabric outside of cotton", "unixReviewTime": 1462665600} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A3TFFY685N3RSA", "asin": "B0009B3IN6", "reviewerName": "Grace", "reviewText": "The shoes are quality! However, I needed a wider style. Unfortunately, I had to return them because the recommended size was too narrow across the insole.", "summary": "I had to return them because the recommended size was too narrow across the insole", "unixReviewTime": 1441497600} +{"reviewerID": "ADOF9G8CHW8TL", "asin": "B0006U68Z0", "reviewerName": "frederick isavian", "verified": true, "reviewText": "A bit tight on me but, that may be the result of one too many Cheesburgers.", "overall": 4.0, "reviewTime": "03 28, 2016", "summary": "I liked it so I bought another one different color.", "unixReviewTime": 1459123200} +{"reviewerID": "A3Q9FZ4YC66BFS", "asin": "B0008EOC5W", "reviewerName": "Mr P", "verified": true, "reviewText": "Good pants they fit perfectly and look good, better yet the stain resistance because I'm sort of clumsy person", "overall": 5.0, "reviewTime": "07 16, 2016", "summary": "Fit perfectly", "unixReviewTime": 1468627200} +{"overall": 1.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A1RHYL3X1I5P5W", "asin": "B00006XXGO", "style": {"Size:": " 8.5 D(M) US", "Color:": " Unbleached White"}, "reviewerName": "goga", "reviewText": "Fake", "summary": "Zero", "unixReviewTime": 1487030400} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "A8T0LI2QNRJPO", "asin": "B0000CBAMK", "style": {"Size:": " 40W x 34L", "Color:": " Dark Quartz"}, "reviewerName": "Michelle", "reviewText": "Though they ran a size smaller. The price was also on the higher range, especially for being a work Jean.", "summary": "Great size selection", "unixReviewTime": 1356825600} +{"overall": 4.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A1XGGOU7UNBJ9X", "asin": "B0007YR980", "style": {"Size:": " 40DD", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "PriPri", "reviewText": "It fits nice and isn't too uncomfortable. Although it makes my boobs look a bit pointy, as bras go I would buy this again.", "summary": "It fits nice and isn't too uncomfortable", "unixReviewTime": 1431475200} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A2XVK6ZIGDR351", "asin": "B0000WL3CW", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Bernard Hinton", "reviewText": "Its was what i expected perfect", "summary": "Awesome!!!!", "unixReviewTime": 1413331200} +{"overall": 3.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "AKYR74I3RGB96", "asin": "B00021NY28", "style": {"Size:": " 8", "Color:": " Black"}, "reviewerName": "BargainHunter12", "reviewText": "Fit ok...but not as flattering as another pair I already had.", "summary": "Fit ok... but not as flattering as ...", "unixReviewTime": 1468540800} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "AWWN8UG5PX7TD", "asin": "B0009WAYNW", "style": {"Size:": " 11 D(M) US", "Color:": " Brown/Red"}, "reviewerName": "Robert S. Craig", "reviewText": "I have to put a wedge in the heal of the shoes i ware ,these shoes seem to be ok", "summary": "I have to put a wedge in the heal of ...", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2017", "reviewerID": "APR5ASQIOOIKP", "asin": "B00006XXGO", "reviewerName": "Amazon Customer", "reviewText": "satisfied", "summary": "Five Stars", "unixReviewTime": 1510963200} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "A27KT9F84G4G0U", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "Nicki", "reviewText": "Sizing appears true to size. There is more parading on the bottom for cushioning but the rest of the sox is not thin. Go up a couple inches up the leg. Husband is happy with them because they are not low cut ankle socks and are a good value.", "summary": "Low Risers w/ Reasonable Cost", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A1G7UJCSCMU5IZ", "asin": "B0007T10C6", "style": {"Size:": " 10.5 D(M) US", "Color:": " Blue"}, "reviewerName": "Caveator1", "reviewText": "Fit like a comfortable pair of gloves. Love them so comfortable I could sleep in them :)", "summary": "Love Them", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A3O2G07HG8I5LL", "asin": "B0000AFT9F", "style": {"Size:": " 8.5 B(M) US Women / 6.5 D(M) US Men", "Color:": " Red"}, "reviewerName": "Shazbot", "reviewText": "Wouldnt want to get married in them. But hey someone else might want to.", "summary": "Chuck Taylors Rock", "unixReviewTime": 1510185600} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A32AFA5VHRTDGG", "asin": "B0008IVCQ0", "style": {"Size:": " 52W x 32L", "Color:": " Relaxed Fit Workhorse Jean Big-tall"}, "reviewerName": "China", "reviewText": "Thhes jeans fit me just right with a little room to spare. i was surprise at how the fit me.", "summary": "Nice fit", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A1ZNLTEHELZ9PN", "asin": "B0002XSXWW", "style": {"Size:": " Medium", "Color:": " Sorbet"}, "reviewerName": "Tom", "reviewText": "Love these shirts. Great year round. I use on my boat and on a date.", "summary": "Five Stars", "unixReviewTime": 1413331200} +{"reviewerID": "AWNRQH2AFWRU3", "asin": "B000B2PJSK", "reviewerName": "Aqana Jones", "verified": true, "reviewText": "I love the shoe they just look a little worn", "overall": 3.0, "reviewTime": "07 28, 2014", "summary": "Three Stars", "unixReviewTime": 1406505600} +{"overall": 1.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A2H0PN9JQ4VIIQ", "asin": "B0007MFW8Q", "style": {"Size:": " 9 D - Medium", "Color:": " Oakwood"}, "reviewerName": "Kevin B. Steckel", "reviewText": "The most uncomfortable pair of shoes I've ever owned.", "summary": "Avoid these shoes", "unixReviewTime": 1429056000} +{"reviewerID": "A3T5XCSKTGTQ2", "asin": "B0000A53VA", "reviewerName": "Ladylaine", "verified": true, "reviewText": "Perfect", "overall": 5.0, "reviewTime": "04 14, 2016", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"reviewerID": "A2YNW51XR9WYEI", "asin": "B00091SSU4", "reviewerName": "Richard A. Schmidt", "verified": true, "reviewText": "My husband has worn Dickies jeans for years and loves them. There wear very well, don't shrink in the dryer and consistently fit well. All at a great price!", "overall": 5.0, "reviewTime": "11 10, 2014", "summary": "Great jeans for a reasonable price", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A3P3KSG7B7TWNW", "asin": "B0002MD71U", "reviewerName": "Michelle D", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 4.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A2B17ZDQJ3G2YB", "asin": "B0000AI44G", "style": {"Size:": " Small", "Color:": " Multi", "Product Packaging:": " Standard Packaging"}, "reviewerName": "SylviaC", "reviewText": "Fits great for my 4 year old. He loves it!", "summary": "Great costume!", "unixReviewTime": 1414281600} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A3FH6U0ULDBDFO", "asin": "B0006GRNE4", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black"}, "reviewerName": "L Jane Weir", "reviewText": "I just put arch supports orthotics in them and they are purfect!", "summary": "Love them!", "unixReviewTime": 1430956800} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "A2M9B7NFKIBB0L", "asin": "B0007KPP7G", "style": {"Size:": " Large Petite", "Color:": " Navy"}, "reviewerName": "R. Kellar", "reviewText": "Pants are made of good, lightweight material. The petite pants are still a good 4\" too long.", "summary": "Petites a little long", "unixReviewTime": 1498262400} +{"reviewerID": "A1CSBRUBQSGI8L", "asin": "B0002USCE4", "reviewerName": "C. Reichardt", "verified": true, "reviewText": "These are great ballet shoes- they are nice and are very good quality. They were also true to size- I ordered the same size as what my daughter wore in street shoes and they fit just fine. They have been great and have held up perfectly through the many dance classes.", "overall": 5.0, "reviewTime": "03 5, 2013", "summary": "Great ballet shoes", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A367ITVFX6TQP8", "asin": "B0009G6AX6", "style": {"Size:": " X-Large", "Color:": " Athletic Heather"}, "reviewerName": "G. Kier", "reviewText": "Good product and seller.", "summary": "Good product and seller.", "unixReviewTime": 1438646400} +{"reviewerID": "A2K1YIGUTBJ46P", "asin": "B0007MFWZ4", "reviewerName": "Pictel_fc", "verified": true, "reviewText": "Great boots and fast shipping. Fit and look great!", "overall": 5.0, "reviewTime": "07 9, 2015", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A1D28B930MR9M2", "asin": "B0002UUG66", "style": {"Size:": " 7 M US", "Color:": " Tan"}, "reviewerName": "Kristin", "reviewText": "I'm no dancer, but I needed inexpensive jazz shoes for a local stage play as Tuptim for King and I. These were perfect and SUPER comfy for me. I have tiny, slim feet so these fit great! :)", "summary": "Great buy for the price!! :)", "unixReviewTime": 1456099200} +{"reviewerID": "A3HBKCD4SA6AUD", "asin": "B0001YRFS0", "reviewerName": "Dan", "verified": true, "reviewText": "Bought 4 pairs and two of them are off by an inch or more. The other two fits just fine.", "overall": 3.0, "reviewTime": "12 23, 2016", "summary": "The other two fits just fine.", "unixReviewTime": 1482451200} +{"overall": 1.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A3NEUDS29H5XCE", "asin": "B0007U7NKI", "reviewerName": "megan", "reviewText": "durable, but extremely hard to break in. took over a week and lots of blisters. sent the other ones back", "summary": "durable, but extremely hard to break in. took ...", "unixReviewTime": 1434931200} +{"reviewerID": "A261I3VTE3LPSK", "asin": "B00091SSU4", "reviewerName": "Jordan P", "verified": true, "reviewText": "They're going to be great house-work pants but I'm not going to wear them out in public. Way too baggy unless i had quads/calves the size of Ronnie Coleman", "overall": 4.0, "reviewTime": "02 15, 2017", "summary": "They're going to be great house-work pants but I'm not going to wear them ...", "unixReviewTime": 1487116800} +{"overall": 1.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A9TDH5TO6YUAF", "asin": "B0008EO5AE", "style": {"Size:": " 12", "Color:": " Premium Dark"}, "reviewerName": "Becky", "reviewText": "too large everywhere to get them to fit in the waist...not for my body shape, i guess", "summary": "These are not for me.", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A1RZ98PFFDNEFI", "asin": "B0007PN9XI", "style": {"Size:": " 11.5 D(M) US", "Color:": " Black/Running White"}, "reviewerName": "adam", "reviewText": "Great fit.", "summary": "Sambas", "unixReviewTime": 1477612800} +{"overall": 2.0, "verified": true, "reviewTime": "02 8, 2017", "reviewerID": "A2HWH28SLTUAC6", "asin": "B000851FM4", "reviewerName": "Katherine Boutelle", "reviewText": "Has no pockets so sending back has to have pockets", "summary": "Two Stars", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A333TFCFNNB87F", "asin": "B000ARPN4G", "style": {"Size:": " 11 D(M) US", "Color:": " Charcoal"}, "reviewerName": "Joan S", "reviewText": "Good quality and excellent service.", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"reviewerID": "A2D0KM8Z9CC3VZ", "asin": "B00028AZ6E", "reviewerName": "Marion Gardner", "verified": true, "reviewText": "No complaints", "overall": 5.0, "reviewTime": "09 19, 2016", "summary": "Five Stars", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A1ZHI5P7YLR5J", "asin": "B0007YR980", "style": {"Size:": " 40D", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "linda faye goss", "reviewText": "LOVE IT", "summary": "Five Stars", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "ATIVUHOU1M31L", "asin": "B0001N5WMW", "style": {"Size:": " 9 B(M) US", "Color:": " Poseidon/Capri"}, "reviewerName": "M.J.", "reviewText": "I wear an 8 1/2 for other shoes, but in this style of Keen I wear a 9 - it fits perfectly.", "summary": "I wear an 8 1/2 for other shoes, but ...", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2017", "reviewerID": "A17NX7T7DW6KL2", "asin": "B00008I8YM", "style": {"Size:": " 7", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Maries", "reviewText": "I just bought another three of these. They might look like granny panties, but they are super comfortable and don't show any lines, even under thin cotton dresses.", "summary": "They might look like granny panties", "unixReviewTime": 1503532800} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2012", "reviewerID": "A3T92U1JDIUWMI", "asin": "B0001YS2BO", "style": {"Size:": " 32W x 30L", "Color:": " Stonewash"}, "reviewerName": "Steven Styers", "reviewText": "Get these Carhartt jeans if you want to feel good and look good. The traditional fit is comfortable, neither too tight nor too loose.", "summary": "Jeans that are just right", "unixReviewTime": 1350259200} +{"overall": 3.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A96DU42GRGSC1", "asin": "B0009APJHK", "style": {"Size:": " 7 W US", "Color:": " White"}, "reviewerName": "lin", "reviewText": "The shoe is very attractive looking; but there is not enough room in the shoe for the wide part of my foot.", "summary": "Keds leather slip on 7 W", "unixReviewTime": 1385683200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A4T10LCCYXO6S", "asin": "B0009RLR9C", "style": {"Size:": " 2.5 M US Little Kid", "Color:": " Chocolate"}, "reviewerName": "Amazon Addict", "reviewText": "I love the Kenneth Cole shoes for my sons and when I could not find a brown one in the stores I was disappointed but I thank God for Amazon because his brown Easter suit looked amazing with the shoe", "summary": "Happy Mom", "unixReviewTime": 1398297600} +{"overall": 1.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A2KA1E33VZ2PQ5", "asin": "B0002XSWR8", "style": {"Size:": " Large", "Color:": " SAGE"}, "reviewerName": "LAPF", "reviewText": "Se descoloro sin casi usarse", "summary": "Se descoloro sin casi usarse", "unixReviewTime": 1414454400} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2013", "reviewerID": "A3NR0AUIU60K0E", "asin": "B0009LONXA", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "J.", "reviewText": "I really like this bag, but unfortunately I can't fit my iPhone in it. Otherwise I would love it. Too bad.", "summary": "Cute bag, but very small", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2017", "reviewerID": "AW6MWESEKKW0H", "asin": "B0000CBALZ", "style": {"Size:": " 34W x 29L", "Color:": " Antique Indigo"}, "reviewerName": "Richard", "reviewText": "Tough, reliable, comfortable jeans.", "summary": "the only jeans I wear", "unixReviewTime": 1491782400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A2YP6KJK4GLHTC", "asin": "B000AYSH6U", "style": {"Color:": " Black/Silver-Tone/Orange"}, "reviewerName": "William T", "reviewText": "Love this watch. My whole family for 3 generations male and female wear this watch.", "summary": "A beast", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A1HCVU58SPJP9U", "asin": "B0002FHJ66", "style": {"Size:": " XXXXX-Large", "Color:": " Sand"}, "reviewerName": "Amazon Customer", "reviewText": "Great fit and delivery", "summary": "Five Stars", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "A1VFTTZN8ED04E", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 12"}, "reviewerName": "Don M.", "reviewText": "Switched from white to black athletic shoes. White Gold Toes worked well for decades. Expect black Gold Toes to do the same.", "summary": "Black as good as the white.", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "AMRSO5G52ZOSL", "asin": "B00016QOX0", "style": {"Size:": " 42W x 32L", "Color:": " Black"}, "reviewerName": "Kryton", "reviewText": "Great Fit and Look", "summary": "Perfect As Always From Levi's", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2018", "reviewerID": "A3B2WURP944AYH", "asin": "B0002TOWIU", "style": {"Size:": " One Size", "Color:": " White"}, "reviewerName": "Hank Skelton", "reviewText": "Gold Toe Fluffies have been my favorite socks since I discovered them years ago. They are very comfortable because they don't squeeze my legs at the top of the sock, leaving a ring. This is not the case with Gold Toe Cotton Fluffies, which I have found to be uncomfortable.", "summary": "Most comfortable socks.", "unixReviewTime": 1522368000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A1QOQCEN83WRP6", "asin": "B00099E7D8", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Black/ White"}, "reviewerName": "Nanny", "reviewText": "My Grandson has been wearing the adidas sambas for four yrs.. he is 8 now... loves the shoes. He outgrows them before they wear out", "summary": "My Grandson has been wearing the adidas sambas for four ...", "unixReviewTime": 1510704000} +{"overall": 1.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A7548JOPQID4Y", "asin": "B00080FK2U", "style": {"Color:": " Gold/ Grey Green"}, "reviewerName": "carlos", "reviewText": "I don't Like", "summary": "One Star", "unixReviewTime": 1404864000} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A2FDDZXO4ISMAG", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Steve H.", "reviewText": "good product", "summary": "good product", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2013", "reviewerID": "AEBWUHXHYIMAO", "asin": "B00080FK2U", "style": {"Color:": " Green Classic", "Width:": " 58"}, "reviewerName": "E. T. Bedford Davie", "reviewText": "Perfect for what I want..easy to wear with everything and every situation. Optics not the best, but passable. Worst part... Easy to lose!", "summary": "The classic must have glasses", "unixReviewTime": 1375142400} +{"overall": 2.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A1VGSVP07Q6KYL", "asin": "B0007KPP7G", "style": {"Size:": " Large Petite", "Color:": " Royal"}, "reviewerName": "Lilia", "reviewText": "The material was extremely cheap quality and the fit was kinda funky.", "summary": "Two Stars", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1RT0UQRCB2765", "asin": "B0009G4D1W", "style": {"Size:": " XXX-Large", "Color:": " Black"}, "reviewerName": "jen", "reviewText": "Thanks. these run very small though...", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": false, "reviewTime": "12 11, 2015", "reviewerID": "A3KSSVS0AJRIUB", "asin": "B000AUVTJQ", "reviewerName": "heather Sullivan", "reviewText": "I saw these first in New Zealand at the airport. Fell in love with the look of them and came home and ordered them from Amazon for quite a big discount. My boyfriend never takes them off...even wears them to go to the grocery store. He won't travel without them.", "summary": "Fell in love with the look of them and came home and ...", "unixReviewTime": 1449792000} +{"reviewerID": "A3KS4V6YW6DD1M", "asin": "B0007MFWZ4", "reviewerName": "Andy", "verified": true, "reviewText": "First and last time ever purchasing these boots. Not a very comfortable boot, tried inserting store bought insoles but that made the boot too tight on top. Could not walk very far in them without my feet hurting, very hard bottom.", "overall": 1.0, "reviewTime": "08 15, 2013", "summary": "Worst Shoes EVER", "unixReviewTime": 1376524800} +{"overall": 5.0, "verified": false, "reviewTime": "12 21, 2016", "reviewerID": "A2DCALILML9M4H", "asin": "B0000WL3CW", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "MrsRubi", "reviewText": "Very happy with it. Fits just right. Perfect thickness but still super warm.", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2014", "reviewerID": "A3SW49ZL4MLEQL", "asin": "B0009I36O0", "style": {"Color:": " Baby Pink"}, "reviewerName": "Ivy14", "reviewText": "The color was as expected and the fabric is soft and has beautiful designs. A great shawl for Church or evening wear.", "summary": "Beautiful Shawl", "unixReviewTime": 1391299200} +{"reviewerID": "A1EFGMT7AKZNZL", "asin": "B0007USMFS", "reviewerName": "kenshin", "verified": false, "reviewText": "I don't like it... It is not fit as Lee with the same size 32*32.\n\nand the color is not good either.", "overall": 2.0, "reviewTime": "10 15, 2014", "summary": "Large for me", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2016", "reviewerID": "A1BJJT36LCMWD4", "asin": "B000685PW4", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "mike sed", "reviewText": "It is too long and fits a bit snug, but great quality", "summary": "but great quality", "unixReviewTime": 1482624000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2017", "reviewerID": "A23K0P0H3PS16F", "asin": "B0000WL0XY", "style": {"Size:": " X-Large", "Color:": " Brown"}, "reviewerName": "Rebecca Thomason", "reviewText": "Perfect!!", "summary": "Five Stars", "unixReviewTime": 1488844800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81e96mR3mqL._SY88.jpg"], "overall": 3.0, "verified": true, "reviewTime": "12 24, 2017", "reviewerID": "A5PG97WV5LE24", "asin": "B0009B3IN6", "reviewerName": "Geary-Henderson", "reviewText": "Package came with the end missing from the box. Since its a gift I will have to update for actual fit.", "summary": "Damage paging", "unixReviewTime": 1514073600} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2014", "reviewerID": "A1D0OMZWEG33NQ", "asin": "B0007MFW8Q", "style": {"Size:": " 9.5 D - Medium", "Color:": " Black Suede"}, "reviewerName": "Athrun0427", "reviewText": "1.clarks brand classic type\n2.size info is correct,and the price is nice.\n3. I will suggest it to my friends and family.", "summary": "Cool & Beauty", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "A1U9M9K10JFJNY", "asin": "B00065IA10", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "Marina Tuzova", "reviewText": "Bought for my husband, he just loves them! Thin, warm, comfortable and classy look. That what you want from your socks", "summary": "Great", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "ASMVCLSKL95H0", "asin": "B0008EOEO6", "style": {"Size:": " 36W x 34L", "Color:": " Bounty"}, "reviewerName": "Steve", "reviewText": "These Lee's are probably the best pair I've ever owned. My new Lee's are tough, and durable to work outside; I know they'll last me awhile.", "summary": "Great!", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A2VS4RJGCO2GFL", "asin": "B0002TOZ1Y", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "RC", "reviewText": "good quality socks and the price just couldn't be beat. I'm always running out of socks - or at least misplacing or losing one or more. These fit the bill for me.", "summary": "good quality socks and the price just couldn't be beat", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2017", "reviewerID": "A2CO8TX09OYZZB", "asin": "B0006LPK80", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Douglas McGaughey", "reviewText": "finally high enough rise. they are comfy", "summary": "Five Stars", "unixReviewTime": 1507075200} +{"reviewerID": "A1H4XAKRZ6U8UY", "asin": "B00028AZ6E", "reviewerName": "couldbeworst", "verified": true, "reviewText": "I'm about a 33w, always order 34w for some room and there was none in these. They aren't what I would call \"comfortable\" pants, but then again they are \"work pants\" and when has work ever been comfortable. (rim shot).", "overall": 4.0, "reviewTime": "02 20, 2018", "summary": "Waist seems to run small", "unixReviewTime": 1519084800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2013", "reviewerID": "AHKQNDN2QKUVE", "asin": "B000922EJO", "reviewerName": "Rhondarons", "reviewText": "My son is happy. I am happy. Overall the costume is great for the price. We received it on a timely period.", "summary": "My son loves his cutthroat pirate costume", "unixReviewTime": 1382918400} +{"reviewerID": "A2IHD6D59T8VIL", "asin": "B0006TVYR8", "reviewerName": "Jose Reyes", "verified": true, "reviewText": "Good product", "overall": 5.0, "reviewTime": "10 14, 2014", "summary": "Five Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2016", "reviewerID": "A26UB9PXCLJO00", "asin": "B0000ANHTD", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Tim C", "reviewText": "nice shirt, American size", "summary": "Five Stars", "unixReviewTime": 1472256000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A217MTXPMZ1ZMK", "asin": "B0009PS57G", "style": {"Size:": " 2X Plus", "Color:": " Sapphire"}, "reviewerName": "Delta Woman", "reviewText": "Bought this on clearance. No idea why it was there. Had to be an accident. Fits great, nice color, even hubby noticed.. VERY good price. Dream buy!", "summary": "Blue nightie", "unixReviewTime": 1389916800} +{"overall": 4.0, "verified": false, "reviewTime": "07 8, 2014", "reviewerID": "A2FU3V5GL99BBQ", "asin": "B0006UD6PK", "style": {"Size:": " XXX-Large", "Color:": " White"}, "reviewerName": "Dr. Gabriel Chvez Mancilla", "reviewText": "Great white belt!", "summary": "Four Stars", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "AGLXDBSRF63TQ", "asin": "B000B2LQ96", "style": {"Size:": " 9.5 D(M) US", "Color:": " White/Gum"}, "reviewerName": "Ralph Pifferrer", "reviewText": "VERY COMFORTABLE, LIGHT WEIGH, GOOD MATERIAL AND VERY ELEGANT. I WILL RECOMENDED.", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A233HUU4F5ZFTG", "asin": "B000AYUMWW", "style": {"Size:": " 9 D(M) US", "Color:": " Black"}, "reviewerName": "AVELINO RAMOS", "reviewText": "It met all expectations as I have purchased CAT products in the past and have been satisfied ever since.", "summary": "What a product!", "unixReviewTime": 1475625600} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "AVUITKIFDQ3K5", "asin": "B0002P5SL4", "style": {"Size:": " 8.5 C/D US", "Color:": " White/Pink"}, "reviewerName": "Amazon Customer", "reviewText": "Great shoes, they fit well. Feel great, look great, easy to clean and light weight. I absolutely love them.", "summary": "Great shoes!", "unixReviewTime": 1411948800} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A2AN5JU6BY06O9", "asin": "B00022JPNE", "style": {"Size:": " Medium", "Color:": " Brown"}, "reviewerName": "rustycoon", "reviewText": "These things are comfy soft! They fit very well. (Baggy fit) The only gripe I have is that the belt loops won't accommodate an extra large belt (width) and the belt loops are chintzy.", "summary": "Comfy and soft", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "AEXGOXVJ1NQPR", "asin": "B0001YRWRY", "style": {"Size:": " 54W x 30L", "Color:": " Indigo Rigid"}, "reviewerName": "Ruby St. Myers", "reviewText": "Husband likes them very much", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A2XNTLN2T2VS5J", "asin": "B0007TTT2O", "style": {"Size:": " standard", "Color:": " Dark Brown"}, "reviewerName": "DAVID HAMILTON", "reviewText": "Buy half size up", "summary": "Four Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A2P7ERZTPBBBP8", "asin": "B0001YR54E", "style": {"Size:": " Medium", "Color:": " Navy"}, "reviewerName": "s", "reviewText": "Nice.", "summary": "good buy", "unixReviewTime": 1430697600} +{"reviewerID": "A35K3T07IC18BK", "asin": "B0007USMFS", "reviewerName": "SS", "verified": true, "reviewText": "Stiff legged and looseish there feels too large in their shape but fits comfotable.", "overall": 3.0, "reviewTime": "10 2, 2017", "summary": "Three Stars", "unixReviewTime": 1506902400} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A1DTQNKKTQN7O0", "asin": "B00028B4XW", "style": {"Size:": " 34W x 34L", "Color:": " Black"}, "reviewerName": "Chris", "reviewText": "i did not realize they were loose fit. to baggy for me", "summary": "Four Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A1DQDM0T31VSZW", "asin": "B0002LT7LU", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black Patent"}, "reviewerName": "Texas", "reviewText": "This is the cutest black patent shoe, very comfortable and perfect low heal for jeans, crop pants or skirts. I love it.", "summary": "very comfortable and perfect low heal for jeans", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "AO44ICQH92RV4", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "penname", "reviewText": "great socks, wear well and last a good bit of time,", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A24UJPHORC64Z6", "asin": "B0007P48E2", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Marcio Vita", "reviewText": "I am very satisfied and will certainly consider on a next purchase, specially because it has international freight options to be used..", "summary": "Good", "unixReviewTime": 1380672000} +{"overall": 3.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "AIJR5AE2LGUU6", "asin": "B000A794KU", "style": {"Size:": " 34W x 36L", "Color:": " Tumbled Rigid"}, "reviewerName": "srits", "reviewText": "Fits well except they seem more like 37\" long.\nI can win. 34's are too short 36's are too long.\nNeed 35's but they don't exist.", "summary": "Fits well except they seem more like 37\" long", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A13KUGIRQO6GBL", "asin": "B0007CKMOU", "style": {"Size:": " 54W x 28L", "Color:": " Vintage Indigo"}, "reviewerName": "joegarcia44", "reviewText": "Wasn't sure what to expect. But to my surprise they fit very well and paired with the papi jocks i purchased they look even better I'm thinking of getting another pair.", "summary": "But to my surprise they fit very well and paired with the papi jocks i purchased they look even better I'm thinking of getting a", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "ABUQ0816P3LGV", "asin": "B0007TVDY6", "style": {"Size:": " 42", "Color:": " Military"}, "reviewerName": "GM_MV", "reviewText": "The shortsare comfortable, durable, and well made. I own 2 pair in different colors.", "summary": "Great shorts. Fit great and love the pockets!", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A1Q91SNQ0GMI8W", "asin": "B0008EO5AE", "style": {"Size:": " 16", "Color:": " Premium Stone"}, "reviewerName": "BJ Amesbury", "reviewText": "Wonder jeans and fits well!", "summary": "Five Stars", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A14H8MBKOH0V7A", "asin": "B0007XBGPI", "style": {"Size:": " 5 B(M) US", "Color:": " Blue"}, "reviewerName": "Cherry's Jubilee", "reviewText": "Very comfortable and easy to wear. Walk on concrete every Sunday at the farmers market. (Approximately 2 miles.)", "summary": "Five Stars", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A3Q25BU0ND87YO", "asin": "B00009PM48", "style": {"Size:": " One Size", "Color:": " 3-hook White/Nude/Black"}, "reviewerName": "Michelle", "reviewText": "These extenders are great. They last a long time, high quality, and they come in the three most common colors. I wear them everyday.", "summary": "These extenders are great. They last a long time", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A2VOW4JYUM74T6", "asin": "B00062NFGI", "style": {"Size:": " 34", "Color:": " Heather Grey"}, "reviewerName": "Yang Cheng", "reviewText": "Great, I like it, it is comfortable and smell a little sweet.", "summary": "Great, I like it.", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2018", "reviewerID": "A2Z0196DATDZA3", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Teacher", "reviewText": "Socks are great, well made. Gave to a brother in law as Christmas present. No Complaints.", "summary": "Well Made - Good Socks", "unixReviewTime": 1523750400} +{"overall": 3.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A3ZN1O6UZURRH", "asin": "B000AQVSA0", "reviewerName": "David Rosario", "reviewText": "I liked this watch except for the viewing angles you have to see it in front of you to catch the numbers not a friend for\ncovert glances", "summary": "what?! do have to go?", "unixReviewTime": 1414540800} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "A1LHZ500F6LWBJ", "asin": "B0000WL0WA", "style": {"Size:": " 2X Tall", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Made in the US. Replaced one that finally wore out after years of abuse.", "summary": "Work coat", "unixReviewTime": 1481414400} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A2OPY6YYTL9REC", "asin": "B00022JPNE", "style": {"Size:": " Large", "Color:": " Brown"}, "reviewerName": "Ellis P.", "reviewText": "Quickly becoming my favorite pants. Very comfortable. Fit is perfect. They do not shrink. Great pants.", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 2.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A20R241XYG6GCK", "asin": "B0007KPP7G", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "RR", "reviewText": "The pants were way too small.", "summary": "Two Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "AAPKUBMXNFQUZ", "asin": "B000B5OD4I", "reviewerName": "Michael D", "reviewText": "Arguably one of the most bullet-proof divers on the market - regardless of price. And for the price - it will last and last and always function as advertised. Looks pretty good on the wrist too.", "summary": "Bullet proof diver", "unixReviewTime": 1424131200} +{"reviewerID": "A1AG055OHG79Z4", "asin": "B0001YRFS0", "reviewerName": "Icabrera", "verified": true, "reviewText": "Great quality product.", "overall": 5.0, "reviewTime": "01 21, 2018", "summary": "Five Stars", "unixReviewTime": 1516492800} +{"reviewerID": "ADJTP69RHSSSN", "asin": "B0007MFWZ4", "reviewerName": "David H", "verified": true, "reviewText": "any self respecting hipster should own a pair of these GREAT shoes. HOWEVER, PLEASE NOTE: you must buy a size smaller than you would normally wear. NO JOKE. for some odd reason these shoes run big, really big.", "overall": 5.0, "reviewTime": "01 2, 2012", "summary": "GREAT", "unixReviewTime": 1325462400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A1WIE8OOL9VR0Y", "asin": "B0002NZ898", "style": {"Size:": " Medium", "Color:": " Dark Green"}, "reviewerName": "Xavier Alvarado", "reviewText": "excellent choice liked my wife and helped a lot to correct their dress .... the texture of the fabric is wonderful and very soft", "summary": "Port Authority Women's Classic Polo Sports Shirt, dark green, Medium", "unixReviewTime": 1401580800} +{"overall": 3.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A3J4WIGG0TR1X7", "asin": "B00006XXGO", "style": {"Size:": " 9 Women / 7 Men M US", "Color:": " Light Surplus/Light Olive"}, "reviewerName": "Anne", "reviewText": "A nice shoe and I love the khaki color. Just too big!", "summary": "Three Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A35T5UG2Y9ASN9", "asin": "B000B2MMDA", "style": {"Size:": " 11 W US", "Color:": " Black"}, "reviewerName": "Stacy Wildermuth", "reviewText": "Love these. Great everyday work loafer!!", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 7, 2012", "reviewerID": "A1RMYS9ZGC9W1T", "asin": "B00006XXGO", "reviewerName": "Jamy", "reviewText": "My daughter loves these shoes and gets all kinds of funky laces to dress them up. Definitely worth the price.", "summary": "Laces", "unixReviewTime": 1346976000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A1D7ON740CA9TS", "asin": "B0007N2JAE", "style": {"Size:": " Medium", "Color:": " Multi"}, "reviewerName": "Nana58", "reviewText": "I bought these for my mom. She loved them. They fit nice, colors were great, and they washed up nice too.", "summary": "Nice", "unixReviewTime": 1402272000} +{"reviewerID": "A1YBK9IBRQ3DOE", "asin": "B0007MG0K0", "reviewerName": "METL HD", "verified": true, "reviewText": "Came on time on in perfect condition....who did not have these in the 70's!! these are the originals too!! No copies!! I'm wearing mine with renewed pride...", "overall": 5.0, "reviewTime": "05 18, 2014", "summary": "finally found them!!", "unixReviewTime": 1400371200} +{"overall": 1.0, "verified": true, "reviewTime": "03 15, 2017", "reviewerID": "A1UFVBMWFOCNHJ", "asin": "B0002FHJ66", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Scott C. Thompson", "reviewText": "I ordered a x large, not a xx large", "summary": "One Star", "unixReviewTime": 1489536000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2016", "reviewerID": "A2JRG9NSE3111K", "asin": "B00024BM6A", "style": {"Size:": " Small", "Color:": " Pink Camo"}, "reviewerName": "Amazon Customer", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A20O046VUIHHF7", "asin": "B0006M1VXW", "style": {"Size:": " 12 D(M) US", "Color:": " Black Polished"}, "reviewerName": "ShannonHaze", "reviewText": "Excellent shoes, the person I bought them for loves them and they provide support and ease foot pain.", "summary": "Excellent deal on great shoes", "unixReviewTime": 1432080000} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "ANFJ4GGDNSQMP", "asin": "B00075ZYTK", "style": {"Size:": " Large", "Color:": " Basic Navy"}, "reviewerName": "Willy K.", "reviewText": "Nice, basic t shirts.", "summary": "Four Stars", "unixReviewTime": 1488758400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2013", "reviewerID": "A1FU5KU7AG1XMW", "asin": "B0009EHTBK", "reviewerName": "Rod", "reviewText": "very nice pistol belt for canteens and such. I would sugest it to anyone who needs a pistol belt solution", "summary": "It is what it is", "unixReviewTime": 1366588800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A2FANQE0YOGWR4", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "Barbara J Kohler", "reviewText": "Very nice watch. I prefer Timex. And I prefer numbers that I can see!\nHowever, I find the band to be too long.", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 1.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A16KLKT960Q75G", "asin": "B00008L1ST", "style": {"Size:": " 44", "Color:": " Black"}, "reviewerName": "jocelyn guevara", "reviewText": "Run small.", "summary": "One Star", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A19AZUWLYRT3FX", "asin": "B00006XXGO", "style": {"Size:": " 7.5 B(M) US Women / 5.5 D(M) US Men", "Color:": " Black"}, "reviewerName": "Tammy Winebarger", "reviewText": "My granddaughter loved them!", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2013", "reviewerID": "A2ACJSHEC2RZVZ", "asin": "B000AYSH6U", "style": {"Color:": " Gray/Lilac"}, "reviewerName": "LadyK", "reviewText": "I bought this for my evening walks and workouts at the gym-its very comfortable and has all the necessary functions. I like it very much", "summary": "Like this watch", "unixReviewTime": 1360281600} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A2M7SMIF412JQ2", "asin": "B000A5APXM", "style": {"Size:": " 36W x 32L", "Color:": " Lexicon"}, "reviewerName": "Wayne 1", "reviewText": "This 513 series fits better than any Levis I have owned. The small amount of added spandex and color choices make this version hard to beat. Buy without fear. If you want a 100 percent cotton version ( and all the characteristics that come with that selection) look elsewhere.", "summary": "513 works for me", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": false, "reviewTime": "09 1, 2015", "reviewerID": "A3E37L79BUT822", "asin": "B000089V7W", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Navy"}, "reviewerName": "Cindy Lyday", "reviewText": "Package arrived on the first day it could have arrived. Love the shoes!", "summary": "Love the shoes", "unixReviewTime": 1441065600} +{"overall": 4.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A1PVK0NB32O9AD", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "C H", "reviewText": "A little long in the heighth.", "summary": "Four Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A2XVD7UAGI594S", "asin": "B0000ANHTD", "style": {"Size:": " 3X Tall", "Color:": " Black"}, "reviewerName": "Northern Lights", "reviewText": "Well made, high quality materials.", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2014", "reviewerID": "AJGP89TLEIYID", "asin": "B000AYTYLW", "style": {"Color:": " Black/Gray"}, "reviewerName": "Anthony E Jenkins", "reviewText": "Was looking for a fairly simple, straight forward watch without a lot of extras. This watch certainly fits the bill.", "summary": "Just what I wanted", "unixReviewTime": 1400198400} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "A1WRC1RXVENYY8", "asin": "B000AYW0KO", "style": {"Color:": " Two-Tone/White"}, "reviewerName": "L. McFarland", "reviewText": "This is a very nice looking watch, just a little snug for my rather small wrist. I am very happy with the back lighting - just what I was wanting.", "summary": "nice looking, well fitting, back lighting is great!", "unixReviewTime": 1366156800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A3RLXGIDU4VZ84", "asin": "B0001YS2BO", "style": {"Size:": " 34W x 34L", "Color:": " Dark Stone"}, "reviewerName": "Amazon Customer", "reviewText": "Great jeans", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A207SDZJLM23Y9", "asin": "B000213XV0", "reviewerName": "Eric K. Sherson", "reviewText": "Best shoe repair I've ever used.", "summary": "Makes other similar products look bad.", "unixReviewTime": 1435968000} +{"reviewerID": "AODIX2682VQ6B", "asin": "B000B2IZC2", "reviewerName": "Sister Snapshot", "verified": true, "reviewText": "We've bought a few different pairs of these already. Well made, comfortable boots!", "overall": 5.0, "reviewTime": "07 13, 2015", "summary": "Great boots!", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A1JTY437JC6JSL", "asin": "B0007KPP7G", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Kevin Bookman", "reviewText": "Just as my wife likes.", "summary": "Awesome", "unixReviewTime": 1489795200} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "A1W8CYTKQRH6YB", "asin": "B0009B35DY", "style": {"Size:": " 10.5 Wide US", "Color:": " White"}, "reviewerName": "GeorgeRobb", "reviewText": "Too bad I can't get them in Black. Great sneaker!", "summary": "As expected!", "unixReviewTime": 1505606400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A13ESGNGKZ5C4X", "asin": "B00006XXGO", "style": {"Size:": " 3 US Men/5 US Women", "Color:": " Black"}, "reviewerName": "Robert W Kephart", "reviewText": "Shoes are perfect and I am waiting for my littlest niece to grow into them.", "summary": "Careful what you order or have a big family", "unixReviewTime": 1412726400} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A35CPOKWFAE982", "asin": "B00020J14E", "reviewerName": "LM", "reviewText": "On the heavy side but a nice watch. It is very difficult to remove links and could use better instructions for link removal.", "summary": "On the heavy side but a nice watch. It is very difficult to remove links ...", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A2JIUJ0JQKZG6I", "asin": "B0001N5WMW", "style": {"Size:": " 10 B(M) US", "Color:": " Raven/Capri"}, "reviewerName": "Noah Durham", "reviewText": "These are the most comfortable shoes.", "summary": "Five Stars", "unixReviewTime": 1475020800} +{"overall": 2.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A16WG30SQHR3DV", "asin": "B000163G8G", "style": {"Size:": " 38C", "Color:": " Beige"}, "reviewerName": "Jamee Harrell", "reviewText": "I wear Maidenform bras all the time and have for years. I bought the same size and style of all my others and it was so much smaller. I ordered a 38C and it looked like about a 32. I think it was just a manufacture problem in the sizing of this batch perhaps?", "summary": "Wrong sizing", "unixReviewTime": 1391904000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A2ATUDIK22ZJIL", "asin": "B0007SUFEQ", "style": {"Size:": " 11 B(M) US", "Color:": " White Deerskin"}, "reviewerName": "Odds & Ends", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A3OQQLNBCGX7OF", "asin": "B0002NYPC4", "style": {"Size:": " Medium", "Color:": " Navy"}, "reviewerName": "S. Wilson", "reviewText": "Our son loves this sweater. It fit true to size and he says it is one of his favorite shirts because it's so comfortable. Very nice, warm, sturdy material.", "summary": "Quality Sweater", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A3TT0XJRINRQLE", "asin": "B0007D67SY", "style": {"Size:": " 11 D(M) US", "Color:": " Golden Tan"}, "reviewerName": "002", "reviewText": "These are my 2nd pair, from Minnetonka Men's Sheepskin Moccasin's They feel so great to my feet, I wear them only around the house. Warm and snug, but light and cool so you don't sweat. I just can't say a thing, bad about these wonder slippers! Your feet will thank you!", "summary": "Your Feet will love you, for getting these Moccasin slippers!", "unixReviewTime": 1412640000} +{"overall": 2.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2HD42SD5YZBJE", "asin": "B0009RG94K", "style": {"Size:": " Diameter: 12.75\"", "Diameter:": " 12.75\""}, "reviewerName": "MACM_20", "reviewText": "Not quality product. Two days after my boy started to play with it, started to scratch and crack. The material is not good. Buy Hasbro, is more expensive but totally worthy", "summary": "DUNNO LIKE IT", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A1SM9GRJK4B65L", "asin": "B000AYJ32W", "style": {"Size:": " L (size 11-13 boots)", "Style:": " Bagged"}, "reviewerName": "Dennis L. Gardner", "reviewText": "These are very heavy duty while being soft and supple. I wear a size 11 shoe and these work well for shoes with normal sized soles. For boots or other larger soles a larger size will be necessary.", "summary": "Great for normal sized soles", "unixReviewTime": 1521331200} +{"reviewerID": "A20OL06WGU5646", "asin": "B000AXVDOO", "reviewerName": "JUDY Newman", "verified": true, "reviewText": "Cups too small for 38 ddd", "overall": 2.0, "reviewTime": "09 2, 2017", "summary": "Two Stars", "unixReviewTime": 1504310400} +{"reviewerID": "AV1SKHGS9DM1W", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": false, "reviewText": "The perfect work pants. Great fit, well constructed, rugged fabric that can take a Serviceman's beating. I like the one button rear pocket and I like the sturdy metal clasp to keep the pants closed. Good product Dickies, great quality workmanship.", "overall": 5.0, "reviewTime": "05 3, 2017", "summary": "Perfect work pants!", "unixReviewTime": 1493769600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 8, 2017", "reviewerID": "A15QNY4411NMOW", "asin": "B00023JONO", "style": {"Style:": " Silver (28\" Length)"}, "reviewerName": "Selina", "reviewText": "For the price, a very nice chain. Very pleased. It is sturdy enough for a heavy pendant, and exactly what I needed.\nWould not hesitate to buy from seller again.", "summary": "Excellent chain", "unixReviewTime": 1510099200} +{"reviewerID": "AIVSRUZUTNHJG", "asin": "B0001YRFS0", "reviewerName": "Ballistic_Tip", "verified": true, "reviewText": "Sturdy and comfortable!", "overall": 5.0, "reviewTime": "06 5, 2016", "summary": "Five Stars", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2013", "reviewerID": "A1W2RC4JMBSBM8", "asin": "B0001YSBOC", "style": {"Size:": " Medium", "Color:": " Desert (Closeout)"}, "reviewerName": "Michael R. Noel", "reviewText": "This is a very comfortable and attractive shirt suitable for casual outerwear. It makes a nice layer under a jacket on chilly mornings.", "summary": "Carhartt long sleeve pocket T-shirt", "unixReviewTime": 1381968000} +{"overall": 5.0, "verified": false, "reviewTime": "01 15, 2013", "reviewerID": "A8CD0EP31LEEG", "asin": "B00016QOX0", "style": {"Size:": " 34W x 36L", "Color:": " Medium Stonewash"}, "reviewerName": "Abbey", "reviewText": "These are the first jeans in a while that actually fit my waist size, inseam and the leg openings are perfect.", "summary": "Finally a pair of jeans that fit right", "unixReviewTime": 1358208000} +{"overall": 4.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A15OYEAGXUF6C8", "asin": "B0007YR980", "style": {"Size:": " 44DD", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "Vickie", "reviewText": "Always tried and true with Playtex bras. This bra is good for women that are top heavy. When wearing the correct size it can lift you up and hide a little on the sides", "summary": "This bra is good for women that are top heavy", "unixReviewTime": 1466553600} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A34X7UT6CR3ZNO", "asin": "B0007WZZYC", "style": {"Size:": " 35W x 30L", "Color:": " Dark Khaki"}, "reviewerName": "Paul Steiner", "reviewText": "fit, length, and light, for hot days.", "summary": "works well", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2013", "reviewerID": "A1J5EP2PE7LH47", "asin": "B0001YS56G", "style": {"Size:": " W44", "Color:": " Brown"}, "reviewerName": "Bill Ennis", "reviewText": "This will be around for awhile, it feels like few things could kill it. Good material, good stitching. Better if it was made in America...", "summary": "Tough.", "unixReviewTime": 1377820800} +{"overall": 3.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A13UV8Q52QEYZ2", "asin": "B0009AZU0G", "style": {"Size:": " 37 M EU / 6-6.5 B(M)US Women /4-4.5 B(M)US Men", "Color:": " Mocha Birkibuc"}, "reviewerName": "Marlene", "reviewText": "These are really nice sandals but way bigger than expected. I was going to ship this to a relative in another country (size 6) but now I have to keep them for myself (size 7.5). It's unfortunate because she really needed long-lasting sandals with straps.", "summary": "These are really nice sandals but way bigger than expected", "unixReviewTime": 1457481600} +{"overall": 4.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A2KM9U4SNAV3YT", "asin": "B00093DAOQ", "reviewerName": "Heather Cordes", "reviewText": "Fast delivery and great product!", "summary": "Four Stars", "unixReviewTime": 1436832000} +{"overall": 4.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A12C0K4SUIW60P", "asin": "B0006Z3HMW", "reviewerName": "waddie", "reviewText": "Think t will like it", "summary": "Four Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A151V3BWINLT9V", "asin": "B00028B4XW", "style": {"Size:": " 42W x 30L", "Color:": " Dark Navy"}, "reviewerName": "megan motroni", "reviewText": "Excellent very happy", "summary": "Great", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A1PV138KT72E6B", "asin": "B0000ZE6AK", "style": {"Size:": " 5X- Large/ 12", "Color:": " White"}, "reviewerName": "Margaret D.", "reviewText": "BUT, I would rather have them a bit big than I bit small. I love the Lollipop brand. Very satisfied.", "summary": "I love the Lollipop brand", "unixReviewTime": 1429401600} +{"overall": 3.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A7KJ9VAHF3QJ2", "asin": "B00028B4XW", "style": {"Size:": " 34W x 34L", "Color:": " Black"}, "reviewerName": "Beans356", "reviewText": "Fit great around the waist but seemed much longer than usual. I decided to try hemming these, and so far I will have to shorten by about three inches.", "summary": "Extra long", "unixReviewTime": 1480636800} +{"overall": 2.0, "verified": true, "reviewTime": "11 27, 2013", "reviewerID": "A1KSCG05T4FGO4", "asin": "B0002LI9BO", "style": {"Size:": " 10 D", "Color:": " Black"}, "reviewerName": "Nancy G.", "reviewText": "This shoe is not for extra-wide feet. The leather is not very flexible either. All in all, a disappointing shoe.", "summary": "runs narrow", "unixReviewTime": 1385510400} +{"reviewerID": "AQSI34GNKFDYL", "asin": "B000A3I3PQ", "reviewerName": "daniel gates", "verified": true, "reviewText": "Lots of reviews said this jacket runs small. I am 5' 11'', 170 pounds. I ordered a large, as reviews suggested, it was huge. I exchanged it for a Medium and it was perfect. Heavy denim, not to stiff, great color, (vintage indigo), and the best price around. Couldn't be happier.", "overall": 5.0, "reviewTime": "05 24, 2014", "summary": "Great fit, great color, nice heavy denim, best price around.", "unixReviewTime": 1400889600} +{"overall": 5.0, "verified": false, "reviewTime": "12 25, 2013", "reviewerID": "A204QM54MNYC1S", "asin": "B000AY666S", "reviewerName": "RICKGRIMES65", "reviewText": "OMG these boots were sooo sexy! They're nice and tight on ur leg. And fits super well! If I say..cruella devill shoulda wore these ;) the ruch on the boot makes it look so much sexier get the non patent kind best feel and look! Absolutely love these boots!", "summary": "Sooo sexy", "unixReviewTime": 1387929600} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A38XZUL9J5AD0Z", "asin": "B0009S6TJY", "style": {"Size:": " Adult", "Color:": " Black"}, "reviewerName": "S. AGUILAR", "reviewText": "LA TALLA ES BUENA Y ME QUEDARON MUY BIEN. TAMBIEN LLEGARON A TIEMPO Y EL PRECIO FUE MUY BUENO SIN LLEGAR A SER LO MEJOR.", "summary": "BUEN MATERIAL.", "unixReviewTime": 1357430400} +{"overall": 4.0, "verified": true, "reviewTime": "03 15, 2013", "reviewerID": "A1JCDR6NU1DDDH", "asin": "B0000865SC", "style": {"Size:": " Size 40, Length 26\"", "Color:": " White"}, "reviewerName": "D. Brown", "reviewText": "I love wearing it around the house and lounging. It's definitely very feminine and well made. Comfortable and well made.", "summary": "Very comfortable", "unixReviewTime": 1363305600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A2CKDZWCM8PSZU", "asin": "B000ARTQGC", "style": {"Size:": " 11 W US", "Color:": " Rootbeer"}, "reviewerName": "Dan Abildgaard", "reviewText": "Had these for two weeks and they are quite possibly the warmest most comfortable shoes I have owned! No more cold feet!", "summary": "No more cold feet", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A2QJAZ43HK74KF", "asin": "B00028B4XW", "style": {"Size:": " 36W x 32L", "Color:": " Black"}, "reviewerName": "Angel", "reviewText": "Yes", "summary": "Love Dickies", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2012", "reviewerID": "A3132JOAMYZ3GT", "asin": "B000308MDE", "reviewerName": "DJ", "reviewText": "This tie was perfect for my Hermonie obsessed daughter. I returned for one for my son and they are no longer available. Bummer, because this was the best priced tie I found anywhere that wasn't 'purple' vs maroon.", "summary": "Excellent Colors-Great Price!!", "unixReviewTime": 1349481600} +{"overall": 1.0, "verified": true, "reviewTime": "06 27, 2014", "reviewerID": "A2U6WECRAMAN91", "asin": "B0007WZZYC", "style": {"Size:": " 28W x 34L", "Color:": " Dark Coffee"}, "reviewerName": "Chazandru", "reviewText": "Did this review already. Wrong size, sent it back. didn't have my size, didn't reorder.", "summary": "Did this one already", "unixReviewTime": 1403827200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A3MSA7DU53G8Q3", "asin": "B0000ZE79U", "style": {"Size:": " 2X-Large/9", "Color:": " White"}, "reviewerName": "Betts", "reviewText": "It is so hard to find cotton underwear of good quality. Teenybopper g-strings are all that is available locally.", "summary": "this is the second order", "unixReviewTime": 1414627200} +{"reviewerID": "A14LGYRRP8VE6P", "asin": "B000657TL2", "reviewerName": "Erasmo Andrade", "verified": true, "reviewText": "Great product, confortable and durable.", "overall": 5.0, "reviewTime": "02 19, 2018", "summary": "Five Stars", "unixReviewTime": 1518998400} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A1YQ83CBYW8UA5", "asin": "B0000CBXEI", "style": {"Size:": " 36F", "Color:": " Ivory"}, "reviewerName": "Taryn", "reviewText": "Beautiful, but much smaller than it should be. I ordered a size up and it was still too small around. Order at least two sizes bigger around than you need. 36 fits like a 32.", "summary": "Squish", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A2NVPQA6ECLNCO", "asin": "B000B5GUBW", "style": {"Size:": " One Size", "Color:": " Blue"}, "reviewerName": "Terry Hill", "reviewText": "I Iove it. Nice cap", "summary": "Nice", "unixReviewTime": 1479859200} +{"overall": 3.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A393XHDIL269GZ", "asin": "B0007YR980", "style": {"Size:": " 34DD", "Color:": " Toffee", "Number of Items:": " 1"}, "reviewerName": "M.", "reviewText": "i use this for sleeping, works just fine for that.", "summary": "works just fine for that", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A232914JMXSQG4", "asin": "B0000ZCE0O", "style": {"Size:": " 40DD", "Color:": " Black"}, "reviewerName": "Jo", "reviewText": "Very happy with this item. True to size. Well constructed. Feminine and pretty, too!", "summary": "Five Stars", "unixReviewTime": 1463356800} +{"reviewerID": "A34JLQ24CUZTLB", "asin": "B00091SSU4", "reviewerName": "Duane", "verified": true, "reviewText": "They fit exceptionally well.", "overall": 5.0, "reviewTime": "10 27, 2017", "summary": "Five Stars", "unixReviewTime": 1509062400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A1W1FFGPZVF0DQ", "asin": "B0000TIIZ0", "reviewerName": "Grandma Sharon", "reviewText": "Nice looking and fitting watch", "summary": "Nice watch", "unixReviewTime": 1437177600} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "A20Q9UOFN87RUL", "asin": "B00091SQ5Q", "style": {"Size:": " 44W x 30L", "Color:": " Overdyed Black"}, "reviewerName": "David A. Denniston", "reviewText": "They are worth the price - fit fine - I would not get these for much more than knock around use. Very durable.", "summary": "Nice fit", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A16WKMD0T1GJHV", "asin": "B00006XXGO", "style": {"Size:": " 12 B(M) US Women / 10 D(M) US Men", "Color:": " Eggplant Peel"}, "reviewerName": "Ann C. Huffer", "reviewText": "Awesome shoes", "summary": "Five Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A242U5M1XEAMKH", "asin": "B0002KYNVA", "style": {"Size:": " 9 D(M) US", "Color:": " Brown"}, "reviewerName": "Sherry Moceri", "reviewText": "The boots are very comfortable and light weigh. I love the material around the ankle, very comfortable. I would recommend these boots to everyone!!!!", "summary": "The boots are very comfortable and light weigh", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "A2NA99PH6OPMG3", "asin": "B000A6V0YE", "reviewerName": "D. Dickey", "reviewText": "Well made, and while stiff at first, it only took a couple of weeks and I was able to keep 20-24 business cards at the ready.", "summary": "Well made and convenient.", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A177VJDZ4F1B6G", "asin": "B0002MGM4O", "style": {"Size:": " Small", "Color:": " Fossil"}, "reviewerName": "Daniel", "reviewText": "excellent product for the price", "summary": "excellent", "unixReviewTime": 1465344000} +{"overall": 4.0, "verified": true, "reviewTime": "06 9, 2013", "reviewerID": "ANEQCABZC44G3", "asin": "B0000DCS5T", "style": {"Size:": " 10 2E US", "Color:": " Dark Tan"}, "reviewerName": "Victoria Benson", "reviewText": "Just what he wanted and fit as expected. Very nice shoe, with top quality and what you would expect from Sperry", "summary": "Right", "unixReviewTime": 1370736000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "A16DSXRAN5QK94", "asin": "1519588135", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Denise", "reviewText": "Just love this series, and the catch ups with the previous character just love it.\nIt a good love story", "summary": "Loved it", "unixReviewTime": 1449964800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "A1KS54BOVWJ2PV", "asin": "B00006XXGO", "style": {"Size:": " 8 US Men/10 US Women", "Color:": " White"}, "reviewerName": "JoanneSD", "reviewText": "Great fit...was as expected.", "summary": "Five Stars", "unixReviewTime": 1506211200} +{"overall": 3.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A1WCNOYJNJO1YI", "asin": "B0006UZD6A", "style": {"Size:": " X-Large", "Color:": " Teal"}, "reviewerName": "SerenitySeeker", "reviewText": "It has a lovely feel but is really unflattering for a heavier figure.", "summary": "Not figure flattering", "unixReviewTime": 1419033600} +{"overall": 3.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A1D696068E7EOU", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Kindle Customer", "reviewText": "I ordered the version of this sock and liked it. The black version, for some reason, is bit small, a bit too tight and the sock material is a bit thinner. Otherwise the black sock are OK and useable", "summary": "Four Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "A3OU0IZ93SDIGU", "asin": "B00006XXGO", "style": {"Size:": " US Women's 7.5 B(M) / US Men's 5.5 D(M)", "Color:": " Black"}, "reviewerName": "ctwv00", "reviewText": "Love them, reminds me of my youth ", "summary": "Reminisce on my mind", "unixReviewTime": 1429315200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "AARHWY4DSLZV", "asin": "B0000TW41Y", "style": {"Size:": " 42W x 30L", "Color:": " Gravel"}, "reviewerName": "AB", "reviewText": "Hubby loves these pants and will be buying more as he needs them. They fit great, feel good and look good! ;)", "summary": "Great feel & fit!", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A1I9V9P97XN02T", "asin": "B0007T6IBE", "style": {"Size:": " 10.5 D(M) US", "Color:": " Burgundy"}, "reviewerName": "cesar abreu", "reviewText": "Beautiful shoes!!", "summary": "Five Stars", "unixReviewTime": 1471996800} +{"reviewerID": "A15UE6NAPF8TVF", "asin": "B00028AZ6E", "reviewerName": "Sergej", "verified": true, "reviewText": "Perfect fit, great quality", "overall": 5.0, "reviewTime": "03 16, 2018", "summary": "Five Stars", "unixReviewTime": 1521158400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A1UWCKNDXWY4F8", "asin": "B0007YR980", "style": {"Size:": " 46C", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "Jane B.", "reviewText": "good quality and comfortable.", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A29MV97WH8EIDP", "asin": "B0006MY4EU", "style": {"Size:": " Small-5/6", "Color:": " Black"}, "reviewerName": "SMooCHiee", "reviewText": "These slippers are very soft and comfortable. Plenty of cushion between my feet and the rubber soles of the shoes. Keeps my feet nice and warm during the cold weather without weighing my feet down.", "summary": "Very Comfy", "unixReviewTime": 1416096000} +{"overall": 4.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A1GXTDC4KPLBNI", "asin": "B0001YRWJ2", "style": {"Size:": " 42W x 32L", "Color:": " Indigo Rigid"}, "reviewerName": "suliman alhor", "reviewText": "Wonderful product does not quite", "summary": "Four Stars", "unixReviewTime": 1416960000} +{"overall": 1.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "APFE4DJRCK8XS", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Laura Valencia", "reviewText": "My husband and I spent a lot of money on these pair of socks and can't even use them they were too small really for our feet and sweating in them cause our feet to crack can't use these and was a waste of our money", "summary": "Don't have happy feet", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2011", "reviewerID": "A43VEC7KB7VYZ", "asin": "B00064URPI", "reviewerName": "Kahla M. Long", "reviewText": "This necklace came very nicely priced and has a very sturdy chord. Coming from someone who takes necklaces on and off all the time I get really sick of chords/chains breaking. That and it also looks very nice. :3", "summary": "Five stars", "unixReviewTime": 1306195200} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A2QR4TK3BDEY3K", "asin": "B0001YR54E", "style": {"Size:": " XX-Large", "Color:": " Royal Blue"}, "reviewerName": "Mike XYZXYZ", "reviewText": "I like those shirts it is wonderful quality is good I must admit I have not put them in the dryer so I don't know how much they will shrink about to wash and hang dry they are wonderful I bought one and then ended up by two more", "summary": "great shirt", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A31HYPEMZZ5LGA", "asin": "B000A2BIRW", "style": {"Size:": " X-Large", "Color:": " Charcoal"}, "reviewerName": "Amazon Customer", "reviewText": "All good", "summary": "Five Stars", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "ACCNJPXCJK0YX", "asin": "B00080FK2U", "style": {"Color:": " Green Classic", "Width:": " 58"}, "reviewerName": "Emmy shops", "reviewText": "They're Ray-Bans. 'Nuf said.", "summary": "Great Ray-Bans", "unixReviewTime": 1436313600} +{"overall": 4.0, "verified": false, "reviewTime": "09 10, 2014", "reviewerID": "A1GYI1C23J237", "asin": "B000A2K71A", "style": {"Size:": " 42W x 34L", "Color:": " Loden"}, "reviewerName": "longrange", "reviewText": "bought it for winter riding on my motorcycle. Fits good and wears well", "summary": "as expected", "unixReviewTime": 1410307200} +{"reviewerID": "A1LQYK9SGIODGT", "asin": "B0009GEFPQ", "reviewerName": "J.G. Woolsey", "verified": true, "reviewText": "None", "overall": 3.0, "reviewTime": "09 5, 2016", "summary": "Three Stars", "unixReviewTime": 1473033600} +{"overall": 3.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A1J1XKPQM3HYK7", "asin": "B0007XQR6G", "style": {"Size:": " 8 B(M) US", "Color:": " Beige"}, "reviewerName": "Product Review", "reviewText": "very cute and comfortable. Just slightly big", "summary": "Three Stars", "unixReviewTime": 1473724800} +{"overall": 1.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A20XC09SZ459PA", "asin": "B000AYYIYK", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "robert chafin", "reviewText": "You get what you pay for", "summary": "One Star", "unixReviewTime": 1478044800} +{"overall": 1.0, "verified": true, "reviewTime": "07 14, 2017", "reviewerID": "A2T7AARXX4YWL3", "asin": "B00006XXGO", "style": {"Size:": " 7 D(M) US", "Color:": " Black/White"}, "reviewerName": "Robee", "reviewText": "These are going back for sure. Way too big, these are not unisex...their Mens shoes...I bought size 7, but thinking I might have to get 5!", "summary": "One Star", "unixReviewTime": 1499990400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "A1W584PKRWDJN1", "asin": "B0008EO5AE", "style": {"Size:": " 10 Short", "Color:": " Meridian"}, "reviewerName": "Patricia Bradley", "reviewText": "fits great", "summary": "Five Stars", "unixReviewTime": 1511222400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A2L9U4D460DEI8", "asin": "B00095P98O", "style": {"Size:": " 42 M EU / 8-8.5 D(M) US", "Color:": " Coffee"}, "reviewerName": "A. Hoke", "reviewText": "I'm not a big fan of their business shoes as they do not have good arch support and often seem to be made with cheaper materials but their walking/casual shoes are great.", "summary": "I've been a long time Ecco user. These are great shoes and they have the best arch support for my feet.", "unixReviewTime": 1393718400} +{"reviewerID": "A3UCSHUKWN1V8E", "asin": "B00028AZ6E", "reviewerName": "Larry Bell", "verified": true, "reviewText": "The size was around 2 inches too small around the waist. I like these pants for work pants, but I can't believe how off the waist size is. And I purchased two pair.", "overall": 2.0, "reviewTime": "07 2, 2016", "summary": "Too small", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A157K6AT5V7RAL", "asin": "B0001YRWJ2", "style": {"Size:": " 34W x 30L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "KATHLEEN A. KERNS", "reviewText": "RUN A LITTLE LONG FOR MY HUSBAND BECAUSE HE NEEDS A 28\" INSEAM.", "summary": "RELAX IN YOU OVERALLS", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "ANC1LZ5INFB8U", "asin": "B0006UD6PK", "style": {"Size:": " Large", "Color:": " Brown"}, "reviewerName": "Lib", "reviewText": "Fit is perfect", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"reviewerID": "AI49RFF3088ZJ", "asin": "B000A3I3PQ", "reviewerName": "Linda", "verified": true, "reviewText": "He Loves it..", "overall": 5.0, "reviewTime": "01 2, 2015", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "A31EEJ5T8SVG63", "asin": "B0007YR980", "style": {"Size:": " 48DD", "Color:": " Toffee", "Number of Items:": " 1"}, "reviewerName": "Linda Vaganov", "reviewText": "Great support, fantastic value.", "summary": "Great support", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A2TKBSJQUTCRBO", "asin": "B0000TIISW", "style": {"Color:": " Brown/Black"}, "reviewerName": "George D Racz II", "reviewText": "I like the large numbers and it lights up enough to see at night", "summary": "Five Stars", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "AXS9ZPJAEYO7B", "asin": "B0000TW8UG", "style": {"Size:": " 34W x 36L", "Color:": " Darkstone"}, "reviewerName": "S. craft", "reviewText": "Bought them for my husband. They fit him well. He is a 34x36. He goes through pants fast because he is hard on them. They are very durable.", "summary": "Durable well made pair of work jeans.", "unixReviewTime": 1356825600} +{"overall": 3.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A2Y4PVBVQ7V71Z", "asin": "B0006MY4EU", "style": {"Size:": " Medium-6.5/7.5", "Color:": " Black"}, "reviewerName": "LorShop", "reviewText": "a bit too small, but I'm wearing them, hoping they'll stretch a bit. quality otherwise.", "summary": "Three Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A1VVL9WIMFCJVV", "asin": "B0009MZXJ2", "style": {"Size:": " Large(Shoe Size Men's 9-12.5 Women's 10.5-13)", "Color:": " White"}, "reviewerName": "Roger", "reviewText": "Like it a lot. Nice and thck", "summary": "Five Stars", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "AWKZ0G6L52O8M", "asin": "B0007CKMOU", "style": {"Size:": " 52W x 32L", "Color:": " Overdyed Black"}, "reviewerName": "Kevin P. Fahy", "reviewText": "Outside of being tight in the crotch. These jeans are excellent", "summary": "Need more room for the boys", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A2B336MGCKH9EC", "asin": "B0002QVA10", "style": {"Size:": " C", "Color:": " Black"}, "reviewerName": "Know What I Like", "reviewText": "Bought these based on info from the size chart. My recommendation is if you are on the boundary of sizes buy next size up.", "summary": "Bought these based on info from the size chart. ...", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A2DZCXWIR76T95", "asin": "B00006XXGO", "reviewerName": "Amazon Customer", "reviewText": "Just what she wanted!", "summary": "Daughter loved them!", "unixReviewTime": 1405900800} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A1DNB2DQMG83C8", "asin": "B0002M8PH6", "style": {"Size:": " 7 B(M) US", "Color:": " White"}, "reviewerName": "Julie G.", "reviewText": "comfortable shoes, just what I wanted", "summary": "good shoes", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A1E5YTZKBN83M9", "asin": "B0002NYVV4", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "perfect for tie dye", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 3.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A3PBHCZZIH6D2J", "asin": "B0008EO5AE", "style": {"Size:": " 14", "Color:": " Premium Stone"}, "reviewerName": "Mau the coffee-aholic", "reviewText": "Little large, little long on length, and I know I am a 14. Should've ordered a 12 but too comfortable to return :)", "summary": "Long, but comfy for jeans", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "ADKO8LSEMG7JT", "asin": "B0007MFW8Q", "style": {"Size:": " 8 D(M) US", "Color:": " Black Leather"}, "reviewerName": "R.", "reviewText": "the best boot i could ask for. it takes only a couple times of wearing them to break them in and they're extremely comfortable. i can wear these with jeans or with dress pants.", "summary": "amazing", "unixReviewTime": 1384732800} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A3SJO4GHCB4HCH", "asin": "B00008L1ST", "style": {"Size:": " 46", "Color:": " Charcoal"}, "reviewerName": "LeiSina", "reviewText": "Great! Thanks again", "summary": "Five Stars", "unixReviewTime": 1449792000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A1BF1BTD91PVP9", "asin": "B0001YSBOC", "style": {"Size:": " Large", "Color:": " Hunter Green"}, "reviewerName": "Dana062564", "reviewText": "I Love all Carhartt products! They last 10 times longer than anything else! Fit great and wash great! Thank u....", "summary": "great product", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A3EVIQWSW0ABUG", "asin": "B000AL8IV2", "style": {"Size:": " 3X-Large", "Color:": " Fire Navy"}, "reviewerName": "Arturo", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A3QTWZ94HCDWFH", "asin": "B0007QCQGS", "reviewerName": "Amazon Customer", "reviewText": "This was a great and good quality back pack. I love it.", "summary": "Five Stars", "unixReviewTime": 1457481600} +{"overall": 2.0, "verified": false, "reviewTime": "09 26, 2017", "reviewerID": "A1GX4WBWB5B51K", "asin": "B00009ZM7Z", "style": {"Size:": " 7 D(M) US", "Color:": " Taupe"}, "reviewerName": "Travis L Atwood", "reviewText": "A little disappointed in how long they lasted. Tread is mostly worn down flat, inside material has also worn down to the plastic in more than one area. I've had these for a little over a year and worn them daily. I'm a pretty average 200 lbs semi-active guy.", "summary": "I expected better durability.", "unixReviewTime": 1506384000} +{"overall": 3.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A3OGLVA2UPHNF", "asin": "B00006XXGO", "reviewerName": "Unknown", "reviewText": "I'm just not a huge fan. I know other people like them though.", "summary": "I know other people like them though", "unixReviewTime": 1445472000} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A23FK4SSURQ025", "asin": "B0002USBB8", "style": {"Size:": " 11 N US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "KY Family G", "reviewText": "Bought for my niece. She tightened the string and they fit perfectly. First ever dance class huge success. As a former dancer myself I always bought Capezio. They are good quality.", "summary": "Fits to size", "unixReviewTime": 1385683200} +{"reviewerID": "A2T8RNS1ORJEM5", "asin": "B0002M4S54", "reviewerName": "kjs", "verified": true, "reviewText": "Comfortable", "overall": 5.0, "reviewTime": "07 29, 2017", "summary": "Five Stars", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A29Q0OHIK5VOLQ", "asin": "B000936JGC", "reviewerName": "Anthony & Elise", "reviewText": "My Father loved this for Fathers day.", "summary": "Five Stars", "unixReviewTime": 1447027200} +{"overall": 3.0, "verified": false, "reviewTime": "08 20, 2014", "reviewerID": "A1MALDJ2RF2Y9T", "asin": "B0001YR54E", "style": {"Size:": " XX-Large", "Color:": " Charcoal"}, "reviewerName": "Scott", "reviewText": "Good buy. Just what I expected.", "summary": "Three Stars", "unixReviewTime": 1408492800} +{"overall": 1.0, "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "A3UGKEV6A9SVJ8", "asin": "B0007YR980", "style": {"Size:": " 42D", "Color:": " Sailor Blue", "Number of Items:": " 1"}, "reviewerName": "SBry", "reviewText": "Same bra I buy from the stores and this came way to large. I wear a d cup and this was more like a f or higher cup. Going to return it.", "summary": "What happen", "unixReviewTime": 1392249600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A5U1YJI97P4JF", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 12"}, "reviewerName": "Eileen F. Short", "reviewText": "The only brand that I ever use.", "summary": "Five Stars", "unixReviewTime": 1448323200} +{"overall": 3.0, "verified": true, "reviewTime": "06 30, 2014", "reviewerID": "A35KWIE0457D28", "asin": "B0007CKMOU", "style": {"Size:": " 44W x 30L", "Color:": " Antique Navy"}, "reviewerName": "scotty", "reviewText": "not worth the extra money", "summary": "try again.", "unixReviewTime": 1404086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A3PNDCZIH3Z96V", "asin": "B0007YR980", "style": {"Size:": " 44D", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Judith A. Williams", "reviewText": "This is a very comfortable bra and it fits true to size. I am going to order more of these as soon as I can.", "summary": "Playtex 18 Hour Bra", "unixReviewTime": 1420675200} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A3OEGZU74QH5BB", "asin": "B0003029DI", "style": {"Style:": " Free 24 inch Stainless Steel chain"}, "reviewerName": "Jade H", "reviewText": "There was a problem with the first order. It was damaged in shipment. That was a bit of an issue but it was replaced and I love it.", "summary": "That was a bit of an issue but it was replaced and I love it.", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A2GQ0PYSZCA9W9", "asin": "B0000V9E3S", "style": {"Size:": " 10 B(M) US", "Color:": " Black"}, "reviewerName": "Loretta J. Locicero", "reviewText": "They have been getting hard to find; but I was so happy to see these on sale at the end of the season. I have tried them on and they fit like all my other Keen's. Can't wait for next summer to start showing them off.", "summary": "I have used Keen sandals for over 10 years", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A13WHM5BLPGEBW", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "James G. Fisher III", "reviewText": "Fit just right for my size 10 feet.", "summary": "Perfect", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2017", "reviewerID": "AZBKDVTGGK4OM", "asin": "B0006U695E", "style": {"Size:": " 30W x 32L", "Color:": " Bleach"}, "reviewerName": "whound1", "reviewText": "Although I do not like the fact these are made in Mexico, I must say the jeans look great and fit just as expected. And yes, I would pay a little more to see them made in the USA", "summary": "Foreign made", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2017", "reviewerID": "A23H6YM2GCOIBL", "asin": "B0006U3ES4", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "Kmarie", "reviewText": "Dad is satisfied! Fabric is nice and soft. Hasn't changed shape after washing", "summary": "Satisfied!", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A3QVTT3AYMX80F", "asin": "B0000UZ5P0", "reviewerName": "connie ellis", "reviewText": "Shined my silver jewelry as promised!", "summary": "Five Stars", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A3O4739BC4GWZD", "asin": "B0001N5WMW", "style": {"Size:": " 8.5 B(M) US", "Color:": " Neutral Gray/Beet Red"}, "reviewerName": "Donna L. Contractor", "reviewText": "Great as ever", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 3.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A1DFVLX3TEIGZK", "asin": "B000163G8G", "style": {"Size:": " 36B", "Color:": " Beige"}, "reviewerName": "Carole K.", "reviewText": "Nice bra, if it fits. The band on this one shrunk after washing, and was too tight for comfort.", "summary": "Three Stars", "unixReviewTime": 1438905600} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A182P7LSEB5DGN", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black"}, "reviewerName": "neil p", "reviewText": "A s advertised and fitted as stated", "summary": "Very good", "unixReviewTime": 1515888000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A7BK2H3B1SWUU", "asin": "B00022JN04", "reviewerName": "Rosalie Mehrab", "reviewText": "This cap is adjustable so it fits well. The main part of the hat is shallow so it fits close to the head and keeps the cold out.", "summary": "A cap for all seasons", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A1XP6JL4AYXME3", "asin": "B000A0LRCK", "style": {"Size:": " Big Girls", "Color:": " Light Suntan"}, "reviewerName": "Kellied", "reviewText": "These were perfect! My daughter is 7 but I read the reviews and went with the size 8-12. They were a perfect fit.", "summary": "These were perfect! My daughter is 7 but I read the ...", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AXJDY4XLTLGCG", "asin": "B00093DAOQ", "style": {"Size:": " 39 M EU / 8 B(M) US Women / 6 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "annie go", "reviewText": "Love these for the summer. Can be dressed up or down.", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"reviewerID": "A3QHZQOL8U7Z13", "asin": "B00028AZ6E", "reviewerName": "Stephan G", "verified": true, "reviewText": "Runs Small", "overall": 3.0, "reviewTime": "03 25, 2016", "summary": "Small", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "ARKM45L3VK8XV", "asin": "B000089V5B", "reviewerName": "Alicia", "reviewText": "I was a little nervous going with such a bold bright color, but it works with so many outfits. I originally got a grey pair and regretted it, so decided to go with the pink. The only thing is they leave blisters, but any shoes like this will.", "summary": "Love the color!", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A34XCHOLBPBNVY", "asin": "B0009HAIGK", "style": {"Size:": " XXX-Large"}, "reviewerName": "S.W.", "reviewText": "I purchased these boots for someone who wears special shoes and that is why they do not fit. I wish Tingley would go one size larger for people with special needs. I find these boots to be the best for walking on ice and snow.", "summary": "Best non skid boots for me.", "unixReviewTime": 1423008000} +{"overall": 3.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A1PQMYNXB995KW", "asin": "B00091UK3M", "style": {"Size:": " Standard", "Color:": " White"}, "reviewerName": "Abby", "reviewText": "Kept falling down", "summary": "Three Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "AY73O1OGYI2OE", "asin": "B0007WZZYC", "style": {"Size:": " 46W x 30L", "Color:": " Black"}, "reviewerName": "Sea Breeze", "reviewText": "I buy all my Carhartt pants from this site and never disappointed.", "summary": "... all my Carhartt pants from this site and never disappointed.", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "ATHG8CBZ4WD6H", "asin": "B0001YS2BO", "style": {"Size:": " 48W x 30L", "Color:": " Dark Stone"}, "reviewerName": "MWB", "reviewText": "By far blows Levi out of the park. Fit better, made better, look better, feel better, last longer. So long Levi. True to fit waist and length. From now on will only buy Carhartt jeans, as I have been doing for the past 3 years now.", "summary": "Carhartt Traditional Fit B18", "unixReviewTime": 1387324800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/710NjiwFrPL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81gDsb63F3L._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A3JB8980QVSSW6", "asin": "B000A6V0YE", "reviewerName": "wimbledonn", "reviewText": "it's a little bigger than expected and was hoping for something smaller as i don't like bulky or big wallets. the wallet i currently use is smaller. i plan to use it as a spare. it measures at 10.5cm X 7cm.", "summary": "... and was hoping for something smaller as i don't like bulky or big wallets", "unixReviewTime": 1467158400} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "A2CN9K1M8KD9UP", "asin": "B0007MFW8Q", "style": {"Size:": " 10.5 D - Medium", "Color:": " Taupe Suede"}, "reviewerName": "Stan B.", "reviewText": "Well made and good value- but definitely, definitely, definitely make sure you get them one full size smaller than your regular size!", "summary": "Nice!", "unixReviewTime": 1361318400} +{"overall": 1.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A4QTKIFZWYJLZ", "asin": "B0009MZTCS", "style": {"Size:": " 10 (Shoe Size 7-9)", "Color:": " White"}, "reviewerName": "Diane E. Jackson", "reviewText": "Don't like at all!", "summary": "Not good quality", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A2JNTX82SB6ARN", "asin": "B0006AAS5G", "reviewerName": "MRM", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1447113600} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A1S4W1F2UT88N9", "asin": "B000B67H0E", "style": {"Size:": " Small/Medium"}, "reviewerName": "etienne", "reviewText": "Runs small in size, but it looks excellent when you have the right size.", "summary": "but it looks excellent when you have the right size", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "AXV1VS1V6JQOM", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Betty", "reviewText": "My Fiance wears these shirts under his work shirts. The shirts are comfortable and the size and colors are perfect.", "summary": "Fiance loves these.", "unixReviewTime": 1387843200} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A1YPMM9JR02I9Q", "asin": "B0002LICNO", "style": {"Size:": " E/F", "Color:": " White"}, "reviewerName": "upgain", "reviewText": "I would not buy this product again. It was not worth the money. I wore it one time and there was a big hole in it before the night was over.", "summary": "not worth the money. wore it one time and there was a hole in the toe. would not buy this product again.", "unixReviewTime": 1385683200} +{"overall": 4.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "AOJKBVC9NBXRX", "asin": "B000A1GW06", "style": {"Size:": " 15 D(M) US", "Color:": " Black"}, "reviewerName": "Keith M. Young", "reviewText": "Great love it.", "summary": "Four Stars", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A2XEIF7PIWEOTP", "asin": "B0007MFW8Q", "style": {"Size:": " 7 D - Medium", "Color:": " Sand Suede"}, "reviewerName": "WiNG", "reviewText": "cool", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "AN9DS95BWIKG0", "asin": "B0009B35DY", "style": {"Size:": " 11.5 D(M) US", "Color:": " Blue/Navy"}, "reviewerName": "Working Angel", "reviewText": "Excellent fit. You can wear them without the laces too.", "summary": "Sha Wing", "unixReviewTime": 1461542400} +{"overall": 3.0, "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "AEXXQ7VBIPQ5Q", "asin": "B0000ZFF7S", "style": {"Size:": " 36DD", "Color:": " Campanula"}, "reviewerName": "Lewis Atchison, Jr.", "reviewText": "Item as described, Fit is accurate", "summary": "Three Stars", "unixReviewTime": 1496793600} +{"reviewerID": "AL52LY2GEU6Z8", "asin": "B00091SSU4", "reviewerName": "jeremy g smith", "verified": true, "reviewText": "good old dickies", "overall": 4.0, "reviewTime": "01 6, 2015", "summary": "Four Stars", "unixReviewTime": 1420502400} +{"reviewerID": "A288FQ65FOMAKF", "asin": "B00028AZ6E", "reviewerName": "Samantha", "verified": true, "reviewText": "My husband loves them he said they fit great love wearing them to work! Fast shipping also!", "overall": 5.0, "reviewTime": "12 10, 2017", "summary": "Great pants for work", "unixReviewTime": 1512864000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A3BF0MNCRQ8ATD", "asin": "B0001YS2BO", "style": {"Size:": " 40W x 36L", "Color:": " Dark Stone"}, "reviewerName": "Carol Pasquini", "reviewText": "Jeans were perfect but we ordered two pairs and one was returned as he used them as work jeans and needed more leg room. Kept the regular fit for dressier times.", "summary": "Great jeans.", "unixReviewTime": 1397001600} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A3MGIV7UW5975F", "asin": "B00093CZV0", "style": {"Color:": " Black/Silver-Tone/Yellow"}, "reviewerName": "Richard A. Dunn", "reviewText": "I can read it without my glasses and it has all the functions I need. The alarm is loud enough to wake me every morning,", "summary": "Easy to read", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A1R9SKF16MFZL7", "asin": "B000A38CZC", "style": {"Size:": " 3X-Large", "Color:": " Antique Indigo"}, "reviewerName": "M. White", "reviewText": "Just what you would expect, classic style and quality for a traditional blue jean jacket. Very reasonable price, nice .", "summary": "Classic look , quality material, the size was spot on.", "unixReviewTime": 1523664000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2011", "reviewerID": "AKNJ0AQMPPJ63", "asin": "B0001YR54E", "style": {"Size:": " Large", "Color:": " Khaki"}, "reviewerName": "Oleg Karpenko", "reviewText": "I totally love the quality and thats always been my main concern. I trust Dickies as a brand of good quality clothes. Loving the style too -no gimmicks, cool, self confident.\nWill deifnitely buy more.", "summary": "Top notch", "unixReviewTime": 1307491200} +{"overall": 3.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "AXIX4EQ7XFFMM", "asin": "B0009XDAH8", "style": {"Size:": " 6", "Color:": " Jet Black"}, "reviewerName": "Cholly", "reviewText": "A little too small, and a little too short.", "summary": "Three Stars", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "ASZYSG26FYDWF", "asin": "B000A1GVMA", "style": {"Size:": " 11.5 D - Medium", "Color:": " Distressed Brown"}, "reviewerName": "Randy B.", "reviewText": "The boots fit perfectly no problem and very comfortable and no insoles required, and they look great. Thanks.", "summary": "Five Stars", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2017", "reviewerID": "A20I0UPU1G4BTD", "asin": "B0002FHJ66", "style": {"Size:": " Large", "Color:": " Royal"}, "reviewerName": "Amazon Customer", "reviewText": "QUALITY", "summary": "EXACTLY AS EXPECTED", "unixReviewTime": 1493251200} +{"overall": 3.0, "verified": true, "reviewTime": "02 22, 2014", "reviewerID": "A13MSG9YAWC4OR", "asin": "B0000TW41Y", "style": {"Size:": " 30W x 30L", "Color:": " Moss"}, "reviewerName": "Tammy Wilkerson", "reviewText": "These were a gift for my husband. The quality is excellent but the size was wrong. He buy's these all the time at a local place and never has had a size problem.", "summary": "They were long and tight", "unixReviewTime": 1393027200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A25VR1N0J1MS29", "asin": "B0007CKMOU", "style": {"Size:": " 58W x 32L", "Color:": " Overdyed Black"}, "reviewerName": "J Doherty", "reviewText": "Have purchased many a Wrangler product because they fit well and are sturdy and comfortable. I recommend Wrangler as it seems to stand up to the test of time.", "summary": "Good Product", "unixReviewTime": 1443052800} +{"reviewerID": "A1WBJ0G6B5DDQX", "asin": "B0001YRFS0", "reviewerName": "Tracy L. Thompson", "verified": true, "reviewText": "Love this pants to death, but the waist runs small. Had to send back.", "overall": 4.0, "reviewTime": "01 25, 2017", "summary": "Waist small", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A2ZB1QZ01CPGW9", "asin": "B00006XXGO", "reviewerName": "Amazon Customer", "reviewText": "They're good !", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 3.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "ATC629RI07QDL", "asin": "B00006XXGO", "style": {"Size:": " 8.5 US Men/10.5 US Women", "Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "Its a good product however its a Lil on the wide width side should have bought 1/2 size down", "summary": "Three Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "A3PB1HEDXKONTS", "asin": "B0008EOEO6", "style": {"Size:": " 33W x 34L", "Color:": " Rex"}, "reviewerName": "Richard", "reviewText": "Excelent jean, has no defects, fits as expected", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A5VGTETJRPIFH", "asin": "B0002QTQA2", "style": {"Size:": " 7 B(M) US", "Color:": " Black"}, "reviewerName": "brandi", "reviewText": "Run a little small but i went through two Wisconsin winters and still have my boots in good condition.", "summary": "... two Wisconsin winters and still have my boots in good condition.", "unixReviewTime": 1454457600} +{"overall": 1.0, "verified": true, "reviewTime": "07 15, 2017", "reviewerID": "A13QQX6TPRRS8T", "asin": "B0007KPP7G", "style": {"Size:": " Large Petite", "Color:": " Black"}, "reviewerName": "KarishkaMalishka", "reviewText": "Terrible fit! Looks as if you're wearing a parachute! Absolutely no style.", "summary": "You get what you pay for!", "unixReviewTime": 1500076800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2017", "reviewerID": "ABANDRLKSZMFF", "asin": "B00009ZM91", "style": {"Size:": " 6 B(M) US", "Color:": " Midnight"}, "reviewerName": "yt", "reviewText": "This is my 5th jungle moc, I usually wear wide or E however this is wide enough and perfect for long walking.", "summary": "I usually wear wide or E however this is wide enough and perfect for long walking", "unixReviewTime": 1507507200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2014", "reviewerID": "A3A056JW1W97NF", "asin": "B0000DYKET", "style": {"Size:": " 11 D(M) US", "Color:": " Bison"}, "reviewerName": "D. J. Bonventre", "reviewText": "Sturdy, extremely well made, and very very comfortable! Not too narrow like a lot of men's shoes and sandals. The size is a true fit.", "summary": "KEEN makes a great sandal!", "unixReviewTime": 1391040000} +{"reviewerID": "A3F1PW8QHZNNXB", "asin": "B000A6XS80", "reviewerName": "Diane Elderbeook", "verified": true, "reviewText": "Cute and comfortable right out of the box, I wear them doing chores on my dairy farm. My feet love them.", "overall": 5.0, "reviewTime": "05 16, 2017", "summary": "Cute and comfortable right out of the box", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A1ESL72LODU6OZ", "asin": "B00075ZYTK", "style": {"Size:": " X-Large", "Color:": " Aqua"}, "reviewerName": "macdevote", "reviewText": "Nice T-shirt at a nice Price!\nI will be ordering more soon.", "summary": "Nice T-shirt at a nice Price!", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A1L71PVKQ29H3R", "asin": "B0002LICNO", "style": {"Size:": " C/D", "Color:": " White"}, "reviewerName": "Mezzie Mezz", "reviewText": "Perfect thigh highs", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2015", "reviewerID": "A3LPNC6QS2UDOL", "asin": "B0007QCQGS", "style": {"Color:": " Multi Crush"}, "reviewerName": "ivans", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1450569600} +{"overall": 3.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A2LGUWB6VUQPT6", "asin": "B0000AI44G", "style": {"Size:": " Toddler", "Color:": " Multi", "Package Type:": " Standard Packaging"}, "reviewerName": "V. Manrique", "reviewText": "Good colors and material, and fits well my 3 yr old nephew, little dissapointed because does NOT have muscles . That's what I assumed ,but we I get for assuming , should have read it all.", "summary": "Good colors and material", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A1C23KHKF4MI03", "asin": "B0009FB2WQ", "style": {"Size:": " Medium", "Color:": " Royal (Closeout)"}, "reviewerName": "tea drinker", "reviewText": "Nice shirt. Fits just right.", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A31A61AJIV88IP", "asin": "B0006Z3HMW", "reviewerName": "Pamela G.", "reviewText": "Helpful.", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 4.0, "verified": false, "reviewTime": "08 6, 2014", "reviewerID": "AIHGIY4AFCRM5", "asin": "B0001YRWJ2", "style": {"Size:": " 34W x 30L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "Mr. Donald A. Ambeau", "reviewText": "I like the quality and and the design I just wish that I ordered a size larger. My fault. I can still wear them with comfort.", "summary": "Great Product", "unixReviewTime": 1407283200} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "A3AGG82ULD38DW", "asin": "B00075ZYTK", "style": {"Size:": " X-Large", "Color:": " Basic Black"}, "reviewerName": "Madison Ledford", "reviewText": "Good product for the money.", "summary": "Four Stars", "unixReviewTime": 1524873600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A2XVOVIPKTEOWF", "asin": "B0007VTQ02", "style": {"Size:": " 8 B(M) US", "Color:": " Brown"}, "reviewerName": "Leah", "reviewText": "Loved these boots although they do begin to slouch after a while. I do wish they had a zipper. Minnetonka will replace for free within the first year if they fall apart. I believe the new styles are smaller around the calf and foot.", "summary": "Stylish fun boot!", "unixReviewTime": 1410652800} +{"reviewerID": "A23VU3YD7G9E3V", "asin": "B0007MFWZ4", "reviewerName": "kangle", "verified": true, "reviewText": "so good", "overall": 5.0, "reviewTime": "01 25, 2017", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"reviewerID": "A3MYZZGPNQ3DDZ", "asin": "B0000865II", "reviewerName": "S. HARMS", "verified": true, "reviewText": "These are nice quality. I ordered a size larger than I normally where, and they fit just right.", "overall": 5.0, "reviewTime": "06 5, 2016", "summary": "Great Value", "unixReviewTime": 1465084800} +{"overall": 4.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A1RWHQCLGP7MJJ", "asin": "B000B6A5HG", "style": {"Size:": " Large", "Color:": " Charcoal Heather"}, "reviewerName": "Jim", "reviewText": "Very good hoodie. I use to always buy the Russell hoodies to wear to work but the quality on those is terrible anymore. Needed a new hoodie so I tried one of these. Had it for a while now and it is perfect for our So Cal winters.", "summary": "Good Fit and Quality", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A2VULRN3XF8WOS", "asin": "B0007P48E2", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "A. Flatt", "reviewText": "These are extremely comfortable and very stretchy. I love them", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 1.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A14J84NPHJUD88", "asin": "B0007MFW8Q", "style": {"Size:": " 13 D - Medium", "Color:": " Taupe Suede"}, "reviewerName": "DC", "reviewText": "Way too big and the seller sold me the wrong color.", "summary": "not impressed", "unixReviewTime": 1443312000} +{"overall": 5.0, "vote": "29", "verified": false, "reviewTime": "09 27, 2009", "reviewerID": "A3J2N3MC99CLB3", "asin": "B0000AX6DE", "reviewerName": "ShoppingGeek", "reviewText": "We've had one of these for 10 years and the brushes finally gave out, so we are on here ordering replacements. My wife loves it, but it is a little harder for me to get my size 12's into it. It *may* not do for people with even bigger sized feet.", "summary": "Works for \"normal\" sizes.", "unixReviewTime": 1254009600} +{"reviewerID": "A1MKGG23849J6E", "asin": "B0006U68Z0", "reviewerName": "hawaiian salt lover", "verified": true, "reviewText": "Have always worn this style of jean. Have had some trouble with sizing in the past but these are fine. The price is good. Bought 2 pair in a store and they cost me $78.00. Will order from you next time. Thank you.", "overall": 4.0, "reviewTime": "12 1, 2014", "summary": "Have had some trouble with sizing in the past but these are fine. The price is good", "unixReviewTime": 1417392000} +{"overall": 4.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A2MGJL32Z2YV3D", "asin": "B000A2BIRW", "style": {"Size:": " XX-Large", "Color:": " Ash Gray"}, "reviewerName": "Dave Henry", "reviewText": "Great work shirts. Comfortable fit.", "summary": "Four Stars", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A3L6IC78N875HC", "asin": "B0000V9E3S", "style": {"Size:": " 8 B(M) US", "Color:": " Bougainvillea/Neutral Gray"}, "reviewerName": "zena1", "reviewText": "I love these shoes,they fit at the right size and are very comfortable. The price was pretty good, could be a little cheaper.", "summary": "great shoe", "unixReviewTime": 1399507200} +{"overall": 4.0, "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A3NBLAF3YAHHZT", "asin": "B0002FHJ66", "style": {"Size:": " Large", "Color:": " Antique Sapphire"}, "reviewerName": "Amazon Customer", "reviewText": "Just your typical hoodie. Well constructed and medium weight.", "summary": "Four Stars", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A2JQJBGSOUJ8H", "asin": "B0009U83NW", "style": {"Size:": " 38W x 29L", "Color:": " Indigo Blue"}, "reviewerName": "Jim", "reviewText": "great!", "summary": "Five Stars", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A12E4N1KPSCBJ5", "asin": "B000A38CZC", "style": {"Size:": " XX-Large", "Color:": " Antique Indigo"}, "reviewerName": "Robert", "reviewText": "Excellent jacket ! The Wrangler quality is solid in this jacket. I was very happy with the price, thickness and once again quality. I plan on buying another one in a different color.", "summary": "Great Bang for the buck !", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "A6TTPVB9VFP2U", "asin": "B0000TW41Y", "style": {"Size:": " 44W x 32L", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1472428800} +{"reviewerID": "A2Y416Z31D1YMT", "asin": "B0001YRFS0", "reviewerName": "Clarissa O.", "verified": true, "reviewText": "They run small so watch out", "overall": 3.0, "reviewTime": "02 14, 2016", "summary": "Runs small", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2017", "reviewerID": "ADM7M6JKGD4TX", "asin": "B000AUVTJQ", "reviewerName": "Cheryl", "reviewText": "Very nice slippers.", "summary": "Five Stars", "unixReviewTime": 1514419200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "A1XKG86QERH3EE", "asin": "B0002LT6RU", "style": {"Size:": " 10 D(M) US", "Color:": " Black"}, "reviewerName": "emd5542", "reviewText": "My husband's favorite shoes which he's been wearing for years.", "summary": "Easy on and easy off and smart with great support", "unixReviewTime": 1448582400} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A17F8VWVIK7HIO", "asin": "B0008EOEO6", "style": {"Size:": " 29W x 30L", "Color:": " Bronze Stone"}, "reviewerName": "ragingDragon", "reviewText": "Affordable, comfortable and nicely tailored. What more can you ask for?", "summary": "nice jeans", "unixReviewTime": 1427241600} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A1UZG1UJEIDNAX", "asin": "B00006XXGO", "style": {"Size:": " 8.5 D(M) US", "Color:": " Black"}, "reviewerName": "Charles", "reviewText": "These can be used for weightlifting or worn with any outfit, definitely a classic!", "summary": "Classic for a reason", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1S7BSOOB8CM17", "asin": "B00006XXGO", "style": {"Size:": " 4.5 D(M) US", "Color:": " Black"}, "reviewerName": "dana l brazer", "reviewText": "The sneakers were for my daughter and it fits her Perfectly!", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A2PR2V7UAPOPN6", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Tom G", "reviewText": "I am very pleased with these socks. They are exactly what I wanted, which is a simple athletic sock in black.", "summary": "Very nice.", "unixReviewTime": 1487203200} +{"overall": 2.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A334ZU4QWQTTAA", "asin": "B0000CBALZ", "style": {"Size:": " 38W x 30L", "Color:": " Antique Indigo"}, "reviewerName": "Burton W. Deane, Jr.", "reviewText": "Nice quality but way too small. All my other size 38 waist fit perfectly. Donated it to Goodwill.", "summary": "Two Stars", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A1FA0YTD4ID44F", "asin": "B0007MFW8Q", "style": {"Size:": " 10 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Danielle Marion", "reviewText": "Def worth every penny!!!", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A58I33JPKWSJJ", "asin": "B0009B3IN6", "reviewerName": "Nanmac52", "reviewText": "Would lean toward wide, probably for men. But they are adjustable and fit me well!", "summary": "Vintage Birkinstock", "unixReviewTime": 1438128000} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A3Q5UGD4ZHIB9H", "asin": "B0002LTJN6", "style": {"Size:": " 7.5 B(M) US", "Color:": " Black/Black"}, "reviewerName": "Michael James", "reviewText": "Shoes fit fine but did have to add add arch support.", "summary": "Fits good --needed additional arch support", "unixReviewTime": 1488672000} +{"reviewerID": "ACM6LRHJ3RY9", "asin": "B00028AZ6E", "reviewerName": "witty50", "verified": true, "reviewText": "fit great fast shipping", "overall": 5.0, "reviewTime": "06 29, 2016", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": false, "reviewTime": "07 26, 2014", "reviewerID": "AZZT1ERHBSNQ8", "asin": "B0007QCQGS", "style": {"Color:": " Multi Neon Galaxy"}, "reviewerName": "jbird", "reviewText": "So pretty. Usually the brand we always buy and she loves it.", "summary": "Awesome", "unixReviewTime": 1406332800} +{"overall": 4.0, "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "AE2POUPBFAYRB", "asin": "B000B5U75C", "style": {"Size:": " Little Girls (2-6X)", "Color:": " Light Toast"}, "reviewerName": "Sarah J. Tsibulsky", "reviewText": "My daughter is a petite 3yr old. She fits comfortably in 3T clothes. Most 4T clothes are too large. I had planned to buy the 2T-4T but luckily I read the reviews and decided to go up a size to a Small. They are great tights a look fabulous with her dance costumes!", "summary": "Go up a size.", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A2G9GWQEWWNQUB", "asin": "0871167042", "style": {"Format:": " Paperback"}, "reviewerName": "Pamelarenee", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "AFONUASWJK6R6", "asin": "B0007YR980", "style": {"Size:": " 42DDD", "Color:": " Cafe Au Lait", "Number of Items:": " 1"}, "reviewerName": "Thelma Graham", "reviewText": "Just what I wanted.", "summary": "Five Stars", "unixReviewTime": 1520380800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A2OEZBRYO1BXT7", "asin": "B00080FK2U", "style": {"Color:": " Black/ Grey Green"}, "reviewerName": "Dalton Castro", "reviewText": "Very Good!", "summary": "Five Stars", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A1AJHFLAMCP3AZ", "asin": "B00006XXGO", "reviewerName": "Rochelle Wilson", "reviewText": "I bought it for someone and they liked it n said it fit well", "summary": "Five Stars", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A25GO75QKA2UDX", "asin": "B000B6A5HG", "style": {"Size:": " Large", "Color:": " Dark Brown"}, "reviewerName": "Amazon Customer", "reviewText": "Great fit, very warm.good quality.", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A2UE10SFB8NEMW", "asin": "B0002ZYV7G", "style": {"Size:": " 13 D(M) US", "Color:": " Black"}, "reviewerName": "Matt Modify", "reviewText": "Excellent boots... I loved them when I was enlisted, and bought this pair after I lost mine in Hurricane Katrina.\nThese are excellent made boots and are super comfortable....", "summary": "MUST BUY!!!", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A2OQQT3X2H8BVB", "asin": "B0001YR5FI", "style": {"Size:": " 6X-Large", "Color:": " Black"}, "reviewerName": "R. Matt", "reviewText": "good quality", "summary": "Five Stars", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A2QLSIHZM0UJK9", "asin": "B0007YR980", "reviewerName": "Cindy Baird", "reviewText": "I have worn these for years. Great for Full Figure and very comfy", "summary": "Great Fit", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A3AKRPL7MIMB1", "asin": "B00008L1ST", "style": {"Size:": " 44", "Color:": " Dark Navy"}, "reviewerName": "i buy a lot", "reviewText": "love them.", "summary": "Five Stars", "unixReviewTime": 1436227200} +{"reviewerID": "A1PW5H703UHGV3", "asin": "B0007MFWZ4", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "just a tad large", "overall": 4.0, "reviewTime": "07 23, 2017", "summary": "Four Stars", "unixReviewTime": 1500768000} +{"overall": 4.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "A2BH45T7905YUZ", "asin": "B0002LT7LU", "style": {"Size:": " 10 W US", "Color:": " Black Elegance"}, "reviewerName": "Katherine Watson", "reviewText": "The 10W fit fine. Thank you.", "summary": "Four Stars", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A2WEB42TR2IU8Q", "asin": "B0009MZXJ2", "style": {"Size:": " Large(Shoe Size Men's 9-12.5 Women's 10.5-13)", "Color:": " White"}, "reviewerName": "CaptainRicoSuave", "reviewText": "I wear Thorlo socks for playing competitive tennis. These socks are very comfortable, and provide excellent cushioning for my feet. I highly recommend them!", "summary": "Thick, comfortable socks", "unixReviewTime": 1369612800} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "ABP3FL1ZLCH9U", "asin": "B00006XXGO", "reviewerName": "Lauren Rundquist", "reviewText": "Great shoe and perfect fit! I'm usually a 9 women's so I ordered the mens 6 and they fit perfect! Walked around SF for two days and no complaints!! Love my chucks :)", "summary": "Love my chucks", "unixReviewTime": 1400716800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71LkV+qz6QL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/817Q+Ox3f3L._SY88.jpg"], "overall": 2.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A3T9HZGKQEBRBJ", "asin": "B000B2MMDA", "style": {"Size:": " 7 B(M) US", "Color:": " Black"}, "reviewerName": "mrsprim", "reviewText": "Returning them as there is no way this is a size 7. I don't consider my ankles \"cankles\" but they sure look like it trying to put these on. I've worn them before but not with this issues.", "summary": "TOO SMALL!", "unixReviewTime": 1496102400} +{"reviewerID": "A3IA356YOKBPKX", "asin": "B0001YRFS0", "reviewerName": "Jon", "verified": true, "reviewText": "nicest work pants I have ever owned.. until work does untold damage to them, but the pants seem to hold up better than anything else.", "overall": 5.0, "reviewTime": "05 17, 2015", "summary": "the workhorse of pants", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2017", "reviewerID": "A25CFQFA673DQV", "asin": "B0007T0ZMM", "style": {"Size:": " 13 D(M) US", "Color:": " Black Leather"}, "reviewerName": "Rick", "reviewText": "Good construction but feels a little tighter than I was expecting", "summary": "Love em", "unixReviewTime": 1506470400} +{"overall": 4.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A36SZSBL6X3GGJ", "asin": "B00008623C", "style": {"Size:": " 42D", "Color:": " Soft Taupe"}, "reviewerName": "C. Woolf", "reviewText": "This bra fits properly and is beautiful. It's nice to find a pretty bra in larger sizes. Most of the pretty one stop at size 40.", "summary": "Good bra and pretty, too", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2012", "reviewerID": "AEV34C745C0FH", "asin": "B0008EOAZO", "style": {"Size:": " 40W x 29L", "Color:": " Khaki"}, "reviewerName": "James L. Dooley", "reviewText": "Not sure if they are relaxed, but the pants fit me perfectly for the two colors I bought. I plan on buying the third in my size. I am stout, so if you are super thin, these may not fit your frame. Hope this helps.", "summary": "Lee Men's Wrinkle Resistant Relaxed Plain Front Twill Pant", "unixReviewTime": 1343174400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "AH5TQVW6RHP89", "asin": "B0002ZCBKA", "style": {"Size:": " 6 B(M) US", "Color:": " Chocolate"}, "reviewerName": "John R. Elander", "reviewText": "Love them", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 1.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A24GVQU7HTSBKA", "asin": "B0009FB2WQ", "style": {"Size:": " Medium", "Color:": " Port"}, "reviewerName": "Frank William", "reviewText": "material is way to heavy for florida....", "summary": "NOPE", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A12PAVZI1JTFOI", "asin": "B0007T5JF0", "style": {"Size:": " 9 D(M) US", "Color:": " French Roast"}, "reviewerName": "kidsrmylife", "reviewText": "I have no idea if he wears them often but they seemed to fit. He Didn't say send them back so they must be fine", "summary": "Fit like all Cole Haan shoes he said.", "unixReviewTime": 1485388800} +{"reviewerID": "AJBQ8E2Y6BRRX", "asin": "B00028AZ6E", "reviewerName": "PaperBoy", "verified": true, "reviewText": "As expected!", "overall": 5.0, "reviewTime": "03 21, 2017", "summary": "Five Stars", "unixReviewTime": 1490054400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 17, 2011", "reviewerID": "AJYQ80RUYX4AL", "asin": "B000A68EAW", "style": {"Color:": " Black"}, "reviewerName": "Puffero", "reviewText": "These bags are large enough that each can hold a pair of men's size 11 dress shoe with length and girth to spare. They each have a drawstring. Nice way to keep dirty shoes from dirtying clothes in the suitcase. It is a set of 3 bags.", "summary": "Does what it's supposed to do", "unixReviewTime": 1308268800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A14TECQLGOYTL1", "asin": "B000AXSUEA", "style": {"Size:": " 32W x 30L", "Color:": " Deep Blue - Discontinued"}, "reviewerName": "Tamara Earl", "reviewText": "I ordered these items for the children and youth in my work program and they love them!", "summary": "... children and youth in my work program and they love them!", "unixReviewTime": 1409616000} +{"reviewerID": "A144DVWJD279Y2", "asin": "B00028AZ6E", "reviewerName": "bossof27", "verified": true, "reviewText": "grreat fit good material, washes well and the fact they come 28 inches long is a big plus", "overall": 5.0, "reviewTime": "07 4, 2015", "summary": "Five Stars", "unixReviewTime": 1435968000} +{"overall": 4.0, "verified": true, "reviewTime": "04 5, 2010", "reviewerID": "A2IPHEYQ8YQPGK", "asin": "B0007QMR7Q", "style": {"Size:": " 42C", "Color:": " Black"}, "reviewerName": "Lynne", "reviewText": "Actually stays in place without heading for my waist as previous ones have done! nice to be able to wear and not show straps with sundresses. Great!", "summary": "surprise!", "unixReviewTime": 1270425600} +{"overall": 3.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A26VCJES7XB3QU", "asin": "B0002LTJN6", "style": {"Size:": " 6.5 W US", "Color:": " White"}, "reviewerName": "Math Doodle", "reviewText": "Quality noticeably less than in original Keds. I've worn this style in the same size for years. Are they shaving off a little bit to save money?", "summary": "Four Stars", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "A2C9SPT7K5AICJ", "asin": "B00006XXGO", "style": {"Size:": " 6.5 B(M) US Women / 4.5 D(M) US Men", "Color:": " Black"}, "reviewerName": "Rose", "reviewText": "After 12 years, my favorite pair of Chucks finally bit the dust. I wore them all the time and it took that long for the soles to separate from the rest of the shoe.", "summary": "Chucks 4 Life", "unixReviewTime": 1519257600} +{"reviewerID": "A1M8NG22AXONK4", "asin": "B0002UNNNY", "reviewerName": "Diana Li", "verified": true, "reviewText": "It might take a while to be a real size 6.", "overall": 4.0, "reviewTime": "11 29, 2016", "summary": "Four Stars", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A3GNIISKUIB6QZ", "asin": "B00006XXGO", "style": {"Size:": " 10.5 D(M)", "Color:": " Optical White"}, "reviewerName": "K. Kehe", "reviewText": "i have a wide foot so usually brands like these fit tightly . this shoe fits perfectly. and looks great, now lets see how long i can keep them white.", "summary": "i have a wide foot so usually brands like these fit tightly", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A1LWXRO4DQ8Z72", "asin": "B0007MFW8Q", "style": {"Size:": " 9 D - Medium", "Color:": " Taupe Suede"}, "reviewerName": "Oscar", "reviewText": "i put them on, without socks straight out of the box, and like skin to skin. I cant wear them 24/24 because they have to dry in between but if a foot is sore and there's no stopping posible just get the desert boot and it will disstress within the day.", "summary": "finest pair of everyday footwear.", "unixReviewTime": 1399161600} +{"reviewerID": "A3HDHOV1Z2QFMS", "asin": "B000A3I3PQ", "reviewerName": "Richard H. Garretson", "verified": true, "reviewText": "Arms are a bit too long, but everthing else is great.", "overall": 5.0, "reviewTime": "11 14, 2014", "summary": "but everthing else is great.", "unixReviewTime": 1415923200} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2018", "reviewerID": "A38LP600CVCLBL", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "JPD", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1523232000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A17FN4UKYRGPKU", "asin": "B00020J1BC", "style": {"Color:": " Silver-Tone Extra-Long"}, "reviewerName": "Rick S.", "reviewText": "Very good watch.", "summary": "Five Stars", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AC44NOLB5JDSW", "asin": "B0002MAYV6", "style": {"Size:": " 30W x 30L", "Color:": " Navy"}, "reviewerName": "Brittany", "reviewText": "Comfortable pants; I like them better than the competing brands.", "summary": "Nice and comfortable pants.", "unixReviewTime": 1456876800} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A1LAUTTY2K1664", "asin": "B0007T6F62", "style": {"Size:": " 8 D(M) US", "Color:": " Burgundy"}, "reviewerName": "Gene Z", "reviewText": "Great shoe, great price", "summary": "Four Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A2H8IFU4VYGJ1", "asin": "B0007U7NKI", "style": {"Size:": " X-Large / 11-12 D(M) US", "Color:": " Dark Brown"}, "reviewerName": "Luna", "reviewText": "These are the best sandals out there. A pair typically lasts me 2-3 years wearing them at all times except when weather doesn't permit.", "summary": "These are the best sandals out there", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "AQZSBXE2QA9C4", "asin": "B0002XSXWW", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "This arrived today, 10 Dec. I am hoping it will fit my husband's neck. I may need to send it back, despite the excellent quality and timely arrival. (HE is Extra Large but his neck, well, may require an XX-large. i hope not! Thank you for sending it early and well packaged.", "summary": "Columbia Men's Bonehead short sleeve shirt", "unixReviewTime": 1355184000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "APWJANQWUBYBJ", "asin": "B00063SOXG", "style": {"Size:": " Large Long", "Color:": " MultiCam"}, "reviewerName": "anthony paulson", "reviewText": "These are true bdu trousers. They are winter trousers though for sure. It doesn't say in the description but they are. If you want summer ripstop bdu's don't get these.", "summary": "These are true bdu trousers. They are winter trousers ...", "unixReviewTime": 1418688000} +{"reviewerID": "A3QQPNJCLW6ROA", "asin": "B0002USCE4", "reviewerName": "Elizabeth", "verified": true, "reviewText": "Like the shoes, but take note of sizing. Order a full size up", "overall": 4.0, "reviewTime": "06 9, 2016", "summary": "Four Stars", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "AS35PG49I1CRQ", "asin": "B0007YXVOQ", "style": {"Size:": " 36D", "Color:": " Black Combo"}, "reviewerName": "cherarli", "reviewText": "It's fits perfect", "summary": "Must have bra", "unixReviewTime": 1457136000} +{"overall": 1.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "A3CKG8DTT6B7HI", "asin": "B0007TQ99K", "style": {"Size:": " 15 D(M) US", "Color:": " Tan"}, "reviewerName": "Lou", "reviewText": "Ordered one size larger with hopes that they would fit. They are just too small. Last pair that I will ever buy.", "summary": "Size issues", "unixReviewTime": 1459641600} +{"reviewerID": "A159IHBSVN5IP4", "asin": "B0007MFWZ4", "reviewerName": "christoher pierre", "verified": true, "reviewText": "I love Clarks shoes they are always great. I just ordered them a little to small.", "overall": 5.0, "reviewTime": "01 17, 2016", "summary": "Five Stars", "unixReviewTime": 1452988800} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A3V2WZ70XEE4W1", "asin": "B0006GXO8S", "style": {"Size:": " 7 B(M) US", "Color:": " Cheetah"}, "reviewerName": "a customer", "reviewText": "Nice house shoes.", "summary": "Sized as expected", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A3GAAS76PKIOSD", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Black"}, "reviewerName": "Tammy Ayllon", "reviewText": "Awesome, my son love them, very comfortable!!", "summary": "Five Stars", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A385IGMQLJC5H3", "asin": "B0000868IP", "style": {"Size:": " 38D", "Color:": " Midnight", "Number of Items:": " 1"}, "reviewerName": "CanyonCat", "reviewText": "As comfy as a large size bra can be. Good support.", "summary": "comfy", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2018", "reviewerID": "A1WBWZU02YVA85", "asin": "B00079ULXK", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "P. S. Gifford- Horror author", "reviewText": "Smart, easily maintained, and functional clothing for those who have a bit to much class for a t-shirt.", "summary": "Terrific shirts!", "unixReviewTime": 1518480000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A1PJVVJJMDDB2E", "asin": "B0002USBB8", "style": {"Size:": " 2 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "C. Gardiner", "reviewText": "I've bought these for my granddaughters for years and they are always great. Unless they grow out of them during the course of the year, they hold up very well.", "summary": "These are very good beginner ballet shoes", "unixReviewTime": 1378080000} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A2KDIZ61EH3FK", "asin": "B0006VBFM0", "reviewerName": "Les", "reviewText": "very pretty", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A21D2FLIOX208O", "asin": "B0002MFOYS", "style": {"Size:": " 44", "Color:": " Brown"}, "reviewerName": "Kindle Customer", "reviewText": "I have had several belts over the years and they don't seem to last, poor quality leather. This belt seems to be good quality and think it will last for a while.", "summary": "Quality belt", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2014", "reviewerID": "A1CAQERCMZ37A4", "asin": "B0000TW8UG", "style": {"Size:": " 34W x 32L", "Color:": " Darkstone"}, "reviewerName": "Sheila", "reviewText": "They are carharts... Need I say more?", "summary": "Need I say more?.... Naaa", "unixReviewTime": 1410048000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A5WCV4JXFFW1S", "asin": "B0007RU7P4", "style": {"Size:": " 12 D(M) US", "Color:": " Black"}, "reviewerName": "Bill", "reviewText": "My size was not available in this color. Went 1/2 size up and thought a bit loose, they can still be worn all day and without difficulty", "summary": "Great shoes", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A14OB1TXYI1CQE", "asin": "B0000CBALZ", "style": {"Size:": " 38W x 32L", "Color:": " Antique Indigo"}, "reviewerName": "bd_doolin", "reviewText": "I knew what these were before I bought them... they were as expected (high quality, low cost, very good fitting, durable jeans).\n\nWould recommend to a friend, I keep buying these.", "summary": "High Quality, Low Cost, Great Value", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A1HZ1S2HC8BA3T", "asin": "B0002MD71U", "reviewerName": "kisha barrett", "reviewText": "Very cute", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A9922Q7VYIQN", "asin": "B00006XXGO", "style": {"Size:": " Men's 5, Women's 7 Medium", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Love the chucks!", "summary": "Five Stars", "unixReviewTime": 1489622400} +{"reviewerID": "A72KBM7NDCCF8", "asin": "B00028AZ6E", "reviewerName": "Mac", "verified": true, "reviewText": "typical Dickies quality great price so nice to buy pants already hemmed to proper length no hassle will continue to buy", "overall": 5.0, "reviewTime": "01 14, 2016", "summary": "typical Dickies quality great price so nice to buy pants already hemmed to ...", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": false, "reviewTime": "10 6, 2014", "reviewerID": "A22TWU41FSOWXI", "asin": "B0009MWXAY", "style": {"Size:": " XX-Large", "Color:": " White"}, "reviewerName": "tribaidemp", "reviewText": "The quality of this shirt is unbeatable compared to its price ... very good product, I recommend", "summary": "very good product, I", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A29WMG0NQXQMUH", "asin": "B0007YR980", "style": {"Size:": " 42DD", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "S Stone", "reviewText": "This has been my \"go to\" bra for years. It provides plenty of support while remaining very comfortable. What else needs to be said?", "summary": "Just Right", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": false, "reviewTime": "04 15, 2018", "reviewerID": "A27XS4IJP4ED4H", "asin": "B0001YRWJ2", "style": {"Size:": " 36W x 32L", "Color:": " Indigo Rigid"}, "reviewerName": "luia diaz", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1523750400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "A1DTT7UUYH0OYU", "asin": "B0009F0W5O", "style": {"Size:": " 6 B(M) US", "Color:": " Bomber Jacket Chestnut"}, "reviewerName": "messenjah", "reviewText": "I love these slippers. My 3rd pair in 8 years. Will not wear anything else. Buy them, you will have no regrets", "summary": "Love, love these!", "unixReviewTime": 1383091200} +{"overall": 3.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A2O1EK6HS0N9FK", "asin": "B000798IGC", "style": {"Size:": " Large", "Color:": " Woodland Camo"}, "reviewerName": "JELLYBEAN", "reviewText": "Good quality. Way bigger than I expected. Inside of front left pocket was irritating due to label.", "summary": "Three Stars", "unixReviewTime": 1467936000} +{"overall": 1.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "A20BN5PDJYNHSX", "asin": "B0007TTT2O", "style": {"Size:": " wide", "Color:": " Black"}, "reviewerName": "Darcy Y.", "reviewText": "It was kinda funny to put my size 12 boots on and ya e two extra inches in length! They were more like a size 15? Huge!", "summary": "Swimming in boots!", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A34TUYO264W3PT", "asin": "B0000TIKK8", "style": {"Color:": " Purple/Pink Floral"}, "reviewerName": "Andrea", "reviewText": "It was a gift. Not sure how it is going at this time", "summary": "Five Stars", "unixReviewTime": 1483142400} +{"reviewerID": "A2VHHBAT7J8LY5", "asin": "B000657TL2", "reviewerName": "ValAnn", "verified": false, "reviewText": "good boots", "overall": 5.0, "reviewTime": "12 20, 2016", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A27X8Y2CER9SER", "asin": "B0007T118O", "style": {"Size:": " 10.5 D(M) US", "Color:": " Antique Brown"}, "reviewerName": "MAJ L Haines", "reviewText": "Don't buy these-unless you want expensive shoes that have a painted finish. These are not the sebagos that used to be made in the states.", "summary": "Painted finish and sebago in name only", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "AV00VR0BWTQI6", "asin": "B000AYW0M2", "style": {"Color:": " Honey Brown/Gold-Tone"}, "reviewerName": "Kilian", "reviewText": "GOOD.", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "A3N0UGN3F0X5Z6", "asin": "B0000ZFIXE", "style": {"Size:": " B", "Color:": " Nude"}, "reviewerName": "Magdalini", "reviewText": "I wore these to a wedding and they were great. The color was actually nude! They were sheer, but not delicate. I tugged at them a few times and i got through the night without a single tear. The panty portion is soft and comfortable. I recommend these.", "summary": "Sheer, strong and comfortable", "unixReviewTime": 1435708800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 28, 2013", "reviewerID": "A7YSM8BV2S3BC", "asin": "B000AN063I", "style": {"Size:": " 5 B(M) US", "Color:": " Black Leather"}, "reviewerName": "AnC", "reviewText": "I have this shoes in gold and striped gold/beige; and after walking on those - decided to get them in black too. It is sooooo comfortable!", "summary": "Comfy flats!", "unixReviewTime": 1359331200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A2YM6Q51HRJJQE", "asin": "B000ARTQGC", "style": {"Size:": " 9 D(M) US", "Color:": " Rootbeer"}, "reviewerName": "William", "reviewText": "These things are the bomb. Good sole. Good quality interior. Perfect, affordable slipper to me.", "summary": "Good sole. Good quality interior", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "A20P7SNSHGFG54", "asin": "B000A38F22", "style": {"Size:": " Large", "Color:": " Forest Green"}, "reviewerName": "JD", "reviewText": "The shirts are well-made and are of good quality. I would buy them again.\n\nJdixon", "summary": "Good Product", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2016", "reviewerID": "AC9FND6YKABFB", "asin": "B000A253DM", "style": {"Size:": " 10 W (D)", "Color:": " Black/Dark Grey Leather"}, "reviewerName": "TwaJa", "reviewText": "These are really comfortable shoes! Great for work and everyday activities. Great buy!", "summary": "Five Stars", "unixReviewTime": 1475884800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A1PR34709Q0NX1", "asin": "B0002LTCWY", "style": {"Size:": " 8 B(M) US", "Color:": " Navy"}, "reviewerName": "Grandma", "reviewText": "Comfortable right out of box. Wish they had \"curled\" the leather laces.", "summary": "Five Stars", "unixReviewTime": 1443571200} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "ARVZI3PS9UA1X", "asin": "B0000WLU5W", "style": {"Size:": " 48W x 30L", "Color:": " Charcoal"}, "reviewerName": "Robert mcgeorge", "reviewText": "fits well", "summary": "Four Stars", "unixReviewTime": 1424044800} +{"overall": 4.0, "verified": true, "reviewTime": "07 3, 2017", "reviewerID": "A20TJ2ABQPDC3B", "asin": "B000A794KU", "style": {"Size:": " 36W x 30L", "Color:": " Overhaul"}, "reviewerName": "omar", "reviewText": "very nice love it", "summary": "Four Stars", "unixReviewTime": 1499040000} +{"overall": 4.0, "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A1YI400AU32J43", "asin": "B00066ITDS", "style": {"Size:": " One Size", "Color:": " Royal Blue"}, "reviewerName": "LMDC2015", "reviewText": "Perfect with my blue loofa costume", "summary": "Four Stars", "unixReviewTime": 1497398400} +{"reviewerID": "A2C8V1S4YPYABB", "asin": "B00028AZ6E", "reviewerName": "5745321861", "verified": true, "reviewText": "Need 36.30 regular straight", "overall": 3.0, "reviewTime": "03 24, 2018", "summary": "Cell phone pocket", "unixReviewTime": 1521849600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A3G1ZO574FF5VV", "asin": "B0006GXO8S", "style": {"Size:": " 11 B(M) US", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "I'm soo soo happy I ordered these shoes. My mother & grandmother wore these when I was kid...now I'm all grown up & wearing them ........JUST SO COMFORTABLE!!!!", "summary": "I'm soo soo happy I ordered these shoes", "unixReviewTime": 1493164800} +{"overall": 2.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A3FQQ0G1JNLD5B", "asin": "B0000ZCSVY", "style": {"Size:": " B", "Color:": " Bare"}, "reviewerName": "La Shopper", "reviewText": "Ordered the size indicated. Too small. The top kept rolling down. Legs were great but just don't work.", "summary": "Too small...", "unixReviewTime": 1456531200} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A3LCHH4H4XKFEO", "asin": "B0009G3QH4", "style": {"Size:": " Large", "Color:": " Deep Royal"}, "reviewerName": "Tra Kieu", "reviewText": "Looks good", "summary": "Four Stars", "unixReviewTime": 1467244800} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "AVQW7FEI1OCNS", "asin": "B0007RY6PQ", "style": {"Size:": " 9 D(M) US", "Color:": " Burgundy Kid"}, "reviewerName": "Jesse C. Cornelison", "reviewText": "These are good shoes, at a reasonable price. Recommended!!", "summary": "Recommended", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A234HPQECG9K9W", "asin": "B0006TIJEO", "style": {"Size:": " 6 / 8", "Color:": " White"}, "reviewerName": "DaisyLady", "reviewText": "We received more compliments on this costume than anyone else at a party. One NASA Engineer went off at how awesome it was. My son thought he was the coolest kid on the block.", "summary": "GREAT COSTUME", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A28725128P5WDE", "asin": "B0000DCS5T", "style": {"Size:": " 10 D(M) US", "Color:": " Dark Brown"}, "reviewerName": "Holly", "reviewText": "Exactly as described! My husband loves these!!", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "A3UV6BKP8VUREU", "asin": "B0001N5WMW", "style": {"Size:": " 9.5 B(M) US", "Color:": " Mineral Blue/Vapor"}, "reviewerName": "Jackieblue", "reviewText": "The perfect rocky beach combing shoe! Multi-purpose! I've added wool socks to these for hikes, and they feel great.", "summary": "Multi-Purpose Shoe", "unixReviewTime": 1492905600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "ATMCG4GIGFDQM", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Grey Heather", "Number of Items:": " 6"}, "reviewerName": "ehc", "reviewText": "Excellent fit and well priced for this quality crew socks", "summary": "Five Stars", "unixReviewTime": 1506297600} +{"overall": 1.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A1J8LJ1K137JM8", "asin": "B0002MAYV6", "style": {"Size:": " 33W x 32L", "Color:": " Navy"}, "reviewerName": "Cheri Ramey", "reviewText": "Not impressed, returned", "summary": "One Star", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2017", "reviewerID": "A3NSK97OHCTCTZ", "asin": "B0000TQJU6", "style": {"Color:": " Two-Tone/Mother of Pearl"}, "reviewerName": "maddycat", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1513641600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A3C1AH1WAP4TO4", "asin": "B0001NLS8Y", "style": {"Size:": " One Size", "Color:": " True Blue"}, "reviewerName": "MARGARITA ALEJANDRA ESTRADA RONCANCIO", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"overall": 3.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "AYV9UK7MY6EK1", "asin": "B000A794KU", "style": {"Size:": " 44W x 30L", "Color:": " Highway - Discontinued"}, "reviewerName": "Richard M", "reviewText": "I prefer jeans with a lower rise.", "summary": "Three Stars", "unixReviewTime": 1405036800} +{"overall": 4.0, "verified": false, "reviewTime": "10 17, 2016", "reviewerID": "A2OD7O2Z6592IK", "asin": "B0007KPP7G", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "Debbie thompson", "reviewText": "Fit a little loose but the length was good and I'm 5'8\".", "summary": "A good buy for work pants.", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A3DDWWMXH441VR", "asin": "B0007PN9XI", "style": {"Size:": " 7.5 D(M) US", "Color:": " Black/Running White"}, "reviewerName": "Anna", "reviewText": "best shoe ever", "summary": "Five Stars", "unixReviewTime": 1476835200} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A2FJ748X9GGF1S", "asin": "B0000CBALZ", "style": {"Size:": " 34W x 29L", "Color:": " Antique Indigo"}, "reviewerName": "Ernest J. Pineault", "reviewText": "For some reason I stopped wearing JEANS. I decided to get a pair at Amazon. I underestimated my size and had to do an exchange. It all went smoothly and I am a happy camper.", "summary": "Happy Camper", "unixReviewTime": 1436400000} +{"reviewerID": "A7IBMKJ08MGV4", "asin": "B00028AZ6E", "reviewerName": "Elizabeth", "verified": true, "reviewText": "He says they are quite comfortable. They fit him well and arrived speedily.", "overall": 5.0, "reviewTime": "08 18, 2016", "summary": "Great pants", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "AOY4Z6A0H3A30", "asin": "B0002M34U4", "style": {"Size:": " 32W x 32L", "Color:": " Steelhead - Discontinued"}, "reviewerName": "Dinorah Oren", "reviewText": "beautiful pants. They fix perfect", "summary": "Five Stars", "unixReviewTime": 1413936000} +{"overall": 4.0, "verified": true, "reviewTime": "03 4, 2018", "reviewerID": "A39J9DEO1NEH82", "asin": "B0000WLU5W", "style": {"Size:": " 50W x 30L", "Color:": " Black"}, "reviewerName": "karabear", "reviewText": "My husband loves the pants for work. Order a size larger as they run small.", "summary": "Durable", "unixReviewTime": 1520121600} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "ACX0ME7NOCOIC", "asin": "B000AYW0M2", "style": {"Color:": " Black/Gold-Tone"}, "reviewerName": "Amazon Customer", "reviewText": "This was a gift for a woman who needs the larger numbers. She really likes everything about this watch.", "summary": "Great watch", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2013", "reviewerID": "A2AT9UX32MS2FZ", "asin": "B0000C0UMK", "style": {"Size:": " 6", "Color:": " Light Yellow"}, "reviewerName": "Susan Andree", "reviewText": "This is the perfect karate belt for me. It's not so thick that you have trouble tying it. It's lightweight and is easy to work with. It the knot stays put easily too. Great buy!!", "summary": "Light Uniform Belt-Great Buy!!", "unixReviewTime": 1365984000} +{"overall": 4.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A3B1ILNLKXYXLN", "asin": "B00007GDAL", "style": {"Color:": " Pink"}, "reviewerName": "Bob Or Shannon Stephens", "reviewText": "Very pretty wallet. It didn't hold all my cards - it got too fat. So, I ordered a credit card holder which I keep separately now. That was probably a good idea anyway. I liked the wallet very much.", "summary": "Very pretty wallet. It didn't hold all my cards - ...", "unixReviewTime": 1412640000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A18T218H79P5", "asin": "B0006U3G5A", "style": {"Size:": " X-Large", "Color:": " Grey Twist"}, "reviewerName": "W. D.", "reviewText": "A great pair of thick warm wool socks at a reasonable cost! I find that buying a size larger than the size chart indicates for my size 11 1/2 feet gives me the most comfortable fitting.", "summary": "If there is a better boot sock out there, I haven't found it!", "unixReviewTime": 1419465600} +{"reviewerID": "A14MAT24SLP2W1", "asin": "B0009GEFPQ", "reviewerName": "Betty", "verified": true, "reviewText": "awesome", "overall": 5.0, "reviewTime": "12 28, 2016", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A3KGNTTBJFIBF5", "asin": "B0002NYQO6", "style": {"Size:": " Large", "Color:": " Light Blue"}, "reviewerName": "MISS ANITA", "reviewText": "Fit good and love the color. Wish there were more nice colors, everything is black, navy and grey. Need more pale true colors please! Sweatshirt is nice quality and a fair price.", "summary": "Fit good and love the color", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A1CQWDQWNDNTEU", "asin": "B0008GN2VK", "style": {"Size:": " Men's 9, Women's 11 Medium", "Color:": " Black"}, "reviewerName": "Christopher", "reviewText": "A classic that's always in style. You can never go wrong with any style of Chuck Taylor's.", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"reviewerID": "A1C7ZPBJ22KRNA", "asin": "B0001YRFS0", "reviewerName": "ariel goldberg", "verified": true, "reviewText": "Best pants ever.", "overall": 5.0, "reviewTime": "04 9, 2017", "summary": "Five Stars", "unixReviewTime": 1491696000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A2AWK03G0UJX8J", "asin": "B0000CBALZ", "style": {"Size:": " 40W x 36L", "Color:": " Antique Indigo"}, "reviewerName": "Barbara P", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 1.0, "verified": true, "reviewTime": "12 16, 2012", "reviewerID": "A3M2W7QON5V2EN", "asin": "B000B6CSIU", "reviewerName": "Barbara A. Syas", "reviewText": "I do not like these earrings. The earrings are not clear. The color is a very odd shade of yellowish\ngold. Not Sensational Clear Crystal earrings!", "summary": "Sensational Clear Crystal earrings", "unixReviewTime": 1355616000} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A2F2IK6G58LO6T", "asin": "B000A2KEAY", "style": {"Size:": " 34W x 36L", "Color:": " Antique Indigo"}, "reviewerName": "KUBIE", "reviewText": "the length is very long i ordered 34x36 and they are very long", "summary": "Four Stars", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A1C68AYJLHFCEH", "asin": "B0008EOQ4O", "style": {"Size:": " 38W x 29L", "Color:": " Tarmac"}, "reviewerName": "dale cook", "reviewText": "good value", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A3SY1ATY268VU0", "asin": "B00021NY28", "style": {"Size:": " 14", "Color:": " Black"}, "reviewerName": "sroggiero", "reviewText": "Great product and excellent seller", "summary": "Love it", "unixReviewTime": 1424304000} +{"overall": 4.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A38KM4AEVCOO2G", "asin": "B00067G3E4", "style": {"Color:": " Purple/Black 2b"}, "reviewerName": "KMLC", "reviewText": "Holds up great in the washer. I've used it on three beach vacations and both the color and fabric are going strong. It's a soft, comfortable fabric too.", "summary": "Durable", "unixReviewTime": 1491350400} +{"reviewerID": "A1Z5MGGIJ65TMN", "asin": "B0007MFWZ4", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Great service and product!!", "overall": 5.0, "reviewTime": "04 29, 2017", "summary": "Great! Will buy again", "unixReviewTime": 1493424000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2018", "reviewerID": "A1ATJQASJV47XS", "asin": "B0007SXLXI", "style": {"Size:": " 12 EEE", "Color:": " Black"}, "reviewerName": "RLKS", "reviewText": "good looking shoe, more important, it fit as expected. They are comfortable, its good to be wearing a Florsheim again.", "summary": "good looking shoe", "unixReviewTime": 1518307200} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "ASFDNVQNENX0S", "asin": "B0001YRWJ2", "style": {"Size:": " 34W x 32L", "Color:": " Indigo Rigid"}, "reviewerName": "Patrick", "reviewText": "Great overalls, and very durable.", "summary": "Five Stars", "unixReviewTime": 1511049600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A1HKW87V6EDIG4", "asin": "B0007QCQGS", "style": {"Color:": " Racer Yellow"}, "reviewerName": "Morales Rizo Henry Jesus", "reviewText": "excelente producto", "summary": "Five Stars", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A2JS1XGPLZLJZL", "asin": "B0009FB2WQ", "style": {"Size:": " 3X Tall", "Color:": " Ash"}, "reviewerName": "Swifty", "reviewText": "Another great price", "summary": "Five Stars", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A256I4UIQ6XCXL", "asin": "B00020BFSE", "style": {"Size:": " X-Large (11.5 - 13 M US)", "Color:": " Cedar"}, "reviewerName": "Edubya in Texas", "reviewText": "Very nice shoe trees at a great price. They do seem a touch wide, even at the narrowest setting, for an Allen-Edmonds Strand in 12D, but they fit an old pair of Bostonian Classics in 13D perfectly.", "summary": "Good quality, great price", "unixReviewTime": 1384732800} +{"reviewerID": "AGVFWAFP6V7D0", "asin": "B0009MKNG0", "reviewerName": "JV", "verified": true, "reviewText": "Just what I needed to block the sun doing yard work.", "overall": 5.0, "reviewTime": "08 7, 2017", "summary": "Great value", "unixReviewTime": 1502064000} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A11GPBMZTQLJ57", "asin": "B0002MB8O8", "style": {"Size:": " 9 B(M) US", "Color:": " Coral"}, "reviewerName": "Summer Hutchins", "reviewText": "These are nice and I love the coral shade, but they fit a little looser than all my other keds.", "summary": "These are nice and I love the coral shade", "unixReviewTime": 1440720000} +{"overall": 3.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A1RMTDKIY50UJ4", "asin": "B00016QOX0", "style": {"Size:": " 30W x 30L", "Color:": " Rinse"}, "reviewerName": "Amazon Customer", "reviewText": "Levi is a good buy pants did not expect this problem", "summary": "Three Stars", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A3Q0QCLKJDF52T", "asin": "B0007TLSEQ", "style": {"Size:": " 7.5 W US", "Color:": " White"}, "reviewerName": "Bella Rosa ", "reviewText": "I love this brand, design, fit, and will buy again. Thank you", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/718lHICX5CL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A29IC743P4PHNM", "asin": "B0007MFW8Q", "style": {"Size:": " 8.5 D - Medium", "Color:": " Black Suede"}, "reviewerName": "chrisann marsh", "reviewText": "I bought there for my bf and he love them plus they are real.", "summary": "Five Stars", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2010", "reviewerID": "A3Q2NPDU8KA9R1", "asin": "B0007SXLXI", "style": {"Size:": " 11 EEE", "Color:": " Black"}, "reviewerName": "Charles R. Collins", "reviewText": "This product was as advertized at a great price. It is hard to find wide shoes in a store. Great way to buy.", "summary": "Great", "unixReviewTime": 1275436800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A2AN6V38B93CAH", "asin": "B0000TW41Y", "style": {"Size:": " 40W x 30L", "Color:": " Carhartt Brown"}, "reviewerName": "kenneth hammon", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1517356800} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "AOXDZSY5AGHEA", "asin": "B00030B20Y", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "ASG", "reviewText": "I purchased this hat for Christmas for my son who owns a few of these.\nI decided to try it on myself and loved the quality and look.\nI went back onto my account and purchased one for myself.\nCan't wait for it to arrive.", "summary": "Bought one for my son. Bought another one for myself", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2EL6Y8MXTCDE", "asin": "B00067G3E4", "style": {"Color:": " Black/White 2b"}, "reviewerName": "Mari", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "A2CKYPS681GQSL", "asin": "B000A2KCAQ", "style": {"Size:": " 38W x 34L", "Color:": " Loden"}, "reviewerName": "Joe Bink", "reviewText": "Very heavy duty fabric without being overly stiff. I wear then almost daily in place of jeans. The only thing i can say critical about these pants is the color, which looked gray to me but turned out green, and i dislike green!", "summary": "Tough as nails", "unixReviewTime": 1366675200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2013", "reviewerID": "A2KS25JYDHYWHE", "asin": "B0002UNNR0", "style": {"Size:": " 7.5 W US", "Color:": " Ballet Pink"}, "reviewerName": "Hohjo", "reviewText": "Good old reliable Capezio shoes come through again. I love this brand of ballet shoe. I\"ll gladly recommend them to a friend.", "summary": "Capezio ballet shoes", "unixReviewTime": 1381795200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A1XJDOTKK3BVOH", "asin": "B0007T128I", "style": {"Size:": " 11 D(M) US", "Color:": " Black"}, "reviewerName": "PC", "reviewText": "husband said the shoes are stylish and comfortable.", "summary": "Five Stars", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A1NPFGPWHYAUAW", "asin": "B0000ZFF7S", "style": {"Size:": " 38D", "Color:": " Toast"}, "reviewerName": "Debbie", "reviewText": "I had bought this in my regular size and the new ones did not fit. After reading the reviews here I realized I had to go up a size - which I did and then it fit great. I tried on so many different bras but I always end up back to this one.", "summary": "Go one size up in the back", "unixReviewTime": 1508803200} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "ABGF0HZHXJYNI", "asin": "B0007CKOMA", "style": {"Size:": " 38W x 30L", "Color:": " Sand"}, "reviewerName": "C. Temple", "reviewText": "Love them!", "summary": "Great!", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "AJBI6QTPVI1DX", "asin": "B0009P66TK", "reviewerName": "Hussain A.", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "AY20AGWO4KP5N", "asin": "B00006XXGO", "style": {"Size:": " 13 US Men/15 US Women", "Color:": " White"}, "reviewerName": "Frederick Wright", "reviewText": "a lot of past memories at a cost of $12.00 back then!", "summary": "memories", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2013", "reviewerID": "A20GUHOUE4RDIX", "asin": "B00007GDG5", "style": {"Color:": " Red"}, "reviewerName": "Mary Cooper", "reviewText": "I love the color and look of this wallet, but it is more like a clutch. It doesn't have a good checkbook area, or a little plastic divider for duplicate checks, but otherwise is very nice.", "summary": "nice quality", "unixReviewTime": 1364860800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A1WGUQSX14J6C4", "asin": "B0007SYOXY", "style": {"Size:": " 12 D(M) US", "Color:": " Black"}, "reviewerName": "Harriet S. Meyers", "reviewText": "They are just very comfortable. I wear them all day and its like wearing sneakers. The arch support for me isn't an issue but if u have arch problems they aren't really geared to that extra support", "summary": "Very comfortable", "unixReviewTime": 1465344000} +{"reviewerID": "A26KZ43DXRTCGF", "asin": "B0009IWEVQ", "reviewerName": "William VanderBloomen", "verified": true, "reviewText": "My problem is that the lacing is not very good", "overall": 3.0, "reviewTime": "09 5, 2017", "summary": "This product is ok but my last pair was much better", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A261M9JCH3GN7F", "asin": "B0009FB2WQ", "style": {"Size:": " Small", "Color:": " Bluestone"}, "reviewerName": "Dave", "reviewText": "Great work shirt", "summary": "Five Stars", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A1ZYJ5WAG1ZA2C", "asin": "B0007YR980", "style": {"Size:": " 38D", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "Tee", "reviewText": "Beautiful!", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2012", "reviewerID": "A13C04VSPZAYYT", "asin": "B0002MD71U", "reviewerName": "saray Mora", "reviewText": "Excelente los tiempos de entrega, la ropa llego en buen estado. buenos vendedores, Excelente el producto los recomiendo para futuras compras", "summary": "cOMPRA", "unixReviewTime": 1356566400} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A2G84G8980Q865", "asin": "B0002MBCW6", "style": {"Size:": " 8.5 B(M) US", "Color:": " Brown Smooth"}, "reviewerName": "A. Smith", "reviewText": "Not the most comfortable, but not bad either. Very cute and nicely made.", "summary": "Great buy.", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A2TK903V3EX6YM", "asin": "B000A38E6O", "style": {"Size:": " 38W x 30L", "Color:": " Navy"}, "reviewerName": "J. Black", "reviewText": "These pants fit so well on me! I'm not sure that I've ever had a pair of pants fit me so well. They look awesome on me too!", "summary": "These pants are awesome!!", "unixReviewTime": 1414972800} +{"reviewerID": "A2ZRZDRA42D6XK", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "My husband received his pants order very quickly and when asked how he liked them, said: \"They're great! I love them!\"", "overall": 5.0, "reviewTime": "09 10, 2014", "summary": "He Loves Them!", "unixReviewTime": 1410307200} +{"overall": 3.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A12N7MLCZZ797E", "asin": "B000851FM4", "style": {"Size:": " Small", "Color:": " Black Heather"}, "reviewerName": "George Waller", "reviewText": "Product was well made.", "summary": "Three Stars", "unixReviewTime": 1405296000} +{"reviewerID": "A3UR9VLQRLILFJ", "asin": "B0002OQ9R2", "reviewerName": "Brian", "verified": true, "reviewText": "Pretty good fit. They are just a little rough. I have had other silk boxers that are softer.", "overall": 4.0, "reviewTime": "05 31, 2016", "summary": "Four Stars", "unixReviewTime": 1464652800} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A9KX2T5NYIMNT", "asin": "B0001YRWJ2", "style": {"Size:": " 42W x 32L", "Color:": " Indigo Rigid"}, "reviewerName": "Citracet", "reviewText": "Just fine, 2nd pair. Very durable, good price.", "summary": "Four Stars", "unixReviewTime": 1476748800} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "AOINVKJGKTNEK", "asin": "B0001N5WMW", "style": {"Size:": " 11 B(M) US", "Color:": " Mineral Blue/Vapor"}, "reviewerName": "MaryAnn", "reviewText": "OK", "summary": "Four Stars", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A9ODEINZUUKAI", "asin": "B0002MGM4O", "style": {"Size:": " Large", "Color:": " Vivid Blue"}, "reviewerName": "bruce mcmanus", "reviewText": "Nice shirt", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "A8A9VYW1DGFHE", "asin": "B0007YVUVC", "style": {"Size:": " Large", "Color:": " Pale Pink Lace/White/Animal/Navy"}, "reviewerName": "Amazon Customer", "reviewText": "Size was perfect, the only thing and its not going to change my rating at all. I thought they were going be 4 pairs of different colors, they werent.", "summary": "Great fit and quality", "unixReviewTime": 1519257600} +{"overall": 4.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A2Z6VUM4JISNM1", "asin": "B0009NEVKI", "style": {"Size:": " Large", "Color:": " Brown"}, "reviewerName": "Nicholas", "reviewText": "Hard to determine the compression percentage", "summary": "Four Stars", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A35VOKTVFDA5SS", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " White"}, "reviewerName": "Arae", "reviewText": "It's just like all my other turtle furs, great product. It definitely keeps me warm and it's super soft. It can be machine washed, I recommend washing with cold water rather than warm or hot to prevent shrinking.", "summary": "I love turtle fur neck warmers!", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A1WP5Z739VK8WA", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "Doctor Skeptic", "reviewText": "The Gold standard in socks!", "summary": "The Gold Standard!", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "AV8BKHRSKIQUH", "asin": "B00026395U", "style": {"Size:": " XXXXX-Large", "Color:": " Black"}, "reviewerName": "meatball spaghettinose", "reviewText": "Great product, comfort and shipping speed.", "summary": "Five Stars", "unixReviewTime": 1484784000} +{"reviewerID": "A2F53I94BKX2XM", "asin": "B0001YRFS0", "reviewerName": "Brian J. Melton", "verified": true, "reviewText": "They feel they then the last ones I got", "overall": 2.0, "reviewTime": "09 26, 2016", "summary": "Two Stars", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A3G6Q2HCZP2G7O", "asin": "B0000TW41Y", "style": {"Size:": " 30W x 32L", "Color:": " Carhartt Brown"}, "reviewerName": "Allison Sniath", "reviewText": "Purchased these as a surprise for my husband and he loves them so very much.", "summary": "Gift for hubby", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "AB9CHG6897XQN", "asin": "B0006UD6PK", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "David Chuvala", "reviewText": "This belt works well for me. It stretches when I'm sitting and doesn't pull on my stomach like regular leather belts do. I'm much more comfortable wearing this belt", "summary": "Comfortable belt", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2013", "reviewerID": "A3RCDPT4COQWRN", "asin": "B000AYW0KO", "style": {"Color:": " Two-Tone/White"}, "reviewerName": "John Williamson", "reviewText": "Easy to read and set. Perfect size. The band is also \"quality\". It has changed my opinion positively on inexpensive watches.", "summary": "Ideal watch", "unixReviewTime": 1385337600} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2014", "reviewerID": "A2P83FWHR36WN1", "asin": "B0007L44DQ", "reviewerName": "Footnote Drummer", "reviewText": "I have average wrists and though this is a decent rubber band, it's little too long. I can certainly cut the end of the strap off so it's not sticking out too much, but doing that would cut the Seiko logo off. Oh well...", "summary": "Nice, but a bit too long", "unixReviewTime": 1402790400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A33KHUFO3QB06V", "asin": "B0000TII3C", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Laurie Hise", "reviewText": "Great watch! I bought this for my Dad. The instruction for setting the \"day\" were not written well. Keep turning the stem thru 24 hours and it finally moves to the next day! Love the Hugh watch face! Great watch!", "summary": "Great watch!", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A1ZFHT6JDXCLP8", "asin": "B000A2BIRW", "style": {"Size:": " X-Large", "Color:": " Charcoal"}, "reviewerName": "Steve Gillaspie", "reviewText": "Great work ts.", "summary": "Five Stars", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A1X0W7VLRQMS6", "asin": "B0000V9E3S", "style": {"Size:": " 8 B(M) US", "Color:": " Burnt Henna/Hot Coral"}, "reviewerName": "backrubyou", "reviewText": "Great walking sandals...though just a tad shorter than an older pair of Keens I own, they are still very comfortable on my feet.", "summary": "great walking sandals", "unixReviewTime": 1431907200} +{"overall": 3.0, "verified": true, "reviewTime": "12 29, 2017", "reviewerID": "A3M9YO1QZJY9ED", "asin": "B0000DYND0", "style": {"Size:": " Large", "Color:": " Navy"}, "reviewerName": "Amazon Customer", "reviewText": "These are great socks, but not as warm as the heat holder socks.", "summary": "Three Stars", "unixReviewTime": 1514505600} +{"reviewerID": "A24XBE21Q9RVY7", "asin": "B0009GEFPQ", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Happy with this", "overall": 5.0, "reviewTime": "06 1, 2017", "summary": "Five Stars", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2009", "reviewerID": "A37O2OVL04L241", "asin": "B0006MY4EU", "style": {"Size:": " Large / 8-9", "Color:": " Navy"}, "reviewerName": "Highland Gal", "reviewText": "These slippers are exactly what I expected, and in a color which is frequently difficut to find.", "summary": "Slippers", "unixReviewTime": 1234569600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A215XVFC6GQG8Y", "asin": "B0002LY3CS", "reviewerName": "Steve Driesens", "reviewText": "What can I say, they're Sperry Topsiders.", "summary": "Five Stars", "unixReviewTime": 1423872000} +{"reviewerID": "A2SM1G7AMPSFLV", "asin": "B0009GEFPQ", "reviewerName": "Jordan Martinez", "verified": true, "reviewText": "Now my favorite shirt. I will definitely buy more.", "overall": 5.0, "reviewTime": "05 1, 2016", "summary": "Five Stars", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2014", "reviewerID": "A388QG9RWX1OVG", "asin": "B000089V7W", "reviewerName": "Vlp", "reviewText": "Granddaughter loves these.", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A1C5QSW999R1TO", "asin": "B0000A1REB", "style": {"Size:": " 10.5 EE US", "Color:": " Black Melo"}, "reviewerName": "Amazon Customer", "reviewText": "Great fit. Can be worn comfortably for hours right out of the box.", "summary": "No break-in required.", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2012", "reviewerID": "A1HWUJIL4CI3JR", "asin": "B0000AR2EJ", "reviewerName": "Griddog", "reviewText": "I have purchased several different brands and this on seems to hold up the best.(no pun intended) You won't go wrong with this one.", "summary": "made well", "unixReviewTime": 1336089600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A1J7FPI2PMTEOK", "asin": "B0002THW4Q", "style": {"Size:": " 9-11", "Color:": " Sea Breeze Pack"}, "reviewerName": "Mifavoritethings", "reviewText": "These are comfortable and nice looking pairs of liner socks. Great with my tennis shoes.", "summary": "Good quality, good looking pairs.", "unixReviewTime": 1465603200} +{"overall": 2.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "AMZ2YOAY20ETF", "asin": "B0009FB2WQ", "style": {"Size:": " Small", "Color:": " Navy"}, "reviewerName": "BL", "reviewText": "The fit on this was reasonable. My biggest complaint is it is a bit scratchy. I'm hoping after a few more washes it will soften up a bit.\n\nBut based on my first couple of times wearing it ... not impressed and would not buy another.", "summary": "Scratchy", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "A3CSMBRCAB4WSP", "asin": "B0009G4D1W", "style": {"Size:": " XXX-Large", "Color:": " Black"}, "reviewerName": "S. Mondani", "reviewText": "great price good shirts", "summary": "Five Stars", "unixReviewTime": 1505952000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A3URZ0WCF8CKLK", "asin": "B0000AFT9F", "style": {"Size:": " 8 B(M) US Women / 6 D(M) US Men", "Color:": " Pink"}, "reviewerName": "Christina McDaniel", "reviewText": "I was confused at first that the logo was on the inside on this style and feared it was fake. After a quick google search, i discovered it was the design for this style of shoe.\nFit great. Shoe strings seemed short was my only complaint.", "summary": "Fit great. Shoe strings seemed short was my only complaint", "unixReviewTime": 1498608000} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A2YLM66SSXDMSC", "asin": "B00006XXGO", "reviewerName": "Que", "reviewText": "I really like the show have to keep them clean", "summary": "Four Stars", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A7WFAGRBRFA2P", "asin": "B00005KJXM", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Luz V.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A3FACS00UZW8E7", "asin": "B0007ZE4JQ", "style": {"Size:": " 10.5 D(M) US", "Color:": " White/Sheer Grey"}, "reviewerName": "stltx", "reviewText": "Personally I love these Bpls. These are my 'go to' kicks with their classic white. Wouldn't want to be without them.", "summary": "Personally I love these Bpls", "unixReviewTime": 1426982400} +{"overall": 3.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "AI3ZWQURV84DE", "asin": "B0006U695E", "style": {"Size:": " 38W x 30L", "Color:": " Prewashed Indigo"}, "reviewerName": "Dr. Hubert Peveto", "reviewText": "bluejeans. what?", "summary": "Three Stars", "unixReviewTime": 1481414400} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A1GLHMIJX23DHW", "asin": "B0000ANHT7", "style": {"Size:": " Large", "Color:": " Navy"}, "reviewerName": "LARRY W.", "reviewText": "Great shirt", "summary": "Four Stars", "unixReviewTime": 1471824000} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2013", "reviewerID": "A38FL4UEVCOAFI", "asin": "B0007MFW8Q", "style": {"Size:": " 8.5 D - Medium", "Color:": " Black Suede"}, "reviewerName": "S. Bieber", "reviewText": "These boots rub a bit at the ankle and definitely require some breaking in. They ran a little large so I exchanged them at my local Clark's store with no problems.", "summary": "Def require some breaking in", "unixReviewTime": 1366416000} +{"reviewerID": "A3SQDS7VX6Z40I", "asin": "B00024WOTY", "reviewerName": "impossiblegirl", "verified": true, "reviewText": "We got four of these pants for my husband for work. They wash well, and fit him great. I was not sure what to expect because the pants were such a great price, but was pleasantly surprised.", "overall": 5.0, "reviewTime": "11 19, 2011", "summary": "Husband Actually Wears!", "unixReviewTime": 1321660800} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "A2WY91KO01Q6D9", "asin": "B0000E0VIJ", "style": {"Size:": " 8 B(M) US", "Color:": " Black"}, "reviewerName": "Kristen Fortman", "reviewText": "I prefer the regular ones over the low pro.", "summary": "Four Stars", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "AJM292WPOC1JF", "asin": "B0009HFOO6", "style": {"Size:": " XL(11-12.5US Mens)"}, "reviewerName": "robert mullins", "reviewText": "Just as advertised and they fit perfectly!", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "A226T171KIU5SF", "asin": "B0007WFGUU", "style": {"Size:": " X-Large", "Color:": " Lilac"}, "reviewerName": "Diane D", "reviewText": "Love the comfort for hot summer days!", "summary": "Five Stars", "unixReviewTime": 1503705600} +{"overall": 1.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "AXYMEMIK3BUW4", "asin": "B0006LNU82", "style": {"Size:": " 36W x 32L", "Color:": " Toto"}, "reviewerName": "Dana Olwan", "reviewText": "I keep buying the same 541 and they all fit perfectly but this color in particular is very small and it is not loose like others", "summary": "... particular is very small and it is not loose like others", "unixReviewTime": 1500854400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A5KVTBI8FA961", "asin": "B0006U3G5A", "reviewerName": "Love2U", "reviewText": "My wife is a police officer and I wanted to keep her footsies warm so I bought these. Am I glad I did. She simply loves them. They keep her feet warm and are very comfortable. She loves them. They are a bit expensive but worth it in my opinion.", "summary": "They Keep Your Feet Warm", "unixReviewTime": 1354838400} +{"reviewerID": "A2YZIQOZKMSRRM", "asin": "B0009MH1ZG", "reviewerName": "keywinbat", "verified": true, "reviewText": "I bought this for my boyfriend and he loves it! Its been almost 2 years now and he still wears this all the time. Its great since it can be worn in the winter with a sweater under it or in the spring/fall.", "overall": 5.0, "reviewTime": "02 27, 2015", "summary": "Its great since it can be worn in the winter with ...", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A17V4X68CKSUAA", "asin": "B000A794KU", "style": {"Size:": " 38W x 32L", "Color:": " Indie Blue"}, "reviewerName": "Tony B.", "reviewText": "Love these pants! Just my style!", "summary": "Five Stars", "unixReviewTime": 1439510400} +{"reviewerID": "A1WUXABK43X23", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Perfect fit. Prompt delivery.", "overall": 5.0, "reviewTime": "01 23, 2018", "summary": "Five Stars", "unixReviewTime": 1516665600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "AJ11KC3LCVJT8", "asin": "B0002MD71U", "reviewerName": "Gamecocks01", "reviewText": "These are so cute. I find the length to be a tad long but true size still works.", "summary": "So cute", "unixReviewTime": 1508284800} +{"reviewerID": "ACUMRK70PIOI5", "asin": "B00091SSU4", "reviewerName": "FX.3213", "verified": true, "reviewText": "Bought these jeans for work they look great I almost didn't want to take him to work but I did they look very durable we'll see how long the last", "overall": 4.0, "reviewTime": "08 13, 2016", "summary": "Bought these jeans for work they look great I almost didn't want to take him to work ...", "unixReviewTime": 1471046400} +{"reviewerID": "APELHR4VLOVNB", "asin": "B0001YRFS0", "reviewerName": "coconutkissed", "verified": true, "reviewText": "I can always count on these fitting the same. I've used other brands and always had to send half an order back due to size issues when ordering online! Never had that problem with Dickies!", "overall": 5.0, "reviewTime": "04 22, 2014", "summary": "Dependable fit", "unixReviewTime": 1398124800} +{"overall": 4.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "A3P6V15SZPL1XI", "asin": "B0000TIIPK", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Jodiann P. Kulbertis", "reviewText": "I love this watch. I love timex period, but this is very up to date with the styles of the more expensive watches of today. perfect for me. I am a nurse.", "summary": "love it", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A26W2N5MR8W7K5", "asin": "B000A8BSN0", "reviewerName": "Marthe", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 3.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A2UYZD21Q60LXP", "asin": "B0007TFRPW", "reviewerName": "JOHNNY-T", "reviewText": "Got the item Saterday I got it for my Brother.. got to me very quick in the mail, he is pleased with it, and stated he wants me to get the brown one also for him ,LOL but I must say, it isn't a $80.00 item to me but as long as he is paying me back whatever!", "summary": "alrighty then !!", "unixReviewTime": 1370649600} +{"reviewerID": "A1F9LK4SCHMXGP", "asin": "B0009GAXC0", "reviewerName": "The Wizz", "verified": true, "reviewText": "Great product, exactly what i expected!! Will defiantly get more of these when needed. Anyone looking for long sleeve t-shirts should buy this!", "overall": 5.0, "reviewTime": "01 15, 2013", "summary": "cheap and easy", "unixReviewTime": 1358208000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A1QOPOGXJF6EOV", "asin": "B0002M14II", "style": {"Size:": " 14 D(M) US", "Color:": " Blue/Citron"}, "reviewerName": "Craig", "reviewText": "Wonderful shoe. Stable, and just great in all aspects.", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"reviewerID": "A3DQBQQ1OS0HWY", "asin": "B00091SSU4", "reviewerName": "Sharrie Singmaster", "verified": true, "reviewText": "Great fit", "overall": 5.0, "reviewTime": "12 10, 2014", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"reviewerID": "A14UF25QULXPKK", "asin": "B0002OQ9R2", "reviewerName": "C. Ligh", "verified": true, "reviewText": "no complaints, except runs a little small so had to order a large instead of a medium.", "overall": 5.0, "reviewTime": "09 22, 2009", "summary": "nice boxers", "unixReviewTime": 1253577600} +{"overall": 1.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A1KT5EMOL2X9MF", "asin": "B00006XXGO", "style": {"Size:": " 12.5 B(M) US Women / 10.5 D(M) US Men", "Color:": " Charcoal"}, "reviewerName": "Amazon Customer", "reviewText": "I sent them back and have not recirced a small size.", "summary": "One Star", "unixReviewTime": 1445126400} +{"overall": 2.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "AD6UWIY7QEH5W", "asin": "B00028B4XW", "style": {"Size:": " 42W x 30L", "Color:": " Dark Navy"}, "reviewerName": "Zachary Kent", "reviewText": "The legs are huge I feel like a hoodlum and cannot wear these to work", "summary": "Two Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A38RUA73SYRS0Z", "asin": "B0007KPP7G", "style": {"Size:": " X-Small", "Color:": " Black"}, "reviewerName": "ML", "reviewText": "This is my 3rd pair and it is super comfortable. Also, I wash these very regularly and they have not shrunk on me....not even much fading either!", "summary": "love!", "unixReviewTime": 1420934400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2017", "reviewerID": "A32PTVER6MK9KY", "asin": "B0000862R1", "style": {"Size:": " M A/B (36/38)", "Color:": " White"}, "reviewerName": "Trasse", "reviewText": "Wifey love these bras and she is picky, hates the wire bras.", "summary": "No wires, wifey happy", "unixReviewTime": 1492819200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A2VP50PAZH11WA", "asin": "B0007T107Q", "style": {"Size:": " 13 M US/D", "Color:": " Brown Oiled Waxy"}, "reviewerName": "Commodore", "reviewText": "I doubt that just one pair will do. Another order will soon be on its way. The shoes fit perfectly, are attractive, comfortable and an outstanding value. Pretty much sums up the vendor and product.", "summary": "Great value and great shoes", "unixReviewTime": 1468886400} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A18B5QL328E02A", "asin": "B000163G8G", "style": {"Size:": " 36C", "Color:": " Beige"}, "reviewerName": "Tamara Wilhite", "reviewText": "a little smaller than expected, medium quality", "summary": "a little smaller than expected", "unixReviewTime": 1519084800} +{"reviewerID": "A2WDEJP9QL0F9G", "asin": "B0007MFWZ4", "reviewerName": "Nguyen", "verified": true, "reviewText": "the only downfall of this product is the fact that any liquid substance can easily stain the boot but overall the boot is stylish and comfortable", "overall": 4.0, "reviewTime": "04 11, 2014", "summary": "nice", "unixReviewTime": 1397174400} +{"reviewerID": "A87VI919A0BOB", "asin": "B00028AZ6E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Good", "overall": 5.0, "reviewTime": "07 25, 2017", "summary": "Good", "unixReviewTime": 1500940800} +{"reviewerID": "A1OBFF122VCPDE", "asin": "B0001YRFS0", "reviewerName": "Consumer", "verified": true, "reviewText": "Ordered for someone. The pant fits well and they wash well.", "overall": 5.0, "reviewTime": "12 1, 2016", "summary": "Ordered for someone. The pant fits well and they ...", "unixReviewTime": 1480550400} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A38XBQHS6DO5RQ", "asin": "B0007SMRUG", "style": {"Size:": " 38C", "Color:": " Nude"}, "reviewerName": "KJacobson", "reviewText": "Other reviewers were right. It's a tad too small in the band and it gives you torpedo boobs. Very noticeable torpedo boobs. It also says it's padded but the padding is so light that you can still see your nipples through it. Not a good buy. I will be returning it.", "summary": "Only buy if you like the pointy boobed look", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "AW0F49KUI4K94", "asin": "B0002KWZ3I", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "Kindle Customer", "reviewText": "Really pretty", "summary": "Five Stars", "unixReviewTime": 1495497600} +{"overall": 3.0, "verified": true, "reviewTime": "11 28, 2017", "reviewerID": "AMRR732BO8SP3", "asin": "B0006GRNE4", "style": {"Size:": " 8 B(M) US", "Color:": " Brown"}, "reviewerName": "Sallie Haugen", "reviewText": "No soles on these. Straight up leather bottoms. Also they are HUGE. I wear a 9 so I got an 8 but should have got a 7. Hard to take paying $40. Not the shoes I hoped theyd be.", "summary": "No soles", "unixReviewTime": 1511827200} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2017", "reviewerID": "A3TXEMIZQRUQ0J", "asin": "B00067G3E4", "style": {"Color:": " Aqua/Black Leaf"}, "reviewerName": "K. Escobar", "reviewText": "Beautiful colors and soft material. I love it.", "summary": "Five Stars", "unixReviewTime": 1495238400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2017", "reviewerID": "A24RZAA6IVYECJ", "asin": "B0000AFT9F", "style": {"Size:": " 7 B(M) US Women / 5 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "Christina Guadalupe", "reviewText": "Great All Star Converse.", "summary": "Five Stars", "unixReviewTime": 1508457600} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "APJL46M3F19X0", "asin": "B0000AFT9F", "style": {"Size:": " 10 B(M) US Women / 8 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "marie salas", "reviewText": "My daughter loved her Converse.", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "AC5PS63U2KOFO", "asin": "B0007YXRVI", "style": {"Size:": " 46D", "Color:": " Honey"}, "reviewerName": "CW", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "A25L5TM68UOCJA", "asin": "B0002LTCWY", "style": {"Size:": " 5.5 W US", "Color:": " Ice"}, "reviewerName": "B. Garcia", "reviewText": "Nice. Love it", "summary": "Five Stars", "unixReviewTime": 1478131200} +{"reviewerID": "A245YS3WNSO4JJ", "asin": "B0000865II", "reviewerName": "Jodie", "verified": true, "reviewText": "I bought these and they fit too snug and it's a pain to get on. I don't use them and wouldn't buy them again.", "overall": 2.0, "reviewTime": "01 1, 2015", "summary": "It didn't work for me!", "unixReviewTime": 1420070400} +{"overall": 2.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A351KQV6A3KFXB", "asin": "B0006GYLOE", "reviewerName": "CuddleMonkey", "reviewText": "Love the scarf but still can't get the damn smell out :/", "summary": "Two Stars", "unixReviewTime": 1433116800} +{"overall": 4.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A24S3D57NYZ9MN", "asin": "B0002XSXWW", "style": {"Size:": " Large", "Color:": " Clean Green"}, "reviewerName": "adamlol", "reviewText": "It is a great Shirt but the material was different than what I expected. It is still a solid shirt.", "summary": "Great for outdoors but not in the hot heat", "unixReviewTime": 1417132800} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "A35RB6XO33BFBY", "asin": "B00006XXGO", "style": {"Size:": " 10 US Men/12 US Women", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "No issues. Converse.", "summary": "Four Stars", "unixReviewTime": 1517702400} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2011", "reviewerID": "AB1XRIROOFZ3J", "asin": "B000AAJQMS", "style": {"Size:": " 8 B(M) US", "Color:": " Black Patent"}, "reviewerName": "C. Castillo", "reviewText": "HI.i bought this yo my girlfriend. it was a size to small for her. so we return it and got a size bigger. it fit her perfect. she looks sexy int them.", "summary": "Great shoe but run small", "unixReviewTime": 1302134400} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A13NMY0658JTBE", "asin": "B0002M34U4", "style": {"Size:": " 34W x 29L", "Color:": " Rifle Green - Discontinued"}, "reviewerName": "public participation researcher", "reviewText": "Good quality, as I would expect from the manufacturer.", "summary": "Good Quality", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "AFFQO7L0W7QXH", "asin": "B0008EOEO6", "style": {"Size:": " 40W x 34L", "Color:": " Delta"}, "reviewerName": "Igor", "reviewText": "Growth came perfectly. A little cramped at the waist. We must take a 41-42 waist. I like everything. And the color and sewing.", "summary": "Good product", "unixReviewTime": 1402185600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "AV1QPZKCU624E", "asin": "B0002USBB8", "style": {"Size:": " 9 M US", "Color:": " White"}, "reviewerName": "RosieS0527", "reviewText": "Super cute but they run small, my little girl has chubby feet", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3GFGRT5CBUUF8", "asin": "B00024WC8W", "reviewerName": "Carlisle", "reviewText": "A simple design hold well", "summary": "Four Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2017", "reviewerID": "A2SXQQUD80J987", "asin": "B0002MD71U", "reviewerName": "Ashley", "reviewText": "As always, my kids love these shoes. Great fit, durable.", "summary": "my kids love these shoes", "unixReviewTime": 1505520000} +{"overall": 2.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A1XB642MOFAG4Q", "asin": "B000B6A5HG", "style": {"Size:": " XX-Large", "Color:": " New Navy"}, "reviewerName": "gomack51", "reviewText": "body huger,I wear a 2X and it's snug fit with a lot of stretch,but comes back tight after you pull it down,come back up again. I don't think buying a bigger size will help.", "summary": "body huger, I wear a 2X and it's snug ...", "unixReviewTime": 1516838400} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A1RTKZKYWD1134", "asin": "B0009C625G", "style": {"Size:": " 11 5E US", "Color:": " Black"}, "reviewerName": "JerryL", "reviewText": "Found Propet shoes to fit my especially wide feet wonderfully. Very Happy with the several pairs I have purchased thus far.", "summary": "Excellent Product - especially for wide feet, well made,", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AG3Y5X5REQ7XR", "asin": "B0007PAZY4", "style": {"Size:": " 2X", "Color:": " Desert Digital"}, "reviewerName": "BLESS THEE", "reviewText": "PERFECT FIT!!", "summary": "THANK YOU", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "AQ5K3JFG95C53", "asin": "B00075ZYTK", "style": {"Size:": " 3X-Large", "Color:": " True Purple"}, "reviewerName": "Robert H Henne", "reviewText": "Nice shirt, great fit and feel. Material is thicker than the run of the mill while t shirt.", "summary": "Five Stars", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A34SPFZIHHN907", "asin": "B0002MD71U", "reviewerName": "Linda R. Belair", "reviewText": "Great and sturdy shoes for a 1st grader. Will buy more. The toes are constructed to take maximum damage...my GD drags her toes.", "summary": "Like them a lot.", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A3199CF1P6IPTK", "asin": "B0000ANHTD", "style": {"Size:": " 3X Tall", "Color:": " Ash"}, "reviewerName": "Jeannie", "reviewText": "Good quality. Heavier than a typical t-shirt. I thing shrinkage will be minimal.", "summary": "Good quality. Heavier than a typical t-shirt", "unixReviewTime": 1433980800} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A3RQSKYFN6ZQZA", "asin": "B0001TST8U", "style": {"Color:": " Black", "Style:": " S.O.S. Curve"}, "reviewerName": "rjh9967", "reviewText": "Nice fit, non-slip. Easy on the shoulder.", "summary": "Four Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A1FHPPS7RHRLY1", "asin": "B0002TOZ1Y", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "Debi", "reviewText": "Fit great and wash great.", "summary": "Five Stars", "unixReviewTime": 1501286400} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "A21H87BUSXKCO1", "asin": "B0006U695E", "style": {"Size:": " 38W x 34L", "Color:": " Prewashed Indigo"}, "reviewerName": "Orv Schnieder", "reviewText": "Price was right I like the jeans", "summary": "Four Stars", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "A162NVCF8TASZA", "asin": "B0007KL91C", "style": {"Size:": " 13 D(M) US", "Color:": " Mtlc Dark Grey/Mtlc Dark Grey-black"}, "reviewerName": "Works from L.A.", "reviewText": "Great shoe, very comfortable, GREAT cushioned feel. Very stable for anyone who has issues with rolling their ankles when being active and working out.", "summary": "I HAVE 3 PAIRS IN 3 COLORS", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "AR4R0I0ISSUJ5", "asin": "B0009FB2WQ", "style": {"Size:": " Large", "Color:": " Hunter Green"}, "reviewerName": "Woody1", "reviewText": "These shirts are attractive and made from a very heavy cotton material. They are tailored well I expect them to last longer than an oridnary shirt of the same type.", "summary": "Heavy Duty Shirt", "unixReviewTime": 1404777600} +{"overall": 4.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A2BH9N9FI7X10F", "asin": "B0002MGM4O", "style": {"Size:": " Large", "Color:": " Whitened Violet"}, "reviewerName": "J. Cox", "reviewText": "Nice shirt but material is very thin.", "summary": "Four Stars", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2013", "reviewerID": "A1GB3ED4D8ENX7", "asin": "B0000DCS5T", "style": {"Size:": " 12 D(M) US", "Color:": " Dark Tan"}, "reviewerName": "Wanderer", "reviewText": "This is my 5th pair of Billfish. They remain simply the best boat shoes you can buy. Fit is perfect, the look is good, traction on wet surfaces exactly what you want.", "summary": "Still the best", "unixReviewTime": 1368835200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "AP3GS2V0XO7K5", "asin": "B0007CK664", "reviewerName": "Nite", "reviewText": "It really works and cleaned my jewelry very well. Silver and Gold. Some of my older jewelry hadn't been cleaned in years and years, now they look new.", "summary": "Works.", "unixReviewTime": 1363910400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "01 29, 2018", "reviewerID": "AI70CF1AGPPYI", "asin": "B0000ZE6AK", "style": {"Size:": " 2X-Large/9", "Color:": " White"}, "reviewerName": "Jan Osterman", "reviewText": "Not a soft cotton, even after laundrying. The cut of these panties are straight up and down, not made for full figured ladies. Don't know what the word \"Lollipop\" means, but should say \"Stick\" figured.", "summary": "Extremely dissatisfied", "unixReviewTime": 1517184000} +{"overall": 3.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A163RRSJYG71XQ", "asin": "B0006LPK80", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "Gary Austin", "reviewText": "As expected", "summary": "Three Stars", "unixReviewTime": 1484524800} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A3BC8YJ0YAYYZC", "asin": "B0000CBXEI", "reviewerName": "Dianne Adkins", "reviewText": "The suggestions of going one size down is incorrect. I was professionally fitted and it was actually one band size up and TWO cup sizes down. The smooth torsolette looks and holds better than the lace I think.", "summary": "Not as in picture", "unixReviewTime": 1397001600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A2ERXK81FHHVCV", "asin": "B00021NY28", "style": {"Size:": " 10", "Color:": " Black"}, "reviewerName": "GARY WHITE ", "reviewText": "Very good fitting slacks got work", "summary": "Five Stars", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A2GUCL29F9J8VF", "asin": "B00006XXGO", "style": {"Size:": " 10 B(M) US Women / 8 D(M) US Men", "Color:": " Black"}, "reviewerName": "Melchor I.", "reviewText": "i love this shoe", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A23DBVFLMO729M", "asin": "B000A38CZC", "style": {"Size:": " X-Large", "Color:": " Denim"}, "reviewerName": "Amazon Customer", "reviewText": "Old one was large. Bought new xlg. Fits perfect.", "summary": "Fits perfect.", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A1R2F9EGKZGW1Y", "asin": "B0006SCZUE", "style": {"Size:": " Large", "Color:": " Indigo"}, "reviewerName": "Rhonda", "reviewText": "Excellent shirt for welding in and fits great.", "summary": "Excellent work shirt", "unixReviewTime": 1482710400} +{"reviewerID": "A2AKGSVXWH8DTW", "asin": "B0007MFWZ4", "reviewerName": "Brian", "verified": true, "reviewText": "Great looking boots. Not the most comfortable, but I only wear them for nicer occasions so that's to be expected.", "overall": 5.0, "reviewTime": "01 23, 2014", "summary": "Nice boots, not too expensive", "unixReviewTime": 1390435200} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A14NL817WV8P6N", "asin": "B0001N5WMW", "style": {"Size:": " 9 B(M) US", "Color:": " Neutral Gray/Misty Jade"}, "reviewerName": "ROBERT SPENCER", "reviewText": "LOVE THEM", "summary": "Four Stars", "unixReviewTime": 1438128000} +{"reviewerID": "A2OWSUJQD90H3U", "asin": "B00091SSU4", "reviewerName": "Amelio Arroyo", "verified": true, "reviewText": "It was too big", "overall": 2.0, "reviewTime": "10 26, 2014", "summary": "Two Stars", "unixReviewTime": 1414281600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 11, 2013", "reviewerID": "A1ZYUJAES6XMI6", "asin": "B00004U3SS", "reviewerName": "S. Hurt", "reviewText": "It looked good when it didn't flip over. It's not very sturdy, but it helped make the outfit look better.", "summary": "It did the job", "unixReviewTime": 1368230400} +{"reviewerID": "A3DPA3TXGCR5Q6", "asin": "B0007USMFS", "reviewerName": "Ahmad M.", "verified": true, "reviewText": "It's less than ok", "overall": 3.0, "reviewTime": "12 7, 2014", "summary": "Three Stars", "unixReviewTime": 1417910400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81g0gIwYOAL._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": false, "reviewTime": "01 3, 2016", "reviewerID": "A3C6YW8X68F7BH", "asin": "B000B2OFQ2", "style": {"Size:": " 12 M Men's US/13.5 Women's M US", "Color:": " Black/Gray/Gold"}, "reviewerName": "ambitrek", "reviewText": "so light. so comfortable. no break in period for me. :]", "summary": "great everyday shoes. look great.", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A3G1YC5492S1J4", "asin": "B00023JONO", "style": {"Style:": " Silver (16\" Length)"}, "reviewerName": "Mary J Johnson", "reviewText": "Beautiful and not cheap looking. Exactly as shown. Very shiny", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 4.0, "verified": false, "reviewTime": "07 25, 2015", "reviewerID": "A2O3Z9GS0KZY9J", "asin": "B0002MD71U", "reviewerName": "Sierra Daniels", "reviewText": "There a like exact but I love them", "summary": "Four Stars", "unixReviewTime": 1437782400} +{"overall": 4.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A2REDFXLHP55LS", "asin": "B00016QOX0", "style": {"Size:": " 34W x 29L", "Color:": " Rinse"}, "reviewerName": "Liliam Cermeno", "reviewText": "Fit expected, excelent jeans", "summary": "excelent", "unixReviewTime": 1428451200} +{"reviewerID": "A1V9V86CP6QH3U", "asin": "B0002USCE4", "reviewerName": "Prime2007", "verified": true, "reviewText": "Fit as expected. Simple but nice shoes", "overall": 5.0, "reviewTime": "01 3, 2016", "summary": "fits well", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A2R9XMYJND2FAQ", "asin": "B0007YR980", "style": {"Size:": " 42G", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "deary", "reviewText": "Fits as expected", "summary": "Five Stars", "unixReviewTime": 1434153600} +{"overall": 3.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A2U3M0EVC6UUIF", "asin": "B0008GHKKO", "style": {"Size:": " 11 D(M) US", "Color:": " Grey Palm"}, "reviewerName": "A. Napier", "reviewText": "Okay shoe. Started coming apart inside in the toe area in the right shoe. Returned shoe.", "summary": "Good return policy.", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A3NYC3C62I20KL", "asin": "B0009GC7UQ", "style": {"Size:": " X-Large", "Color:": " Maroon"}, "reviewerName": "DaBuff", "reviewText": "It's very well made for this price. Color just as pictured. Fabric nice & soft...not too thick or too thin. Will buy more like this in other colors.", "summary": "Great for the price", "unixReviewTime": 1390348800} +{"overall": 3.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "AHSQ2GX1OJQLP", "asin": "B0001YR54E", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Mark", "reviewText": "i think it would be a good work shirt, but the XL fit more like a 2XL", "summary": "Three Stars", "unixReviewTime": 1491264000} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "AUX4HUFF6DVD6", "asin": "B0000DCS5T", "style": {"Size:": " 11 W US", "Color:": " Dark Tan"}, "reviewerName": "Edwin J. Garcia", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2013", "reviewerID": "A3LFY4UFTV7ON7", "asin": "B00005KJXN", "style": {"Size:": " Standard", "Color:": " Black"}, "reviewerName": "ES", "reviewText": "Used for our performances of the Sound of Music and it was exactly what we all needed for the nuns", "summary": "Perfect", "unixReviewTime": 1380931200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A2KB10KJ3MHJ92", "asin": "B0002XSWR8", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Hawkflyer", "reviewText": "All I wear is Columbia shirts. I like the fit the style and the wearability.", "summary": "GREAT SHIRTS", "unixReviewTime": 1443830400} +{"overall": 2.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A36C2NZOMHSGLA", "asin": "B0009GCCS8", "reviewerName": "Z. Clary", "reviewText": "Not very fashionable at all", "summary": "Baggy and square fit best suited for overweight, older folks", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2017", "reviewerID": "AGBTNOPCDCUJ5", "asin": "B00024QTFO", "style": {"Size:": " 12 EE US", "Color:": " Black Deer Tan"}, "reviewerName": "Ali_R", "reviewText": "I ordered these to replace the same ones my husband has had for two years. Exactly what we expected. Good price and can't beat the prime 2 day shipping.", "summary": "Good boots", "unixReviewTime": 1495843200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A3GCRRKP4GHH91", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "TDZ", "reviewText": "Fits as expected and overall a good value for the money", "summary": "Five Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2014", "reviewerID": "A1DD3X4QUREI7", "asin": "B0007T0ZMM", "style": {"Size:": " 10 D(M) US", "Color:": " Black Suede"}, "reviewerName": "gg", "reviewText": "good color and fit", "summary": "very consistent company", "unixReviewTime": 1413590400} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "AW5ZICPBBCCE8", "asin": "B0007TTT2O", "style": {"Size:": " wide", "Color:": " Black"}, "reviewerName": "Aniri Noslo", "reviewText": "my husband likes them a lot and feels the difference.", "summary": "Five Stars", "unixReviewTime": 1437350400} +{"reviewerID": "A1VBZCXIPKL6SK", "asin": "B000AXVDOO", "reviewerName": "P. Glasco", "verified": true, "reviewText": "Perfect fit! Fast shipping! Excellent product!", "overall": 5.0, "reviewTime": "08 3, 2015", "summary": "excellent", "unixReviewTime": 1438560000} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2013", "reviewerID": "A2FB5WBM1YF15A", "asin": "B0009APJHK", "style": {"Size:": " 8 B(M) US", "Color:": " White Leather"}, "reviewerName": "Kimberly A.", "reviewText": "I ordered an 8 although I normally wear an 81/2 because I know Keds can run a bit wide. They are somewhat wider than they should be, but I still love them and the way they look.", "summary": "Keds - Gotta Love 'Em", "unixReviewTime": 1372982400} +{"reviewerID": "A21QOKN6RXPBYT", "asin": "B0007MFWZ4", "reviewerName": "Bradley D Tucker", "verified": true, "reviewText": "Great looking shoes, but not wide enough for me. Wish they were in wide sizes. I would still suggest them...", "overall": 5.0, "reviewTime": "01 6, 2014", "summary": "Great shoe, but not wide enough...", "unixReviewTime": 1388966400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A32LFW7UMFAPWX", "asin": "B0001YR54E", "style": {"Size:": " Small", "Color:": " Dark Navy"}, "reviewerName": "Carrie L.", "reviewText": "Yup.", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2016", "reviewerID": "A1V9V86CP6QH3U", "asin": "B0002USBB8", "style": {"Size:": " 12.5 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Prime2007", "reviewText": "Fit as expected. Simple but nice shoes", "summary": "fits well", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A33VANLICVHOYB", "asin": "B0009FB2WQ", "style": {"Size:": " X-Large", "Color:": " Hunter Green"}, "reviewerName": "Spanky", "reviewText": "I put somewhat large because that's what I wanted. I like my Tees a little \"roomy\"", "summary": "I like my Tees a little \"roomy\"", "unixReviewTime": 1423785600} +{"overall": 3.0, "verified": false, "reviewTime": "12 1, 2013", "reviewerID": "A250OYGEZKG477", "asin": "B0009MZXOC", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Sailynn", "reviewText": "Wish I'd ordered up to large, but used the fitting reference to find my size. If your size is 9 womens, go to large instead of medium. The medium is tight, especially around the calves. Otherwise nice sock with lots of padding.", "summary": "Tight around the calves", "unixReviewTime": 1385856000} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A3UO86D4HLU3XT", "asin": "B0001YSBOC", "style": {"Size:": " XX-Large", "Color:": " Dark Brown"}, "reviewerName": "Louis F.", "reviewText": "nice", "summary": "nice", "unixReviewTime": 1446768000} +{"overall": 4.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "ARFUQAF36NUFH", "asin": "B0009P3L8E", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Llp65", "reviewText": "cant ware in 4th month for support it runs a bit big should have got a medium", "summary": "Four Stars", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "AOV8XFVJ6ABNS", "asin": "B0007MFW8Q", "style": {"Size:": " 8.5 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Andrew Hirata", "reviewText": "Great shoes to wear with pants or jeans. Size down 1 whole size for a good fit. I'm a 9.5 in Nike shoes but an 8.5 in these desert boots.", "summary": "Size down 1 whole size.", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A198RPM6BX1D3E", "asin": "B0009FB2WQ", "style": {"Size:": " 3X Tall", "Color:": " Port"}, "reviewerName": "David E Shipp", "reviewText": "Quality product as always.", "summary": "Five Stars", "unixReviewTime": 1475020800} +{"reviewerID": "A2B4MCCNAU4CJY", "asin": "B0002USCE4", "reviewerName": "AJ", "verified": true, "reviewText": "exact fit", "overall": 4.0, "reviewTime": "01 27, 2017", "summary": "exact fit", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A3FE7OXSOADZZU", "asin": "B000B5YAPU", "style": {"Size:": " D", "Color:": " Light Toast"}, "reviewerName": "Susan Adams", "reviewText": "Just as the reviews suggested!!! Not to dark, not too red toned! Just right for a Caucasion woman. I'm 5'10 and they fit really well. Nice and semi-opaque. Use them for Wonderwoman and Elsa costume.", "summary": "Nice and semi-opaque", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A1HB9UT7XWVG4W", "asin": "B00061EPFE", "style": {"Size:": " 8 B(M) US", "Color:": " Blue Wing"}, "reviewerName": "E Jean Graham", "reviewText": "I bought this shoe in a store a week before buying these. I find it very comfortable and light weight. i now have four pair. i get compliments all the time when I wear them to exercise at the YMCA.\nThe shoe has support but not if you are a Birkenstock shoe wearer.", "summary": "A must have light weight comfortable shoe.", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A1KXRAKMMVNUG0", "asin": "B0007MFW8Q", "style": {"Size:": " 9.5 D - Medium", "Color:": " Beeswax"}, "reviewerName": "degan3", "reviewText": "Great looking boots.", "summary": "Five Stars", "unixReviewTime": 1443398400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "AEDBZYMUCGFJC", "asin": "B00006XXGO", "style": {"Size:": " 7 B(M) US Women / 5 D(M) US Men", "Color:": " Burgundy"}, "reviewerName": "ImWhereImAt", "reviewText": "I loved the look of this shoe right off the bat. To casually walk around, they're quite comfortable too. They look go good with a bunch of outfits. Great buy:)", "summary": "FLYEST. SHOE. EVER.", "unixReviewTime": 1410307200} +{"overall": 3.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "AJEXCDPRPZ1TR", "asin": "B0001YSBOC", "style": {"Size:": " Large", "Color:": " Sour Apple"}, "reviewerName": "Scottie S", "reviewText": "nice shirt , i take a large in most brands but this was more like an xl , ill try medium next time", "summary": "nice shirt, i take a large in most brands ...", "unixReviewTime": 1487635200} +{"overall": 3.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A3QMVZ5G0KPVF6", "asin": "B0002LTJN6", "style": {"Size:": " 8.5 B(M) US", "Color:": " Navy"}, "reviewerName": "Jenny B", "reviewText": "The shoes have zero support, but I think buyers know this when they buy them.", "summary": "Three Stars", "unixReviewTime": 1477526400} +{"reviewerID": "ALQNPORSDIALC", "asin": "B0001YRFS0", "reviewerName": "GavinSberg", "verified": true, "reviewText": "A nice looking, durable pair of pants. Well worth the price. Takes the fabric a little while to break in and get comfortable.", "overall": 5.0, "reviewTime": "06 11, 2016", "summary": "Great Buy", "unixReviewTime": 1465603200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A1V3EE6URVE76I", "asin": "B0002M13R0", "style": {"Size:": " 11 D(M) US", "Color:": " Black/Grey/Red"}, "reviewerName": "Prime addict :)", "reviewText": "Super lightweight and supportive. I'm over 260 lbs and love my Saucony Trail shoes. Wish they'd keep some of the models longer making them available but that's life....snooze ya lose!", "summary": "Super lightweight and supportive", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A1GTN0XGMILW0J", "asin": "B00005KJXN", "style": {"Size:": " Standard", "Color:": " Black"}, "reviewerName": "Ale E.", "reviewText": "The white thing that goes over your head slips to the front of the dress a lot, but other than that: GREAT costume! Wore it for halloween!", "summary": "GREAT costume! Wore it for halloween", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A25YRNH9C5PU59", "asin": "B0000WL0WA", "style": {"Size:": " 4X Big", "Color:": " Black"}, "reviewerName": "Jason", "reviewText": "It fits well, and feels like it will last years and years.", "summary": "It fits well, and feels like it will last years and years.", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A6LLIIHJ81BE3", "asin": "B00006XXGO", "style": {"Size:": " US Women's 7.5 B(M) / US Men's 5.5 D(M)", "Color:": " Black"}, "reviewerName": "Juan Quintero", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A2NNERXXGBJ7UV", "asin": "B0007TFF4U", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Brown/Orange"}, "reviewerName": "P. Turner", "reviewText": "My son wears these all the time, he can tie shoes but would rather just slip these on. They are holding up great for all the wear and tear he puts them through.", "summary": "They are holding up great for all the wear and tear he puts them ...", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A360LW4UVI1RXK", "asin": "B0007YR980", "style": {"Size:": " 46C", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Patricia Fowler", "reviewText": "Great fit, I was pleasantly surprised and ordered several others. I would recommend to other woman who have trouble finding comfortable and great fitting bras", "summary": "Good", "unixReviewTime": 1403568000} +{"reviewerID": "A2MHZ2LT42RHZU", "asin": "B00099E7B0", "reviewerName": "motown girl", "verified": true, "reviewText": "These ran a little bigger than I anticipated. Additionally, they were not the right kind of sole I was looking for; therefore, I had to return them.", "overall": 4.0, "reviewTime": "09 4, 2017", "summary": "Bummed that I had to return them", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2013", "reviewerID": "A1WJLMBPYU39XW", "asin": "B0008EO5AE", "style": {"Size:": " 12 Long", "Color:": " Premium Dark"}, "reviewerName": "Amazon Customer", "reviewText": "These jeans fit me beautifully and have enough \"give\" to make movement easy. I especially like that these jeans come in tall sizes.", "summary": "My favorite jeans!", "unixReviewTime": 1359331200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2014", "reviewerID": "A3KHSFDR20KW0V", "asin": "B0002LT6RU", "style": {"Size:": " 11 3E US", "Color:": " Black Leather"}, "reviewerName": "Mr John J Seaver Jr", "reviewText": "These dress shoes fit very comfortable.\nBest dress shoes I ever bought online.\nMy friends love the so do I", "summary": "Best dress shoes I ever bought online.", "unixReviewTime": 1399680000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A39HW7NMB7VWWK", "asin": "B0002MFOYS", "style": {"Size:": " 36", "Color:": " Black Matte"}, "reviewerName": "Billy T", "reviewText": "It's definitely a belt.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2018", "reviewerID": "A2BBM2BRT30EB9", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Black"}, "reviewerName": "Royelm", "reviewText": "Love the way they look.", "summary": "Five Stars", "unixReviewTime": 1520640000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "07 20, 2016", "reviewerID": "A2O4P950F6NV5B", "asin": "B0002LY3CS", "reviewerName": "BRUTE", "reviewText": "These are much better and classier than my previous pair from Sebago. Hoping that they would hold up well", "summary": "Much better", "unixReviewTime": 1468972800} +{"overall": 1.0, "verified": false, "reviewTime": "04 18, 2018", "reviewerID": "A2HOS9SO6JL5JR", "asin": "B00006XXGO", "style": {"Size:": " 12 D(M) US", "Color:": " Pink Sapphire"}, "reviewerName": "Nessalove", "reviewText": "The first thing that attracted me to these particular converse is the beautiful bright magenta color. Unfortunately the real color is no where near as bright-it is so dull and dark that it is nearly a maroon. Not to mention the fact that I received the wrong size.", "summary": "Not the color pictured and sent wrong size!", "unixReviewTime": 1524009600} +{"reviewerID": "A3715X1Z4F1ZLE", "asin": "B00007GDDD", "reviewerName": "P Melton", "verified": true, "reviewText": "I bought 4 shoulder wallets. This one is the most organized. The color is not a bright red so it has a soft red color.", "overall": 5.0, "reviewTime": "02 26, 2013", "summary": "The best", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "A2WV7H72VG2T4L", "asin": "B00020BFSE", "style": {"Size:": " Large (10 - 11 M US)", "Color:": " Cedar"}, "reviewerName": "Wise Sage", "reviewText": "Excellent made product; materials are first rate. It fit in the shoe (10.5) easily and removed just as easy. Fit snug and stays put. I am very happy with this. I will buy one every time I purchase leather shoes.", "summary": "High Quality", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2013", "reviewerID": "A1ZGL4C5R5ZAXL", "asin": "B00028B4XW", "style": {"Size:": " 38W x 30L", "Color:": " Charcoal"}, "reviewerName": "Abe M.", "reviewText": "These are a great pair of pants. They are the most comfortable material and look great. I am very pleased with this purchase and will be buying more.", "summary": "Love These Pants", "unixReviewTime": 1363305600} +{"overall": 5.0, "verified": false, "reviewTime": "04 26, 2016", "reviewerID": "A3H8HH4GI32QS", "asin": "B000AYW0M2", "style": {"Color:": " Black/Gold-Tone"}, "reviewerName": "L", "reviewText": "Exactly as pictured.", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A34R5MPQHIUZJM", "asin": "B000A38CZC", "style": {"Size:": " Medium", "Color:": " Vintage Indigo"}, "reviewerName": "MrCapps", "reviewText": "I'm a 42 short... And it fits great... Looks good", "summary": "And it fits great..", "unixReviewTime": 1425772800} +{"overall": 3.0, "verified": true, "reviewTime": "06 4, 2014", "reviewerID": "A1SWIX7AIYW3DY", "asin": "B00006XXGO", "reviewerName": "L Finigan", "reviewText": "I always were a 7.5 in all shoes, dress, casual, etc. These run large - they're great but order 1/2 size down.", "summary": "Order 1/2 size down", "unixReviewTime": 1401840000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A2OCHAKGG77EJR", "asin": "B0009AVS8E", "reviewerName": "minus5", "reviewText": "Love'm, great for work and casual.", "summary": "My Shoes", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2014", "reviewerID": "A1WP3B6RON2HRB", "asin": "B00080FK2U", "style": {"Color:": " Gold/ Grey Green"}, "reviewerName": "Luis Rodriguez", "reviewText": "With all the negative reviews I took my ray bans 3025 62mm to macys and the salesperson compared\nMy ray bans to theirs and they are identical so I was relieved to know that I got real glasses from Amazon!!!", "summary": "Nice!!!!", "unixReviewTime": 1396051200} +{"overall": 2.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A10MDO30JNKH2F", "asin": "B0007YRAP2", "style": {"Size:": " 34DD", "Color:": " White"}, "reviewerName": "Khay", "reviewText": "Was hoping for a modest bra to take with me as a universal backup for travel. I can't imagine clothes what it would make look good, clearly something oversized would be best. It bunches, and just not cute. Just gave it to Salvation Army. I hope it makes someone happy.", "summary": "uh, no.", "unixReviewTime": 1416614400} +{"overall": 2.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A267NRC6SFVYJT", "asin": "B0002LY3CS", "style": {"Size:": " 10 D(M) US", "Color:": " Sahara"}, "reviewerName": "lani", "reviewText": "Not the same as it use to be. Too small/ Too light in color/ threads coming loose/ :(", "summary": "Two Stars", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": false, "reviewTime": "11 5, 2015", "reviewerID": "AFQPCQKEICC1Z", "asin": "B0002LTJN6", "style": {"Size:": " 7.5 B(M) US", "Color:": " Champion Black Canvas"}, "reviewerName": "Em", "reviewText": "Shoe fits perfectly. It looks great. Arrived on time. Well packaged. No problems whatsoever. Neat sneaker that goes well for a casual look.", "summary": "Wonderful shoe", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A3MEUVHTF0S6CK", "asin": "B000ARPN4G", "style": {"Size:": " 11 D(M) US", "Color:": " Navy"}, "reviewerName": "critterlover", "reviewText": "My husband loved these slippers", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "A34UZ7WA8MSLLK", "asin": "B0009GFMM6", "style": {"Size:": " Big Boys", "Color:": " True Red"}, "reviewerName": "Amazon Customer", "reviewText": "love", "summary": "Five Stars", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2KME87DC1GO2F", "asin": "B0007U7NHG", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "spaceman", "reviewText": "I have been wearing rainbow sandals for years, you won't find a better flip flop. Well worth the price, they last me well over a year and I wear them everyday.", "summary": "you won't find a better flip flop", "unixReviewTime": 1479686400} +{"reviewerID": "ACHEPEYUNP6FK", "asin": "B00028AZ6E", "reviewerName": "Douglas T. Sikora", "verified": true, "reviewText": "If you worn dickies you should know if you wear a 34 perfect get a 36 especially if you actually work or skate in them", "overall": 5.0, "reviewTime": "02 19, 2016", "summary": "Go one up in size for comfort", "unixReviewTime": 1455840000} +{"overall": 4.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A185EK4BKNEOQ0", "asin": "B0000WL750", "style": {"Size:": " 36W x 32L", "Color:": " Denim"}, "reviewerName": "Old Ma", "reviewText": "nice but suspenders do not adjust all the way", "summary": "Four Stars", "unixReviewTime": 1458432000} +{"reviewerID": "AKCQLRKXH93O4", "asin": "B0009GEFPQ", "reviewerName": "JP", "verified": true, "reviewText": "I ordered the black in a size large. The shirt is somewhat large but that it fine. It is 100% cotton and will shrink down to the right size in the wash. Bought for my fiance who is picky about his shirts and we will most likely be buying more.", "overall": 5.0, "reviewTime": "02 5, 2018", "summary": "The shirt is somewhat large but that it fine. It is 100% cotton and will shrink down ...", "unixReviewTime": 1517788800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A3FS4OHUKEPWM6", "asin": "B0007PN9XI", "style": {"Size:": " 11 D(M) US", "Color:": " Black/Running White"}, "reviewerName": "Karl Jahrsdoerfer", "reviewText": "Great shoe", "summary": "great", "unixReviewTime": 1421539200} +{"reviewerID": "A3D0PFDSR36WS1", "asin": "B0007MFWZ4", "reviewerName": "Oliver", "verified": true, "reviewText": "Clarks are the best boots, they're the perfect pair of shoes if you need something a bit nicer than sneakers. Grey leather is the best color in my opinion.", "overall": 5.0, "reviewTime": "10 21, 2012", "summary": "Awesome", "unixReviewTime": 1350777600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "AST6FFXXT7NJ3", "asin": "B000B55AFE", "reviewerName": "benjamin champlin", "reviewText": "bought one in the desert and love a simple yet durable watch", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 2.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A3UTL2RIZSUG9V", "asin": "B0006U695E", "style": {"Size:": " 33W x 30L", "Color:": " Navy"}, "reviewerName": "Jeff W. Jones", "reviewText": "great jeans, incorrect waist", "summary": "waist size incorrect", "unixReviewTime": 1417910400} +{"reviewerID": "A3PD9BA7TX95S", "asin": "B0002USCE4", "reviewerName": "Shannon M.", "verified": true, "reviewText": "These are fantastic little shoes for toddler dance. I bought them for my 3 year old, and they are sturdy and cute. They seem to run very true to size. She is a 9 1/2 right now. I ordered her a 10 and they fit great with some room to grow.", "overall": 5.0, "reviewTime": "10 14, 2013", "summary": "Fantastic for Toddler Dance", "unixReviewTime": 1381708800} +{"overall": 4.0, "verified": true, "reviewTime": "05 25, 2017", "reviewerID": "A174P15GRWH7ZT", "asin": "B000AL4AT6", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Jon", "reviewText": "Nice polo, not sure its worth 50 bucks, but its a nice, comfy shirt. Wearing it right now.", "summary": "Four Stars", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A2OF6P766TZRS9", "asin": "B00007FFL9", "style": {"Size:": " 8"}, "reviewerName": "bonnie", "reviewText": "I like it, exactly what I expected, size fits , color is right , simple style, nothing more to it .", "summary": "I like it", "unixReviewTime": 1388534400} +{"reviewerID": "AV6WERYWDWSLC", "asin": "B000A3I3PQ", "reviewerName": "Wael", "verified": true, "reviewText": "I just love it", "overall": 4.0, "reviewTime": "09 13, 2015", "summary": "Four Stars", "unixReviewTime": 1442102400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 4, 2010", "reviewerID": "A22PHLZIPKATPK", "asin": "B0000868IP", "style": {"Size:": " 44DDD", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Scheherazada", "reviewText": "I had tried this bra in a department store and knew it had a great fit so I decided to shop for it from Amazon.", "summary": "Bali Bra is just right", "unixReviewTime": 1280880000} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "AIAPVQUFETB54", "asin": "B0002UD48S", "style": {"Size:": " Big Boys", "Color:": " Dark Navy"}, "reviewerName": "ron", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2013", "reviewerID": "AGNX2FEA49L0L", "asin": "B0009AZU0G", "style": {"Size:": " 42 M EU / 11-11.5 B(M)US Women / 9-9.5 B(M)US Men", "Color:": " Mocha Birkibuc"}, "reviewerName": "Carolyn A Labriola", "reviewText": "I LOVE THE PRODUCT, THE FIT, THE QUALITY AND THE FACT THAT IT IS A GERMAN PRODUCT, WHICH MEANS QUALITY.", "summary": "AMAZON", "unixReviewTime": 1369353600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A1AGDUM5DHIOVT", "asin": "B000A38CZC", "style": {"Size:": " XX-Large", "Color:": " Vintage Indigo"}, "reviewerName": "DHinFL", "reviewText": "It's a denim jacket and it works. Good fit. Good look. No complaints.", "summary": "It's a jacket and it works.", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A3DN6FRAJN0QN5", "asin": "B0006UD6PK", "style": {"Size:": " X-Large", "Color:": " Brown"}, "reviewerName": "Brusky 1995", "reviewText": "Love it. Super comfortable. Looks great. I'm going to buy it in 3 other colors", "summary": "Great belt", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A1JT0A9G9YOOPY", "asin": "B0002TOR3U", "style": {"Size:": " 9-11 (Shoe Size 6-9)", "Color:": " Black"}, "reviewerName": "techie-girl", "reviewText": "Nice socks", "summary": "Socks", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A209NPLG5SGPOX", "asin": "B0000AFT9F", "style": {"Size:": " 6 B(M)", "Color:": " Black/Black"}, "reviewerName": "Mitzeli Garcia", "reviewText": "Fit was perfect... I got the same size of my old converse and they fit exactly as they should", "summary": "Fit was perfect..", "unixReviewTime": 1469750400} +{"reviewerID": "A27CZ7DUH57T4J", "asin": "B0006TVYR8", "reviewerName": "theodore lindner", "verified": true, "reviewText": "fits great and looks terrific too great quality and very durable", "overall": 5.0, "reviewTime": "01 17, 2015", "summary": "Five Stars", "unixReviewTime": 1421452800} +{"overall": 2.0, "verified": false, "reviewTime": "07 28, 2014", "reviewerID": "A1S8IUDGOKLGGA", "asin": "B00028B4XW", "style": {"Size:": " 36W x 30L", "Color:": " Charcoal"}, "reviewerName": "Jeff", "reviewText": "Material fades quickly", "summary": "Two Stars", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": false, "reviewTime": "11 28, 2016", "reviewerID": "A2KGCDPG9138SB", "asin": "B000AYSH2E", "style": {"Color:": " Silver-Tone"}, "reviewerName": "LTH", "reviewText": "Bought this for my dad who is having motor control issues. The elastic band was easy for him. The numbers are big and clear so easy to see. He loves it.", "summary": "Great product for the price.", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A1UJF8FE3FGKB6", "asin": "B00099D6F8", "style": {"Size:": " 8 B(M) US", "Color:": " Silver"}, "reviewerName": "Laura", "reviewText": "Very comfortable and versatile. Excellent price for these shoes!", "summary": "Five Stars", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A1887IO6R8EJK4", "asin": "B000AY3I46", "style": {"Size:": " L-XL", "Color:": " Black"}, "reviewerName": "Lisa Marsella", "reviewText": "Love it !", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A1RHYHKESFCTED", "asin": "B0009G3QH4", "style": {"Size:": " XXX-Large", "Color:": " Deep Navy"}, "reviewerName": "Jason", "reviewText": "light weight, worked pretty good for what I needed.", "summary": "worked pretty good for what I needed", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "ANTE8MPHQVUT5", "asin": "B00075ZYTK", "style": {"Size:": " XX-Large", "Color:": " Royal Blue"}, "reviewerName": "LadyFire_Ice", "reviewText": "Matches the uniform perfectly.", "summary": "Five Stars", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1YQ7KJK9MHF60", "asin": "B0002USBB8", "style": {"Size:": " 2.5 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Hilary", "reviewText": "Ordered half a size up based on reviews. Fit loose at first but better when the laces were tightened. Nice ballet slippers. Nice color, not too pink.", "summary": "Fit loose at first but better when the laces were tightened", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "A1ACJ516JD1BMD", "asin": "B0009STNQA", "reviewerName": "Mike", "reviewText": "What else can I say? It works like shoe horns have since shoe horns have been around. Makes the foot go in the shoe.", "summary": "It's a shoe horn on a stick", "unixReviewTime": 1400803200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2012", "reviewerID": "A2IT3JOKN6U5KH", "asin": "B00020BFSE", "style": {"Size:": " Medium (8 - 9.5 M US)", "Color:": " Cedar"}, "reviewerName": "Sewconsult", "reviewText": "THis was a gift for my nephew, so if they are working well, I can't really say. They were sturdy and good quality for the price. They were boxed and shipped well and in a timely manner from the company that handled the sale.", "summary": "Shoe tree review", "unixReviewTime": 1329609600} +{"overall": 3.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "ASH5RRL0M19Z1", "asin": "B0000CBALZ", "style": {"Size:": " 34W x 30L", "Color:": " Vintage Indigo"}, "reviewerName": "Cindy", "reviewText": "It seems like they must have been mismarked.", "summary": "Three Stars", "unixReviewTime": 1460937600} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3AZ818HI78H4D", "asin": "B00062NFGI", "style": {"Size:": " 40", "Color:": " White"}, "reviewerName": "HDH", "reviewText": "Good quality product, more like a mid-rise fit, not full-rise.", "summary": "Four Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "A34A0HL5FACYNL", "asin": "B0009G5V0E", "style": {"Size:": " Small", "Color:": " Purple"}, "reviewerName": "Era", "reviewText": "Great quality, very soft and warm! Gets a lot of use in in the winter.", "summary": "Five Stars", "unixReviewTime": 1490659200} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A22W5153STVNB8", "asin": "B0009XDAH8", "style": {"Size:": " 2", "Color:": " Canteen Green"}, "reviewerName": "H. Yonuss", "reviewText": "Fits comfortably, color is hard to get use too", "summary": "Lots of pockets", "unixReviewTime": 1471910400} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "A2FHNEX9QAS5SB", "asin": "B000B234K0", "style": {"Size:": " 11 D(M) US", "Color:": " Black"}, "reviewerName": "Eric N.", "reviewText": "very comfortable / not real stylish but a nice fitting comfortable leather shoe", "summary": "Four Stars", "unixReviewTime": 1524700800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1A1LFZ2PBM5YQ", "asin": "B0009GCQP2", "style": {"Size:": " XX-Large", "Color:": " White"}, "reviewerName": "Beeker", "reviewText": "Awesome shirts!! I have bought them before and hope to keep buying them in the future when it is needed. Thye leave plenty of arm length material and torso material so they do not come untucked.", "summary": "Great long sleeve shirt", "unixReviewTime": 1432944000} +{"reviewerID": "A1O09V5Y8NH4K3", "asin": "B0000865II", "reviewerName": "Dfm6449", "verified": true, "reviewText": "These nylons, I got, petite queen and am 5feet 3inches. They are not to long but cover the back end. Good fit", "overall": 5.0, "reviewTime": "06 5, 2017", "summary": "Good Fit", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A3M0YRM1HTRUGR", "asin": "B0000ANHTD", "style": {"Size:": " 3X Tall", "Color:": " Navy"}, "reviewerName": "allen w pitts", "reviewText": "good stuff", "summary": "Five Stars", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "AVVQVA12JSJTZ", "asin": "B0000A1REB", "style": {"Size:": " 10 D(M) US", "Color:": " Black London Calf"}, "reviewerName": "Billy Sanchez", "reviewText": "Great Material", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A26HJYRBLV9R5C", "asin": "B0007PRMTA", "style": {"Size:": " Medium", "Color:": " Forest Green"}, "reviewerName": "severo steve alvarez", "reviewText": "review could not be posted.", "summary": "got it fast", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A2L6U6X7326YDO", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Port"}, "reviewerName": "Elizabeth J Cordes", "reviewText": "Made my husband very happy as I had spilled something on his other one and it was now stained!", "summary": "Five Stars", "unixReviewTime": 1508803200} +{"reviewerID": "A1Z78PFFQRYSSJ", "asin": "B0002MM4JG", "reviewerName": "Pablo Sebastian Salguero", "verified": true, "reviewText": "Ecellent Great Quality", "overall": 5.0, "reviewTime": "11 25, 2015", "summary": "Five Stars", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "ARRQKXDMTXUYW", "asin": "B00007IZHM", "style": {"Size:": " C/D", "Color:": " Off Black"}, "reviewerName": "SB", "reviewText": "Love these; very durable, fit as expected, look great and feel amazing. Will definitely order again.", "summary": "Great value", "unixReviewTime": 1483315200} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "AFT8LAJCGTCOB", "asin": "B00028B4XW", "style": {"Size:": " 38W x 32L", "Color:": " Black"}, "reviewerName": "rob linnell", "reviewText": "Good quality pants but typical dickies cut for mannaquins with no curves.", "summary": "Four Stars", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": false, "reviewTime": "01 1, 2015", "reviewerID": "A1O88GN5RM5CKH", "asin": "B0000WL3CW", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "Michael", "reviewText": "Im 5'8\" 165 lbs Medium fits me pretty good. sleeves feel a little long however I think that's the way its designed to fit.", "summary": "Nice Jacket", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A2U32T2TXYY5PF", "asin": "B0009OOCCY", "style": {"Size:": " One Size"}, "reviewerName": "C. Lawrence", "reviewText": "My son loves this case. Good quality, definitely cool looking and protects the sunglasses well.", "summary": "Great looking, quality protection", "unixReviewTime": 1475193600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A3SK52EMDXIUKN", "asin": "B000A38CZC", "style": {"Size:": " 3X-Large", "Color:": " Antique Indigo"}, "reviewerName": "Spicy McHaggis", "reviewText": "I love this jacket. Its durable, comfortable, and provides just enough warmth on a cool day. the inner pockets are quite spacious and easy to get to.", "summary": "Love it.", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A380Q0Z3BQQ173", "asin": "B000B0J9HE", "style": {"Size:": " 4T", "Color:": " Hot Pink"}, "reviewerName": "Heidi S.", "reviewText": "These are so cute! Girls loved them and they got tons of attention at the hospital when they were visiting their newborn sister.", "summary": "Girls loved them and they got tons of attention at the ...", "unixReviewTime": 1506556800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A3QFYQOFHHDSIT", "asin": "B000AGYEPG", "style": {"Size:": " 13 W US", "Color:": " Black"}, "reviewerName": "Milagros", "reviewText": "Great comfort .", "summary": "My son adores his shoes for work.", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A1QM17YHNX8VL0", "asin": "B00006XXGO", "reviewerName": "Ruby Valentine", "reviewText": "Bought these for my teen, she was so happy to have converse again she wears them with jeans, shorts she is very happy.", "summary": "yeeayy", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A2OUMQPSI76IKI", "asin": "B0009GE2TK", "style": {"Size:": " Medium", "Color:": " Blue Triblend"}, "reviewerName": "Jeanne", "reviewText": "Soft, snuggly, warm. I live near the ocean and this top is my go-to for cool early mornings.", "summary": "I live near the ocean and this top is my go-to for cool early mornings", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A2MZ4BT2RE6U6X", "asin": "B0007LIA18", "style": {"Size:": " 9.5 D(M) US", "Color:": " Black Leather"}, "reviewerName": "Tyrone Doughty", "reviewText": "All I have to say about these shoes is that,THEY ARE A THING OF BEAUTY! The picture doesen't do them justice. You must get yourself a pair.", "summary": "Hi Top Leather Converse All Star", "unixReviewTime": 1386547200} +{"overall": 3.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A1US2ZO0SLQ4AP", "asin": "B0002LTJN6", "style": {"Size:": " 8.5 B(M) US", "Color:": " Black/Black"}, "reviewerName": "Sally", "reviewText": "The all black look was to much. The shoe needed more interest to it . It also fit just a tad bit small.", "summary": "Too Black", "unixReviewTime": 1384387200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A300DS7L85EPT5", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "P G Olach", "reviewText": "been a Gold Toe fan for many years. . .", "summary": "Great Socks", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2017", "reviewerID": "A1QDD12FZGO3UB", "asin": "B00006XXGO", "style": {"Size:": " 8 B(M) US Women / 6 D(M) US Men", "Color:": " Black"}, "reviewerName": "Christi Erbe", "reviewText": "Love them. First time ever with Chucks and I couldn't be happier", "summary": "Love Them", "unixReviewTime": 1502236800} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A3H5CGL3S3F8PS", "asin": "B0009M968G", "style": {"Size:": " 8.5 B(M) US", "Color:": " Distressed Tan"}, "reviewerName": "Charnea", "reviewText": "These are seriously so cute and the fit was perfect for me! I was a little concerned they may be a little small but they were great! The come with the perfect amount of \"Slouch\" in the calf and the color is very nice! Cant wait to wear them all summer!", "summary": "So cute, Fit exactly as I expected!", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2018", "reviewerID": "A29PK64RW2TX87", "asin": "B0007YRAP2", "style": {"Size:": " 42DD", "Color:": " Natural Beige"}, "reviewerName": "Lucy Compean", "reviewText": "mom won't try any other product", "summary": "Five Stars", "unixReviewTime": 1521072000} +{"overall": 3.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "ABJKB1IEIWKB3", "asin": "B0009STNQA", "reviewerName": "rick", "reviewText": "does the job but the metal shoe horn is sorta cheap and bends often.", "summary": "so so", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A2GONXVZBKXPIK", "asin": "B0002MBFI2", "style": {"Size:": " 12 D(M) US", "Color:": " Black/Amaretto"}, "reviewerName": "Philip R Lail", "reviewText": "perfect for the office or a night out on the town", "summary": "most comfortable dress shoes I have owned", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "AOSWPBQKHTH9Q", "asin": "B000163G8G", "style": {"Size:": " 34B", "Color:": " Black"}, "reviewerName": "Zheng Yi", "reviewText": "excellent!", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2017", "reviewerID": "A2K4TCN7A3VLI8", "asin": "B0007YVUVC", "style": {"Size:": " Large", "Color:": " Black/Toasted Almond/Animal Swirl Print/Vanilla"}, "reviewerName": "Annie", "reviewText": "Fit perfect and no wedgies ever!", "summary": "Five Stars", "unixReviewTime": 1500076800} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2017", "reviewerID": "A2TVBD3A3GMU4T", "asin": "B00030B20Y", "style": {"Size:": " X-Large", "Color:": " Cognac"}, "reviewerName": "Mygo", "reviewText": "Different shape than others I have purchased, it will do nicely", "summary": "Four Stars", "unixReviewTime": 1504742400} +{"overall": 4.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A3PPVBVX687NEY", "asin": "B000B2LP6U", "style": {"Size:": " 10 D(M) US", "Color:": " Chestnut Lariat"}, "reviewerName": "jonshep", "reviewText": "Very nice driving mocs, well made and comfortable. Can be worn indoors or out. Somewhat tight but expect them to loosen up soon with wear.", "summary": "Very nice driving mocs", "unixReviewTime": 1440892800} +{"reviewerID": "AFYTMVSBLLOJH", "asin": "B00028AZ6E", "reviewerName": "Phil Rock", "verified": true, "reviewText": "I have 4 or 5 pairs of these pants. They are inexpensive, hold up, and come in a variety of colors.", "overall": 5.0, "reviewTime": "01 23, 2017", "summary": "Great pants", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A291K90ORH1AIE", "asin": "B000072US4", "style": {"Size:": " 10.5 US Men/12.5 US Women", "Color:": " Navy"}, "reviewerName": "Midge", "reviewText": "My hubby loves these shoes! :)", "summary": "Classic style and comfortable", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "ADXBSFT4M34OV", "asin": "B0008EOJBE", "style": {"Size:": " 22W", "Color:": " Pepperstone Stretch"}, "reviewerName": "S. Bellamy", "reviewText": "These jeans fit very well and are comfortable. I am very happy with this purchase.", "summary": "Comfortable and good fit", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A17XOSXI7LSF42", "asin": "B00023JQIM", "style": {"Length:": " 24.00"}, "reviewerName": "Susan Payne Green", "reviewText": "Nice chain. I switch my necklaces around to put on this chain. Thank you.", "summary": "Several great uses.", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2FIN2CEM4AO8D", "asin": "B0007YR980", "style": {"Size:": " 40D", "Color:": " Black", "Number of Items:": " 1"}, "reviewerName": "fatimah", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "AD8BIIRJZBRWV", "asin": "B0009X0RQA", "style": {"Color:": " Brown"}, "reviewerName": "Hasani Gough", "reviewText": "Great' He loved it. I bought for our Security Guard @ work who has to buy everything to work for this company.", "summary": "He Loved It", "unixReviewTime": 1416873600} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A2TC9W0X3X209H", "asin": "B0000891JE", "style": {"Size:": " A/B", "Color:": " Gentle Brown"}, "reviewerName": "Rosalind", "reviewText": "Love the feel and fit but the color choices are very limited.", "summary": "Nice", "unixReviewTime": 1470700800} +{"overall": 3.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A2UTAIG61U9NA3", "asin": "B0007YR980", "style": {"Size:": " 48DDD", "Color:": " Toffee", "Number of Items:": " 1"}, "reviewerName": "Crystal", "reviewText": "I bought two more.....it's okay", "summary": "Three Stars", "unixReviewTime": 1493164800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A1CWYHA4GXHB7E", "asin": "B0002LTJN6", "style": {"Size:": " 9 B(M) US", "Color:": " Navy"}, "reviewerName": "Caryl Myers", "reviewText": "love keds wear them all day long..........", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A3KTF2BVAV3Z6F", "asin": "B0007VTQ02", "style": {"Size:": " 9 B(M) US", "Color:": " Black"}, "reviewerName": "REDPAINT", "reviewText": "Fun to wear.", "summary": "Five Stars", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A6NU92HC5GB9W", "asin": "B0007SUEYC", "style": {"Size:": " 5 B(M) US", "Color:": " Pink"}, "reviewerName": "hicky23", "reviewText": "good!!good!!good!!", "summary": "Five Stars", "unixReviewTime": 1418515200} +{"overall": 4.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "AOSXZ5C4ANP7O", "asin": "B0009APJHK", "style": {"Size:": " 10 B(M) US", "Color:": " White Leather"}, "reviewerName": "terrylee", "reviewText": "Comfy shoes. Need an arch support insert with them but other than that ~ they fit as expected. Have gotten a lot of wear out of them. Holding up nicely. Thanks.", "summary": "Holding up nicely. Thanks", "unixReviewTime": 1465689600} +{"reviewerID": "A1XOLDTF3AOX63", "asin": "B00091SSU4", "reviewerName": "BelartTheIlliterateReviewer", "verified": true, "reviewText": "Bigger than I thought they'd be.", "overall": 3.0, "reviewTime": "12 18, 2017", "summary": "Good material but ...", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A1VTCY38843XAV", "asin": "B000B24UPI", "style": {"Size:": " 11 B(M) US", "Color:": " White Leather"}, "reviewerName": "James Gardner", "reviewText": "Great, just like they said.", "summary": "Five Stars", "unixReviewTime": 1476748800} +{"reviewerID": "ABGAMLLNM9VUW", "asin": "B0001YRFS0", "reviewerName": "Gary Boyers", "verified": true, "reviewText": "I work around dirt and oil. These pants are all I could ask for. They wear well and don't shrink after washing and drying.", "overall": 5.0, "reviewTime": "04 6, 2018", "summary": "Excellent work pants.", "unixReviewTime": 1522972800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "AL8HAL82BGDD7", "asin": "B0007SUEYC", "style": {"Size:": " 7.5 C/D US", "Color:": " Grey"}, "reviewerName": "Jessica", "reviewText": "Very soft and comfortable <3\nthe sides are weak but I've only wore them twice so far but they are beautiful maybe just not a all day shoe", "summary": "Very soft and comfortable <3 the sides are weak but I've only wore ...", "unixReviewTime": 1502064000} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A261DR3OLGQ99K", "asin": "B0002A6SUE", "style": {"Size:": " 44W x 30L", "Color:": " Dark Pebble (Stretch)"}, "reviewerName": "Radio Guy", "reviewText": "Feels good and looks pretty good after that first washing.", "summary": "Nice Look, Feels Good!", "unixReviewTime": 1504483200} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2011", "reviewerID": "A2ZGA89FE61NFO", "asin": "B000798IGC", "style": {"Size:": " X-Large", "Color:": " Woodland Camo"}, "reviewerName": "WWCitizen", "reviewText": "Fir just right like I had hoped. They look a little more worn than I expected, but that's very cool. Spot on, actually.", "summary": "Good shorts.", "unixReviewTime": 1319673600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A2TG9Y3Y6LHVXY", "asin": "B0000Y5T7U", "style": {"Size:": " Plus", "Color:": " Nude"}, "reviewerName": "DeAnne McCollum", "reviewText": "very nice stockings", "summary": "Five Stars", "unixReviewTime": 1453852800} +{"overall": 4.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A2E3PWIREIM8LN", "asin": "B00028B4XW", "style": {"Size:": " 33W x 32L", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "These are snug in the waist but tolerable. Length was as expected.", "summary": "A Scootch Small in the Waist", "unixReviewTime": 1441670400} +{"reviewerID": "A3LYLCMEZV44TK", "asin": "B0001YRFS0", "reviewerName": "Rinnger", "verified": true, "reviewText": "I like the color, and wear them often. They do run a little large, but that's okay. They're made of a tough material, which I like.", "overall": 4.0, "reviewTime": "11 4, 2013", "summary": "Nice but a little large", "unixReviewTime": 1383523200} +{"reviewerID": "A25F46LSUTLS4E", "asin": "B0002USCE4", "reviewerName": "Chicagolady", "verified": true, "reviewText": "my daughter wears street size 61/2 and I have to order 71/2 for her. The quality of the shoes is fine. Soft to her little feet.", "overall": 4.0, "reviewTime": "01 14, 2013", "summary": "have to order a size up", "unixReviewTime": 1358121600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "A35BUWCJ19Q9KV", "asin": "B00024QR60", "style": {"Size:": " 7 B(M) US", "Color:": " Taupe"}, "reviewerName": "dizzymary", "reviewText": "I have never purchased this boot before and I love them, would purchase again", "summary": "Five Stars", "unixReviewTime": 1477267200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A2B5PJ5A5UHG4F", "asin": "B000A0LRCK", "style": {"Size:": " Big Girls", "Color:": " Caramel"}, "reviewerName": "teme", "reviewText": "These are the required tights at my daughter's dance studio. They are great. No issues with running, snagging, or pilling. I machine wash cold and hang dry.\nThey are soft and really hold their shape.\nMy daughter is very picky about clothing, and she really likes these.", "summary": "Great Tights", "unixReviewTime": 1418688000} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "A1HCQ0A4QK71J3", "asin": "B0000TW41Y", "style": {"Size:": " 38W x 30L", "Color:": " Carhartt Brown"}, "reviewerName": "Amazon Customer", "reviewText": "As with all Carhartt pants you better order them big... They shrink .", "summary": "Four Stars", "unixReviewTime": 1517702400} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "ANL3ZUT9B47BB", "asin": "B0000865JR", "style": {"Size:": " 1X-2X", "Color:": " Fantasy Black"}, "reviewerName": "Christine B.", "reviewText": "I have long legs and had to really stretch them out to make them fit", "summary": "Four Stars", "unixReviewTime": 1444694400} +{"overall": 1.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "A2CQXATTEW2EI2", "asin": "B00006XXGO", "reviewerName": "Kim Guerra", "reviewText": "Converse are not true to size. They are about 1.5 sizes to big. Not to mention they sent me the wrong size in the first place.", "summary": "Disappointed", "unixReviewTime": 1388188800} +{"overall": 4.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A239YJ5HSGLV5M", "asin": "B0006MY4EU", "style": {"Size:": " Medium-6.5/7.5", "Color:": " Black"}, "reviewerName": "Bobnpdx", "reviewText": "Runs but small!", "summary": "Four Stars", "unixReviewTime": 1433980800} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A24BZX6LBWYGDZ", "asin": "B0007TTT2O", "style": {"Size:": " wide", "Color:": " Honey"}, "reviewerName": "Bian Jun", "reviewText": "GOOD!", "summary": "Four Stars", "unixReviewTime": 1429228800} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A30899VHQPDS7W", "asin": "B0000A51F0", "style": {"Size:": " 8.5 E US", "Color:": " White"}, "reviewerName": "miranda s. mourning", "reviewText": "Great Buy . thanks", "summary": "Four Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2013", "reviewerID": "A2DDAT3WN8F4FT", "asin": "B0007TTT2O", "style": {"Size:": " standard", "Color:": " Dark Brown"}, "reviewerName": "Missy", "reviewText": "We bought these for our son so that he could work maintenance at a camp. They held up well and kept his feet dry and protected.", "summary": "Fantastic product", "unixReviewTime": 1380326400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2012", "reviewerID": "A29ZYTS0WDA61", "asin": "B00006XXGO", "reviewerName": "Bob Wire", "reviewText": "Great old school shoes for summer! They are fun to wear and I get a lot of positive responses from people.", "summary": "Chuck Taylor Hi Tops", "unixReviewTime": 1340496000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2014", "reviewerID": "A3FAA4O2FZ4OB", "asin": "B0002NYUE2", "style": {"Size:": " Medium", "Color:": " Cyber Pink"}, "reviewerName": "GINAGINA", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "AKW87R9XIJADE", "asin": "B00016QOX0", "style": {"Size:": " 36W x 32L", "Color:": " Rinse"}, "reviewerName": "angela womack", "reviewText": "These are always been some good jeans and been around for a long time i purchase these for my little brother he's 17 and he loves them thanks will purchase again.", "summary": "Great jeans", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A38FL38B9LZXH4", "asin": "B0002NYVV4", "reviewerName": "DORIS K. OTTEN", "reviewText": "my husband loved it", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A2FZ02CCWTHIVA", "asin": "B0002PO16W", "style": {"Size:": " Small / Medium", "Color:": " Ballet Pink"}, "reviewerName": "Kindle Customer", "reviewText": "These last a long time for my ballerina. Yes, she can get runs, but she has had two pairs that have lasted an entire year with twice weekly 75 minutes lessons with no runs. The price on Amazon is better than the local dance shop.", "summary": "Last a long time", "unixReviewTime": 1435104000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A2GRL9U0WY2LO3", "asin": "B0007TFF4U", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Navy/Pink"}, "reviewerName": "V. Wagoner", "reviewText": "This is the 4th year in a row we have bought this Merrell shoe. Wears great, easy for children to put on/off independently.", "summary": "Easy on/off for children of all ages.", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A1S76SJ2AS1G07", "asin": "B000A3BUG0", "style": {"Size:": " 5"}, "reviewerName": "Carla Lathrop", "reviewText": "Very pretty little ring, perfect pinkey ring. The blue stone is a nice color blue,, the sterling is well done. Would be a wonderful present for a child it is dainty but not cheesey feeling. Love it.!!", "summary": "Very pretty little ring", "unixReviewTime": 1414886400} +{"overall": 1.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "A144LFXY8SK97S", "asin": "B0007YXRVI", "style": {"Size:": " 54D", "Color:": " White"}, "reviewerName": "carol ford", "reviewText": "Omg...you can literally put 2 women in the bras. These things are HUGE.", "summary": "Crazy sizing", "unixReviewTime": 1515024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A2WY0K0BFEZESQ", "asin": "B0002LYEJK", "reviewerName": "Andrey", "reviewText": "Simple, light, casual and good looking. Recommended with any casual suit.", "summary": "Simple, light, casual and good looking", "unixReviewTime": 1429142400} +{"reviewerID": "A351DJ2RXJ1PLY", "asin": "B0006U68Z0", "reviewerName": "Edgar Arias", "verified": true, "reviewText": "Pequeños", "overall": 1.0, "reviewTime": "12 30, 2014", "summary": "One Star", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2008", "reviewerID": "AKA0ZLEBKUXRT", "asin": "B0007NI1QK", "reviewerName": "MelissaS", "reviewText": "Beautiful earrings for a great price!\nGreat for a night out or a casual every day look.\nLove them....", "summary": "Crystal Earrings", "unixReviewTime": 1225584000} +{"overall": 5.0, "verified": false, "reviewTime": "06 17, 2015", "reviewerID": "AOLI5J3VKVHHP", "asin": "B0009787TA", "reviewerName": "p la", "reviewText": "These have been my every day shoes for 8 years, and they're still in great shape. Easily my favorite shoes.", "summary": "and they're still in great shape. Easily my favorite shoes", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A35I0WF01CTVW6", "asin": "B0007YXRVI", "style": {"Size:": " 52DDD", "Color:": " Honey"}, "reviewerName": "AnneM", "reviewText": "I love this bra. So much so that I have been wearing it every day. yes, it is a bit large, but only because should have ordered 1 size smaller. I plan to order a couple more of these as soon as I get paid.", "summary": "I love this bra", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2018", "reviewerID": "A1NQEJOF14GV0F", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Eanna", "reviewText": "For my better half... he likes them.", "summary": "Five Stars", "unixReviewTime": 1524960000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A2UTW1EHN2CLXO", "asin": "B000AYW0M2", "style": {"Color:": " Honey Brown/Gold-Tone"}, "reviewerName": "deane scoggins", "reviewText": "Love Timex with dial that lights up.", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A9GSOM4T2VAI1", "asin": "B0009U83IC", "style": {"Size:": " 34\" x 32\"", "Color:": " Rinsed Indigo Blue"}, "reviewerName": "SELECTOR1987", "reviewText": "since the first time i've used dickies, i just use that brand", "summary": "Five Stars", "unixReviewTime": 1427155200} +{"overall": 2.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A2EHBCG9J71KXZ", "asin": "B0002MAYV6", "style": {"Size:": " 44W x 30L", "Color:": " English Khaki"}, "reviewerName": "Jim OMalley", "reviewText": "The pants tore open at the seem the first time I wore them. They fit perfectly, not tight at all, just poor quality", "summary": "just poor", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": false, "reviewTime": "11 24, 2016", "reviewerID": "AI23JL5U8RVQ3", "asin": "B0006GXO8S", "style": {"Size:": " 6 B(M) US", "Color:": " Black"}, "reviewerName": "Jeanie", "reviewText": "Perfect fit. Very comfortable. Love them!", "summary": "Five Stars", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2013", "reviewerID": "AXMFX7VOOL7MT", "asin": "B000163G8G", "style": {"Size:": " 36B", "Color:": " Beige"}, "reviewerName": "Singer", "reviewText": "My daughter and I both wear these bras. They fit great and keep their shape well. They are smooth under shirts and blouses. My favorite bra.", "summary": "My favorite.", "unixReviewTime": 1381795200} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2015", "reviewerID": "A2L3XROPG44LE0", "asin": "B0002MD71U", "reviewerName": "ben kent", "reviewText": "Converse, can't go wrong. Daughter loves these shoes.", "summary": "Cute casual shoes for girls", "unixReviewTime": 1442188800} +{"overall": 3.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "AJ8DTM6DC7TYC", "asin": "B00029R7PK", "style": {"Color:": " Woodland Camo"}, "reviewerName": "Rob", "reviewText": "Not for a big guy tho....", "summary": "Three Stars", "unixReviewTime": 1432080000} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A1640A7UU4GSWT", "asin": "B0007YR980", "style": {"Size:": " 48DDD", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "Christine Patrick", "reviewText": "Was huge!!!!", "summary": "Four Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "AR7F5DRDPE3NE", "asin": "B000A2KAOO", "style": {"Size:": " 34W x 30L", "Color:": " Antique Indigo"}, "reviewerName": "Nathaniel Littleton", "reviewText": "Great product and fast shipping.", "summary": "Five Stars", "unixReviewTime": 1418428800} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2014", "reviewerID": "A21AM13CHGNCDW", "asin": "B0002M6MIU", "style": {"Size:": " 9 D(M) US", "Color:": " Black Full Grain Leather"}, "reviewerName": "Brian_F", "reviewText": "These are fairly comfortable and very sturdy shoes with good tread for light snow and ice. Not as comfortable as Nunn-Bush but tougher. Also they are a little more formal. Size is about as expected, got a half size larger than usual, and they fit well.", "summary": "Good work shoes", "unixReviewTime": 1393027200} +{"overall": 1.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A30FBF2HIZDOT9", "asin": "B0000ZCSVY", "reviewerName": "Alespian11", "reviewText": "I bought it for my mom but she is very disappointed because the panties are worn and broken, as a kind of merchandise used or too old. I feel cheated. I'm very disappointed too.", "summary": "Very Disappointed.", "unixReviewTime": 1407542400} +{"overall": 1.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A1V0T63T6Y0KOE", "asin": "B0009GAO2O", "style": {"Size:": " XX-Large", "Color:": " White"}, "reviewerName": "Nan", "reviewText": "but kept it", "summary": "One Star", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A3BFFATE26SVLK", "asin": "B0007MFW8Q", "style": {"Size:": " 9.5 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Michael B. Jones", "reviewText": "These are Great Desert Boots. Comfortable from the first time I put them on. Only drawback they are made in China, and wish Clarks would back to making them in Britain!!", "summary": "These are Great Desert Boots", "unixReviewTime": 1447027200} +{"overall": 2.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "AO55FLFZ7PGX9", "asin": "B00024WC7S", "reviewerName": "cam jones", "reviewText": "Length is fine. However, the width is about 1/4\" too short - there's a lot of play. I have a Citizen watch btw.", "summary": "Width too short", "unixReviewTime": 1383782400} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A30YLX8NQ7XX45", "asin": "B0001YR54E", "style": {"Size:": " X-Large", "Color:": " Navy"}, "reviewerName": "SC", "reviewText": "Can't go wrong.", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "A1UN9HVWPVVO5I", "asin": "B0002MD71U", "reviewerName": "Linda Holland", "reviewText": "Son loved the shoe", "summary": "Five Stars", "unixReviewTime": 1523923200} +{"overall": 3.0, "verified": false, "reviewTime": "12 21, 2016", "reviewerID": "A32GULX74TF8IT", "asin": "B0000CBALZ", "style": {"Size:": " 30W x 30L", "Color:": " Antique Navy"}, "reviewerName": "Vladimir", "reviewText": "Jeans come without paper labels", "summary": "Three Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "A3FISLDNYQXBVC", "asin": "B0007PAZY4", "style": {"Size:": " XX-Large", "Color:": " Tiger Stripe Camo"}, "reviewerName": "Seadoggie", "reviewText": "Fits good & comfortable.", "summary": "Tiger stripe long sleeve shirt.", "unixReviewTime": 1453420800} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A2BKI7RTNZ5EAL", "asin": "B0007TQ99K", "style": {"Size:": " 13 D(M) US", "Color:": " Tan"}, "reviewerName": "Roscoe Rulz", "reviewText": "Very comfortable and fit well.", "summary": "Two thumbs up", "unixReviewTime": 1446854400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A1I07H9BQJ6BYW", "asin": "B0008EOQ4O", "style": {"Size:": " 34W x 34L", "Color:": " Tomas"}, "reviewerName": "Jim Hoskins", "reviewText": "They are very comfortable, high quality jeans", "summary": "Awesome jeans", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "ADRK09E3Y58F5", "asin": "B0006SCZUE", "style": {"Size:": " X-Large", "Color:": " Antique Blue"}, "reviewerName": "Lord Maximus Murdok", "reviewText": "Usually not my style....I'll be getting the lighter colored one. Really fits well.", "summary": "I'm a changed man!", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A1UP1QIZC6J7VF", "asin": "B0009FB2WQ", "style": {"Size:": " X-Large", "Color:": " Heather Gray"}, "reviewerName": "ken hayes", "reviewText": "ordered before will order again", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A2U43PA4YWEHE9", "asin": "B000AYYIYK", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "John A. Pommon", "reviewText": "Excellent price, great product, fast shipper. Thanks\nJohn.", "summary": "excellent", "unixReviewTime": 1424822400} +{"reviewerID": "A1DKRVYU8UI448", "asin": "B0006TVYR8", "reviewerName": "Michael S", "verified": true, "reviewText": "The best of the best...........", "overall": 5.0, "reviewTime": "11 6, 2017", "summary": "Five Stars", "unixReviewTime": 1509926400} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2009", "reviewerID": "A2RMY0OT0JS8HS", "asin": "B0002TU158", "style": {"Size:": " 13 D(M) US", "Color:": " Black Cow"}, "reviewerName": "Big D Houston", "reviewText": "This is a nice Justin Roper boot. The boot does not come with a liner, so you need to put one in. Actually this is a nice option so you can decide if you want to put in a thicker one.", "summary": "Boot scooting", "unixReviewTime": 1257379200} +{"overall": 3.0, "vote": "4", "verified": true, "reviewTime": "03 20, 2014", "reviewerID": "A3EY44JIB6A4OE", "asin": "B000A7G6OC", "style": {"Size:": " 36Wx30L", "Color:": " Khaki"}, "reviewerName": "kelson", "reviewText": "Great pant...the standard in my area. Word to the wise, they shrank when I laundered them using cold water then the dryer set on medium.", "summary": "Beware of shrinkage", "unixReviewTime": 1395273600} +{"overall": 4.0, "verified": false, "reviewTime": "09 23, 2014", "reviewerID": "AU4XOR4D00JK9", "asin": "B0000865SC", "style": {"Size:": " Size 34, Length 28\"", "Color:": " Ivory"}, "reviewerName": "Williams", "reviewText": "Just what I wanted, except that it's too large. My bra size is 34 C, so I ordered a 34. I need to send it back and exchange it for a 32.", "summary": "nice, but big", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A53KHMH146BYL", "asin": "B0002MAYV6", "style": {"Size:": " 44W x 30L", "Color:": " Khaki"}, "reviewerName": "Sunday School Crafter", "reviewText": "Best fit for my man.", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71TG8XInInL._SY88.jpg"], "overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A1KGKMB1XGDVM7", "asin": "B000AAS0P2", "style": {"Size:": " 7 B(M) US", "Color:": " Yellow Stretch Patent"}, "reviewerName": "Donald Pahmiyer", "reviewText": "These do fit tight so order a half size to a full size up. Other than that these where amazing. Used them in my girlfriend's batgirl costume and they really completed the look.", "summary": "They will make your batgirl costume awesome.", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A32PPM87FYH3H0", "asin": "B00006XXGO", "style": {"Size:": " 10 B(M) US Women / 8 D(M) US Men", "Color:": " Black"}, "reviewerName": "LetakomaHieu", "reviewText": "I'm short and 5'5 or 168cm ( 140-145 pound )Fit as expected !", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A1S5XAZJ8LF2P0", "asin": "B0002LY3CS", "style": {"Size:": " 9 D(M) US", "Color:": " Amaretto"}, "reviewerName": "Robbie Laliberte", "reviewText": "Sperry's are awesome, the Authentic Original is fantastic. They've added some cushioning to the footbed, I've noticed this in the last two pairs of AO that I have bought. Its a very nice addition to a fantastic shoe.", "summary": "The AO has stepped up its game", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2014", "reviewerID": "A2V4YL7WWFD2MP", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Navy"}, "reviewerName": "gordon pompilia", "reviewText": "just love their look on tiny feet :)", "summary": "Five Stars", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A157S7Z79YZP0O", "asin": "B0001YSBOC", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "W. L. LaCroix", "reviewText": "My husband absolutely loves these shirts. He wears them until they're worn out. Short sleeve in summer, long sleeve in winter.", "summary": "Great shirts", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A2HFMZ4LYTNCV", "asin": "B0000868IP", "style": {"Size:": " 36B", "Color:": " Midnight", "Number of Items:": " 1"}, "reviewerName": "Madge M", "reviewText": "Love it, Bali bras always give a great fit", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 4.0, "verified": false, "reviewTime": "07 13, 2015", "reviewerID": "A349P8N1025HFL", "asin": "B0002MD71U", "reviewerName": "JACO Civil Process / Jose B. Ontiveros", "reviewText": "She pciked them out and she loves them.", "summary": "Four Stars", "unixReviewTime": 1436745600} +{"reviewerID": "A2HRREF9F8X6KP", "asin": "B0002USCE4", "reviewerName": "Tiffany W", "verified": true, "reviewText": "Item arrived on time. Fit is perfect my daughter wears a 8.5-9 shoe. These are slightly big, able to wear them with no problems and has a little room for growth", "overall": 5.0, "reviewTime": "12 16, 2013", "summary": "Good fit", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "AP0FWCFKGY1NC", "asin": "B00028B4XW", "style": {"Size:": " 33W x 32L", "Color:": " Dark Navy"}, "reviewerName": "Amazon Customer", "reviewText": "Nice fit to my husband. Satistied.", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 3.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A2Q6VL45RUTPHO", "asin": "B0001N5WMW", "style": {"Size:": " 8 B(M) US", "Color:": " Super Lemon/Golden Yellow"}, "reviewerName": "Eve Curtis", "reviewText": "Because of the color, I loved the picture of these Keen Sandals. Unfortunately for me, even though they were the same size as my other 2 pairs of Keens, they were too small. I had no trouble returning them and getting my $ back. thanks Amazon", "summary": "geat service from Amazon", "unixReviewTime": 1418083200} +{"reviewerID": "ARHTLSPQKHYQ8", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Good good", "overall": 5.0, "reviewTime": "11 3, 2016", "summary": "Five Stars", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A1ZXKTHOEPT7ER", "asin": "B0007MFW8Q", "style": {"Size:": " 11.5 D - Medium", "Color:": " Oakwood"}, "reviewerName": "michi", "reviewText": "My husband is obsessed with Clarks and these were no exception! They run true to size and hold up well to wear and tear.", "summary": "Love!", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A15GFX54PSDR4W", "asin": "B000A38C1G", "style": {"Size:": " 32W x 30L", "Color:": " Stonewashed Denim"}, "reviewerName": "neal mainey", "reviewText": "Some what small should of went bigger size", "summary": "Five Stars", "unixReviewTime": 1484611200} +{"overall": 1.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A3R7TRSME3GTG6", "asin": "B0000ZFIF2", "style": {"Size:": " 1-2", "Color:": " City Beige"}, "reviewerName": "Ellen Annis", "reviewText": "I think I just ordered the wrong size by accident", "summary": "I'm too tall", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A30LWSTIFT6LJB", "asin": "B0009GDA6G", "reviewerName": "Love Amazon", "reviewText": "You'll need to wash these a few times to get the lint from the inside clear...but, I love the fabric. ...and think this will hold up for a long time.", "summary": "think this will hold up for a long time", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2014", "reviewerID": "A1G3LQTNG8V4HU", "asin": "B00079ULXK", "reviewerName": "toni", "reviewText": "I got these shirts in a few different colors for my husband. He loves the fit and the feel! The colors are nice and vivid. I have washed the shirts already and they seem to fit the same so there was no shrinking.", "summary": "Men's Polo Shirt", "unixReviewTime": 1402704000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "AR38EYE7ISRZB", "asin": "B0002TU158", "style": {"Size:": " 10.5 D(M) US", "Color:": " Crazy Cow"}, "reviewerName": "Arash Blookbashi", "reviewText": "All great, this is my 3rd justin in 7 years, very comfortable, soft & good color,\nI recommend it for daily use.", "summary": "Great boot great fit", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A3T3BCTRBBFQF1", "asin": "B0002LY3CS", "style": {"Size:": " 11 D(M) US", "Color:": " Brown/Buck Brown"}, "reviewerName": "Daniel", "reviewText": "Gave to my dad as a Christmas gift and he loves them! They look really good, a nice balance between refined and everyday casual.", "summary": "Great looking shoe!", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A727GBSW118GH", "asin": "B0002MGB9K", "style": {"Size:": " Small", "Color:": " Purple"}, "reviewerName": "Ann", "reviewText": "Purchased for my 80 + year old Mom. It fit perfect and is exactly what she wanted. Loved the color!", "summary": "It fit perfect and is exactly what she wanted", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A3NWWZ0TOKCZE0", "asin": "B0000ANHT7", "style": {"Size:": " Large", "Color:": " Dark Brown"}, "reviewerName": "Deb", "reviewText": "Best made t shirt/work shirt for men", "summary": "Five Stars", "unixReviewTime": 1489449600} +{"reviewerID": "A21U7TAGI87IO4", "asin": "B0007SUEVK", "reviewerName": "Freddy L Bell", "verified": true, "reviewText": "The wife loved them so much that I had to order her one more pair 1/2 size smaller . The larger she wears with thick socks.", "overall": 5.0, "reviewTime": "11 7, 2016", "summary": "The wife loved them so much that I had to order her ...", "unixReviewTime": 1478476800} +{"reviewerID": "AI3HOU2Q3RTRA", "asin": "B0009GEFPQ", "reviewerName": "John Harju", "verified": true, "reviewText": "Texas Orange Great", "overall": 5.0, "reviewTime": "08 29, 2017", "summary": "Five Stars", "unixReviewTime": 1503964800} +{"reviewerID": "A2SFE810J85GAC", "asin": "B0002USCE4", "reviewerName": "Jose Andres Oconitrillo", "verified": true, "reviewText": "Good", "overall": 5.0, "reviewTime": "12 25, 2016", "summary": "Five Stars", "unixReviewTime": 1482624000} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "AI335CO45JD15", "asin": "B0002LY3CS", "style": {"Size:": " 10.5 XW", "Color:": " Classic Brown"}, "reviewerName": "yonnietonka", "reviewText": "My husband wears these shoes for casual wear and on the boat. He just loves them and is so pleased that I have found them in a wider fit.", "summary": "Sperry Top Sider Original", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2016", "reviewerID": "A2IHF74OY6E4D9", "asin": "B00016QOX0", "style": {"Size:": " 38W x 29L", "Color:": " Dark Stonewash"}, "reviewerName": "Wolfgang (Steven)", "reviewText": "Great jeans! My favorite fit. I They are darker in color than the picture and one pair was nearly black. So be aware of that.", "summary": "Great fitting jeans!", "unixReviewTime": 1452470400} +{"reviewerID": "A12KIVHGYWX7KR", "asin": "B0001YRFS0", "reviewerName": "Larry Gutierrez Jr", "verified": true, "reviewText": "Always a dependable brand", "overall": 5.0, "reviewTime": "05 2, 2016", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "A6P4UY60NLIYY", "asin": "B0001GZA12", "style": {"Color Name:": " Brown", "Size Name:": " 63 Inch"}, "reviewerName": "Fernando A Smith", "reviewText": "these are just for shoelaces they work good but the fit questions are odd", "summary": "Five Stars", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A3A336VPWCPCI", "asin": "B000783QR4", "style": {"Size:": " 3X Tall", "Color:": " Navy"}, "reviewerName": "smithbackp", "reviewText": "Nice comfortable shirt - the size was perfect. Rich color too.", "summary": "Nice shirt", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A3GBAJAA1O8LYF", "asin": "B0006U8ISK", "style": {"Size:": " 8 B(M) US", "Color:": " Gray/Multi"}, "reviewerName": "Skip", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1439337600} +{"overall": 3.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A088124525MDL6Y0KKG", "asin": "B0009B35DY", "style": {"Size:": " 13 D(M) US", "Color:": " White Salt-washed Twill"}, "reviewerName": "jonathon crawford", "reviewText": "shoe still new ,needs to get broken in ,with more wear.", "summary": "shoe still new, needs to get broken in, ...", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "AKGV43LJQR1N3", "asin": "B0000891KM", "style": {"Size:": " A/B", "Color:": " Little Color", "Number of Items:": " 1"}, "reviewerName": "Pam", "reviewText": "This item fits well and they are nicely made. Not like cheap ones that run right away.", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A1N76I4DTP38GO", "asin": "B000657TLW", "style": {"Size:": " 11.5 EW US", "Color:": " Dark Brown"}, "reviewerName": "harborthb", "reviewText": "My husband is on his feet all day and has had trouble finding boots that don't hurt his feet. He loves these boots.", "summary": "My husband is on his feet all day and has ...", "unixReviewTime": 1441238400} +{"reviewerID": "A1CUR0QF1HMSXX", "asin": "B00091SSU4", "reviewerName": "Brian K", "verified": true, "reviewText": "Did not like the loose fit. I do like Dickies khaki pants and thought I'd try their jeans. The loose baggy style was not to my liking.", "overall": 2.0, "reviewTime": "06 16, 2016", "summary": "Style not for me", "unixReviewTime": 1466035200} +{"overall": 3.0, "verified": true, "reviewTime": "01 24, 2017", "reviewerID": "AXVDFVDU5JYSL", "asin": "B000A38JVY", "style": {"Size:": " Large", "Color:": " Charcoal Gray"}, "reviewerName": "Brian Young", "reviewText": "Nice quality, but the sleeves don't reach my wrists.", "summary": "Short sleeves", "unixReviewTime": 1485216000} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A2I4M4JN6TT8ZE", "asin": "B0009B35DY", "style": {"Size:": " 10 D(M) US", "Color:": " Light Blue"}, "reviewerName": "Don R", "reviewText": "Love Sperry Top-Siders..!!", "summary": "Five Stars", "unixReviewTime": 1477958400} +{"overall": 1.0, "verified": true, "reviewTime": "05 9, 2017", "reviewerID": "A3QOX2ZOKQ94DF", "asin": "B000089V7W", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Optical White"}, "reviewerName": "Amy Y.", "reviewText": "Product was not filled correctly for second time. Should have been little kid size 13. Instead a Youth 13 was sent for the second time.", "summary": "Wrong size fulfilled twice", "unixReviewTime": 1494288000} +{"overall": 2.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A3H958ASMKXS14", "asin": "B00024QELS", "style": {"Size:": " 8 B(M) US", "Color:": " Distressed Brown"}, "reviewerName": "K. Goldberg", "reviewText": "Beautiful boots, but way too narrow. However, I have a bunion on one foot, so that was the problem. Other reviewers made is sound like it was a fairly wide fit. I have to return them. If you need a roomy toe box, these are not for you.", "summary": "Beautiful boots, but way too narrow", "unixReviewTime": 1455321600} +{"overall": 3.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A5P8RGQ376KZI", "asin": "B0002M05G0", "style": {"Size:": " 10", "Color:": " ASSORTED PASTEL"}, "reviewerName": "Jane L.", "reviewText": "Panties. They are ok so far.", "summary": "Panties. They are ok so far.", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2016", "reviewerID": "A2JO678K60X3VD", "asin": "B0002LILA8", "style": {"Size:": " 36C", "Color:": " Black/Body Beige Lining"}, "reviewerName": "Emanuela Prister", "reviewText": "I initially bought this product at Belk and bought it again cheaper on Amazon because I can always use a spare. It has no underwire and it fits great. The best bra I have have ever had.", "summary": "It has no underwire and it fits great. The best bra I have have ever had", "unixReviewTime": 1452470400} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "A3VNUIBDW1IRX7", "asin": "B0007RU7P4", "style": {"Size:": " 11.5 W", "Color:": " Black/Brown"}, "reviewerName": "Coach Parker", "reviewText": "I ordered a wide shoe and the shoes come wider than expected and a little big but i can love with it. I would probably order 1/2 size down again it i ordered. but my wife loves the look of the shoes and they are very comfortable. I love JM shoes.", "summary": "Great looking shoes.", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2018", "reviewerID": "A38VE4ZM3U1ZRZ", "asin": "B0006LNU82", "style": {"Size:": " 40W x 34L", "Color:": " The Rich - Stretch"}, "reviewerName": "Werner Lima", "reviewText": "Very good, fit exactly as expected.", "summary": "Five Stars", "unixReviewTime": 1514937600} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "AG6ADP1S2YLJ8", "asin": "B0009B3IN6", "reviewerName": "James P Lombard", "reviewText": "I left these in the hot car in Arizona summer, and the temperatures caused the outsole to shrink and detach from the cork footbed. Also, the glue holding the leather to the footbed came loose.\n\nDo not leave these in a hot car!", "summary": "Damaged From Hot Car", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2012", "reviewerID": "A18FOZ2W81QI45", "asin": "B000B255A2", "style": {"Size:": " 10 W US", "Color:": " Tan"}, "reviewerName": "sgb", "reviewText": "Was looking for a quality pair of boots and happened to find these in my size for $39.00 in the MP. They said that there were minor scuffs but when I got them they looked new. They are comfortable right out of the box and WIDE enough thank goodness.", "summary": "Another Amazon Market Place deal", "unixReviewTime": 1356220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A297VUDAOWBD2Q", "asin": "B0002MD71U", "reviewerName": "Gene Popaduke", "reviewText": "Great little sneaker!!\nFits perfectly!!", "summary": "Five Stars", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A2UAPXI5BJZKSD", "asin": "B0000ZE79U", "style": {"Size:": " 2X-Large/9", "Color:": " White"}, "reviewerName": "Carolyn Roshon", "reviewText": "I would order in a smaller size in the future.", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A2DFFLMW7W1G87", "asin": "B0007OV508", "style": {"Size:": " 44", "Color:": " Brown Logo"}, "reviewerName": "JulieZ", "reviewText": "Looks kind of cheap", "summary": "Looks cheap Not a solid piece of leather", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A2ONVKA765O1LX", "asin": "B000B6A5HG", "style": {"Size:": " Large", "Color:": " Heather Gray"}, "reviewerName": "A456", "reviewText": "Great hoodie", "summary": "Five Stars", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A1DLGOKR7ER0GR", "asin": "B0008EOEO6", "style": {"Size:": " 36W x 29L", "Color:": " Rinse"}, "reviewerName": "Andrelino", "reviewText": "Yep. A lot of people are buying these pants because they look great and they feel great. The material looks durable. If you're looking for jeans you should definitely buy these. Just pick the color you like.", "summary": "Buy these!", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A1BDO8IJDZCP9", "asin": "B0002MD71U", "reviewerName": "Raiderfam", "reviewText": "Great looking shoe.", "summary": "Five Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A2BP8KQTO06YXD", "asin": "B000B2OFQ2", "style": {"Size:": " 9.5 M Men's US/11 Women's M US", "Color:": " White/Red/Blue"}, "reviewerName": "Juan Carlos", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A3MH4RO085JYCY", "asin": "B0000WLU5W", "style": {"Size:": " 50W x 30L", "Color:": " Khaki"}, "reviewerName": "Mark Brennan", "reviewText": "The best pants you can buy. They last forever, even if they don't they are guaranteed forever. The 874's run a bit small if you are more portly so order a size up.", "summary": "Can't beat em!", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A9VX814RAPEII", "asin": "B00009ZM7Z", "style": {"Size:": " 13 D(M) US", "Color:": " Gunsmoke"}, "reviewerName": "Sally P. Pagano", "reviewText": "My husband loves Merrill boots. They fit so nice", "summary": "Five Stars", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A1HXMBG74E05JX", "asin": "B0007MFW8Q", "style": {"Size:": " 7 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Brian Regan", "reviewText": "This shoe fit great and looks awesome!", "summary": "Five Stars", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "AWDA5KS43MKEQ", "asin": "B0002M15AA", "style": {"Size:": " 11 D(M) US", "Color:": " Black/Orange"}, "reviewerName": "RLG", "reviewText": "I got the black with orange and had to replace the laces as the orange ones where hideous. With black laces they are fine.", "summary": "With black laces they are fine.", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": false, "reviewTime": "08 22, 2014", "reviewerID": "A2W7XSXSK0PEI7", "asin": "B0002A7GK0", "style": {"Size:": " 12 D(M) US", "Color:": " Od Green"}, "reviewerName": "JR in VA", "reviewText": "Boots fit great. Exactly what I needed and expected", "summary": "Five Stars", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A1PFDY3SQHNDSN", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Enigma Phi", "reviewText": "These are my favorite socks for their thick cotton and comfort.", "summary": "Very Comfortable Socks", "unixReviewTime": 1417046400} +{"reviewerID": "A14X713ADHQA1P", "asin": "B00028AZ6E", "reviewerName": "Thomas", "verified": true, "reviewText": "A little long in the leg", "overall": 5.0, "reviewTime": "04 18, 2017", "summary": "Five Stars", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2013", "reviewerID": "AOINTL1Y47NXX", "asin": "B0009GH012", "reviewerName": "Winterblue", "reviewText": "I love this necklace. It goes with everything from casual to fancy. There are matching earrings that I think I might purchase", "summary": "Goes with everything", "unixReviewTime": 1366761600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A2DAZ9HC9D402R", "asin": "B0006U00FE", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "Raymond Eby", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1433635200} +{"overall": 3.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A1TXWFSAQY2GER", "asin": "B0009B3IN6", "reviewerName": "yes_surie", "reviewText": "For the money, I wouldn't buy them. I have worn them maybe 5 times.", "summary": "Three Stars", "unixReviewTime": 1449014400} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A3JLTMD9B6ANK4", "asin": "B00020OEGE", "style": {"Size:": " Large", "Color:": " Red"}, "reviewerName": "Casey Hatton", "reviewText": "Good value!", "summary": "Four Stars", "unixReviewTime": 1456876800} +{"overall": 4.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "ANKXQIFVK7KIS", "asin": "B0000DCS5T", "style": {"Size:": " 7.5 D(M) US", "Color:": " Dark Tan"}, "reviewerName": "Tex", "reviewText": "Great. Just took some time to break in, and then they were ... great!", "summary": "Great. Just took some time to break in", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A3UH9AOFZIMLA7", "asin": "B00062NFGI", "style": {"Size:": " 36", "Color:": " Blue Depths"}, "reviewerName": "liguanghui", "reviewText": "i love it", "summary": "Five Stars", "unixReviewTime": 1420588800} +{"reviewerID": "APBKE6TCXXXP9", "asin": "B0001YRFS0", "reviewerName": "GB", "verified": true, "reviewText": "They seem like they are made a bit wider that the usual 874 dickies. But the waist and lenght fit ok..", "overall": 4.0, "reviewTime": "05 9, 2018", "summary": "They seem like they are made a bit wider that the usual ...", "unixReviewTime": 1525824000} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A29B7UKT6LDCI", "asin": "B0002M34U4", "style": {"Size:": " 33W x 32L", "Color:": " Dockers Navy- Discontinued"}, "reviewerName": "Victor Wysocki", "reviewText": "Great Pants, fit perfect", "summary": "Great Buy", "unixReviewTime": 1487635200} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A2KIDZVG0WBOFZ", "asin": "B00007GDAL", "style": {"Color:": " Red"}, "reviewerName": "Ampatti", "reviewText": "Returned mine because I guess it didn't occur to me that the snap part was gold tone, and the purse I bought it for has silver hardware. If it were silver, I'd have kept it. It was exactly what I wanted. I got the zip around French purse style one instead.", "summary": "Great", "unixReviewTime": 1464998400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A2M1O329ADMU1O", "asin": "B0002TNE1G", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "Matthew Ramsey", "reviewText": "AWESOME QUALITY T!! LOVE IT!! THANKS!!", "summary": "Five Stars", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A235TMRMNCR1UF", "asin": "B0007TQOBI", "style": {"Size:": " 11.5 D(M) US", "Color:": " Brown"}, "reviewerName": "Aaron", "reviewText": "I wore an 11.5 in Caterpillars old Lidell model. Those are non steel toe and fit snugly. I feel cat made extra room in the toe box for the steel toe. Might wan to think about going down .5 a size.", "summary": "I wore an 11. 5 in Caterpillars old Lidell ...", "unixReviewTime": 1470268800} +{"overall": 4.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2KYKI0E9OM8N0", "asin": "B0002LT6RU", "style": {"Size:": " 9 D(M) US", "Color:": " Black Suede"}, "reviewerName": "Leon O. Allen", "reviewText": "Soft and comfortable as expected.", "summary": "Four Stars", "unixReviewTime": 1446163200} +{"overall": 2.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A28UPBBGTFZZGX", "asin": "B0007TFF4U", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Navy/Pink"}, "reviewerName": "a reviewer", "reviewText": "the rubber outsole is slippery (even at the gym), not like outdoor sneakers.", "summary": "slippery", "unixReviewTime": 1447372800} +{"overall": 1.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A2VECJOCSYGWVE", "asin": "B0001YR54E", "style": {"Size:": " X-Large", "Color:": " Charcoal"}, "reviewerName": "JC", "reviewText": "The shirt fits way too large. I would definitely go down a couple sizes...", "summary": "TOO LARGE", "unixReviewTime": 1417564800} +{"reviewerID": "A3CC7YBMM95725", "asin": "B0009PS580", "reviewerName": "Rmother", "verified": true, "reviewText": "It's lovely, excellent quality, made very well, heavier than some of the others I have bought.", "overall": 5.0, "reviewTime": "08 16, 2015", "summary": "You get what you pay for...excellent product!", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "A5BT6MZ27P8H9", "asin": "B0002MKYSY", "style": {"Size:": " 16W", "Color:": " Legacy"}, "reviewerName": "Yellow", "reviewText": "I only buy this kind of jeans now. These are my first capri style ones, but they're just as nice.", "summary": "Lovely soft fit.", "unixReviewTime": 1498435200} +{"reviewerID": "A28PGD0JZABEVG", "asin": "B0002USCE4", "reviewerName": "Angie G", "verified": true, "reviewText": "Shoe fits is way off - you probably need 3 or 4 sizes smaller than a street shoe. Tried to return them but the seller wanted to charge me for shipping, which was almost the cost of the shoe so very unfair.", "overall": 1.0, "reviewTime": "01 17, 2015", "summary": "Shoe fits is way off - you probably need 3 ...", "unixReviewTime": 1421452800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A1ZVN1JFRLUV9", "asin": "B0002TOZ2S", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "AmazonPowerShopper", "reviewText": "Perfect!", "summary": "Five Stars", "unixReviewTime": 1477699200} +{"reviewerID": "A29FX5AQQB0OD9", "asin": "B0001YRFS0", "reviewerName": "Ward Hartzell", "verified": true, "reviewText": "These are slimmer in the legs than I am accustomed to. They are wearable and appear to be of good quality.", "overall": 4.0, "reviewTime": "09 13, 2016", "summary": "They are wearable and appear to be of good quality.", "unixReviewTime": 1473724800} +{"reviewerID": "A2CDXITBFDQ0XE", "asin": "B00028AZ6E", "reviewerName": "Maria L. Pantoja", "verified": true, "reviewText": "I bought these work pants for my husband and they are of very good quality and the price on Amazon is very reasonable. We will be ordering some more pretty soon.", "overall": 5.0, "reviewTime": "12 28, 2015", "summary": "... pants for my husband and they are of very good quality and the price on Amazon is very reasonable", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2014", "reviewerID": "A3H4ES7WU223HJ", "asin": "B00002243H", "reviewerName": "skotsmith", "reviewText": "Great! Just as described and pictured. It is soft so may need to place a clipboard or something stiff to hold form, if needed.", "summary": "As pictured", "unixReviewTime": 1403827200} +{"overall": 1.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A39R03KBUE4HSC", "asin": "B0007YXU6K", "style": {"Size:": " 36D", "Color:": " White"}, "reviewerName": "Smoothie", "reviewText": "Shoulder straps, band, fabric .. everything about this bra is itchy.", "summary": "One Star", "unixReviewTime": 1449619200} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A39IFH2R7RGXRF", "asin": "B0002NZ898", "style": {"Size:": " Large", "Color:": " Dark Green"}, "reviewerName": "Wallace Cull", "reviewText": "Nice", "summary": "Four Stars", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2017", "reviewerID": "A2KBPKLJ3ZXB6N", "asin": "5120053017", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "Gecko", "reviewText": "My wife is only 4\" 10\", but the Small size worked fairly well. I'd bet they fit absolutely perfect on a 5' 0\" - 5' 2\" lady. We were both very happy with this purchase. It is a very nice product. I would buy it again.", "summary": "A keeper", "unixReviewTime": 1490400000} +{"overall": 4.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "AB8E247DEJ8C4", "asin": "B0007POHPC", "style": {"Color:": " Brown / Tray"}, "reviewerName": "Chris", "reviewText": "Perfect for what I need. Good quality.", "summary": "Four Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A270IE73BIBXNO", "asin": "B0009NYJAK", "style": {"Size:": " Infant (0-12 Months)", "Color:": " Tan"}, "reviewerName": "Dishla9", "reviewText": "I love these...super cute and good quality. I ordered a size 3 for my 1 year old twins (even though they are almost ready to wear a 4 in other brands) after reading the reviews that they run large. The 3 is even a bit big but with socks they are just right.", "summary": "I love these.", "unixReviewTime": 1411430400} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A12AG9IF5ZOGZ", "asin": "B000AYYJ12", "reviewerName": "pat-93", "reviewText": "The only reason I gave this a 4 star is because it is a little bigger then I would have really liked. But the color, fit and design are great. I would buy again if I needed to.", "summary": "Great watch", "unixReviewTime": 1376956800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 24, 2013", "reviewerID": "A33IE4VMNVDRY2", "asin": "B0002MGM4O", "style": {"Size:": " XX-Large", "Color:": " GULF STREAM"}, "reviewerName": "Mountain Mama", "reviewText": "My husband really likes this shirt that I ordered for him from Amazon.com. It fits perfectly, the material is good, the color looks charming on him and it has all the \"boy accoutrements\" that he loves in a shirt. Perfect!", "summary": "Great shirt, great fit.", "unixReviewTime": 1374624000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A1XHW8UIOYZC83", "asin": "B0002LY3CS", "style": {"Size:": " 10.5 D(M) US", "Color:": " Sahara"}, "reviewerName": "Amazon Customer", "reviewText": "Great looking shoe and extremely comfortable!", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3NMC8TLAYBP0X", "asin": "B0000ZFF7S", "style": {"Size:": " 38DD", "Color:": " Nude"}, "reviewerName": "Brooke A. Wurdack", "reviewText": "I bought two other bras and I was looking for one that didn't dig into my armpit. This was the only one that didn't hurt, I love it.", "summary": "I love it.", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "AULIZX5HMSD2S", "asin": "B0007TLSEQ", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black"}, "reviewerName": "Jason O.", "reviewText": "Best work shoes!!! I work in the busy casino industry in Las Vegas and these shoes keep my feet comfy for 9 + hour shifts of standing and walking. Buy these and you will not regret your purchase. They fit great and I have sort of wider width feet.", "summary": "Fantastic work shoes!", "unixReviewTime": 1479081600} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2018", "reviewerID": "A19UE2MOFH06OW", "asin": "B0002MD71U", "reviewerName": "M. Anderson", "reviewText": "These shoes were exactly what I was expecting, just difficult to get on a 18 month old! Next time I'll opt out of getting the high tops.", "summary": "Very cute... but good luck getting them on your toddler...", "unixReviewTime": 1515715200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A2V0ML3ZLXWBHF", "asin": "B0002ZI6YA", "style": {"Size:": " 3X-Large", "Color:": " Black"}, "reviewerName": "Big Joe", "reviewText": "Great price fits well. arrived on time !", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 4.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "AYEV17EXQFLRE", "asin": "B0002USBB8", "style": {"Size:": " 8 N US Toddler", "Color:": " Ballet Pink"}, "reviewerName": "Amazon Customer", "reviewText": "The narrow is very narrow. And my daughter had a skinny foot!", "summary": "Four Stars", "unixReviewTime": 1473724800} +{"reviewerID": "AJ2DYSUKMRN0U", "asin": "B0001YRFS0", "reviewerName": "Mzanano", "verified": true, "reviewText": "After reading reviews and to don't miss I decided to order 36... if I lock them I wouldn't be able to sit. My last travelers from Banana are 35 and they fit loose and baggy. Also got work pants on Banana 36-32 and super comfortable and great to work.", "overall": 1.0, "reviewTime": "08 12, 2017", "summary": "I really expected better after reading reviews", "unixReviewTime": 1502496000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A2A0UOKQ6TNS4Z", "asin": "B000A38C1G", "style": {"Size:": " 33W x 30L", "Color:": " Night Brown"}, "reviewerName": "Milagros Vega", "reviewText": "Great pair of pants", "summary": "Five Stars", "unixReviewTime": 1424995200} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "AADR5AVONTP8Z", "asin": "B000A38JVY", "style": {"Size:": " X-Large", "Color:": " Burgundy"}, "reviewerName": "David", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1482969600} +{"overall": 3.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A259WWJFDWHOM6", "asin": "B00099CY4C", "style": {"Size:": " Large / XL"}, "reviewerName": "Samantha Perez", "reviewText": "Was just a little too big but it was easy to resize. Perfect for the costume I'm working on.", "summary": "Was just a little too big but it was easy to resize", "unixReviewTime": 1431475200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2018", "reviewerID": "A3HYGN731F0UGJ", "asin": "B00006XXGO", "style": {"Size:": " 9 B(M) US Women / 7 D(M) US Men", "Color:": " Rose Quartz"}, "reviewerName": "Samantha moiren", "reviewText": "These are freaking awesome!!!! So pretty & just what I wanted!", "summary": "These shoes rock!", "unixReviewTime": 1519430400} +{"reviewerID": "A28W49MQ2HU1MB", "asin": "B0002M8QZM", "reviewerName": "W Sharon", "verified": true, "reviewText": "I love This sandal, I own it in white, beige, red and now navy. It is extremely comfortable, and nice looking on my big wide foot.", "overall": 5.0, "reviewTime": "07 30, 2013", "summary": "Life stride sandal", "unixReviewTime": 1375142400} +{"overall": 3.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A2HCI19ALK25EN", "asin": "B00075ZYTK", "style": {"Size:": " 3X-Large", "Color:": " Dk Green"}, "reviewerName": "Donb", "reviewText": "Did not fix well", "summary": "Three Stars", "unixReviewTime": 1450137600} +{"overall": 4.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A3MN76PA5DG20K", "asin": "B0007KPP7G", "style": {"Size:": " XXX-Large Tall", "Color:": " Teal Blue"}, "reviewerName": "Amazon Customer", "reviewText": "Love that this is the length that I need. I'm so tall it's hard to find the right ones. The fabric feels a little hard, but I'm hoping after a wash it will change it and soften up a bit", "summary": "Love that this is the length that I need", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A2EVAHKH0IXDUB", "asin": "B0009GCRQ0", "style": {"Size:": " 3X-Large", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Exactly what I needed fit perfect.", "summary": "Five Stars", "unixReviewTime": 1506816000} +{"overall": 4.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "A2X6Y3G4AKE5KZ", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "Crazygingergirl", "reviewText": "It's definitely a woman's watch, the face is smaller than I prefer. I expect it to be sturdy. The strap is longer than usual, which is nice.", "summary": "It's a Timex", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A2E9NYHOFXVO2E", "asin": "B0007KPP7G", "style": {"Size:": " Large Petite", "Color:": " Olive"}, "reviewerName": "Sarah", "reviewText": "These fit great, so comfy!", "summary": "great", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": false, "reviewTime": "09 8, 2015", "reviewerID": "A1S8LUH5G7TIP1", "asin": "B000089V7W", "reviewerName": "Eunice", "reviewText": "It fit perfectly on my granddaughter", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A1BBBY3W71H3IK", "asin": "B0008EOEO6", "style": {"Size:": " 36W x 29L", "Color:": " Delta"}, "reviewerName": "BOBmc", "reviewText": "What a GREAT JEAN well made. The price is right, I am ordering more.", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"reviewerID": "A35LIIJWBMAAE", "asin": "B0002M8QHK", "reviewerName": "Margaret Hess", "verified": true, "reviewText": "Fit well and look nice", "overall": 4.0, "reviewTime": "08 29, 2014", "summary": "great sandle", "unixReviewTime": 1409270400} +{"overall": 4.0, "verified": false, "reviewTime": "09 11, 2014", "reviewerID": "A1QLIKABZ3C8BM", "asin": "B00075ZYTK", "style": {"Size:": " 3X-Large", "Color:": " Basic Black"}, "reviewerName": "Lucky L", "reviewText": "Fits much better than the cut off t- shirt. I am very unhappy with tge sizing of the cut off verst of this Russell t-shirt. I have been wearw this brand for years without any problems until I ordered from amazon", "summary": "Fits much better than the cut off t- shirt", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A3BTEFBPD87TXA", "asin": "B0000DCS5T", "style": {"Size:": " 10.5 2E US", "Color:": " Dark Brown"}, "reviewerName": "carol mayes", "reviewText": "my husband loves these", "summary": "Five Stars", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A1MHJSDTPWGIOE", "asin": "B000A6W2E6", "style": {"Size:": " Men's 11.0 / Women's 12.0 D(M) US", "Color:": " Mud Muck Brown"}, "reviewerName": "bassetcrazy", "reviewText": "The first pair lasted about 5 years. These are great shoes and fit my husband perfectly.", "summary": "These are great shoes and fit my husband perfectly", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A2NYLIBT1HB6A7", "asin": "B0009FB2WQ", "style": {"Size:": " Small", "Color:": " Bluestone"}, "reviewerName": "E.C.", "reviewText": "Husband likes the Carhartt brand. They do run big so got him a small this time and they're great! Perfect for work around the yard and nice enough for casual wear.", "summary": "Husband likes them.", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A22FWM425YB03B", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "avidreader", "reviewText": "They're really good socks, my husband loves them. They stay up, but don't bind, and he says they're comfortable and last a long time.", "summary": "They're really good socks, my husband loves them", "unixReviewTime": 1450224000} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A1DAJZTGENT2ND", "asin": "B00074CGS8", "style": {"Color:": " Silver", "Style:": " 10mm"}, "reviewerName": "Anthony W", "reviewText": "The earrings are great, not too heavy, and have a very even polish around the entire earring.\n\nBacks could be a little better/higher quality.", "summary": "The earrings are great, not too heavy", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2013", "reviewerID": "A1UPM23FHOVFQ1", "asin": "B0002MGM4O", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Julio Duran", "reviewText": "I really liked this product. They note that it is very good quality and it feels very comfortable to use. I highly recommend them.", "summary": "Excellent product", "unixReviewTime": 1360972800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "10 30, 2012", "reviewerID": "AFH17G7Q8PNDG", "asin": "B0000WL0WA", "style": {"Size:": " Large Tall", "Color:": " Brown"}, "reviewerName": "Barney", "reviewText": "Really like this jacket. I think it is the best jacket that Carhertt makes for a welding jacket. Breaks the air.", "summary": "Great Jacket", "unixReviewTime": 1351555200} +{"reviewerID": "A3FBOUQQWKO2T2", "asin": "B000657TL2", "reviewerName": "RumbleSis162", "verified": true, "reviewText": "Very nice boots, has shaft in sole, but not toe protection. Husband loved the fit and style, but had to return because not safety shoes. I should have read description - I guess if it were safety shoes it would say safety. But we thought work shoe = safety shoe. I was wrong.", "overall": 4.0, "reviewTime": "10 27, 2014", "summary": "Not safety shoes but very nice boots!", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A2W6BASRQ0N7SN", "asin": "B0009PJ0YS", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Stephanie Leggeri", "reviewText": "Believe what it says no pinch is correct.", "summary": "Five Stars", "unixReviewTime": 1468540800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51sK-P0oioL._SY88.jpg"], "overall": 1.0, "vote": "19", "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "AGZ6THWS7N853", "asin": "B0007YR980", "style": {"Size:": " 34DD", "Color:": " Toffee", "Number of Items:": " 1"}, "reviewerName": "RNCFARR", "reviewText": "It was a work out just trying to get into this bra. When I finally did my breasts appeared \"Madonna-like\" and my husband could not stop laughing. it was the most unflattering bra that I ever owned. In fact, I shipped it back for a refund.", "summary": "It was a work out just trying to get into ...", "unixReviewTime": 1498089600} +{"reviewerID": "A11GLXIWJ6ZC03", "asin": "B00028AZ6E", "reviewerName": "Paul Maripadavil", "verified": true, "reviewText": "Way too small on my waist. Bought another pair of pants from the same brand and it fit perfectly.", "overall": 2.0, "reviewTime": "12 16, 2015", "summary": "Way too small on my waist. Bought another pair ...", "unixReviewTime": 1450224000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A2VAFZM17RTQ4V", "asin": "B0001YSBOC", "style": {"Size:": " X-Large", "Color:": " Army Green"}, "reviewerName": "gammiesquiltes", "reviewText": "As described. Carhart always runs large.", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A2YXSVQ168VL8O", "asin": "B0000TIKK8", "style": {"Color:": " Hearts& Butterflies"}, "reviewerName": "Ravenshade", "reviewText": "I got this for my daughter. She loves the colors and the soft wristband. She also really likes that the seconds are displayed by a butterfly. She specifically wanted an analog watch. She happily wears it all the time. We are very happy with this purchase.", "summary": "Good Kid's Watch", "unixReviewTime": 1487894400} +{"overall": 4.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "AVLWQ2JE5XFOP", "asin": "B00063W3EW", "style": {"Size:": " One Size", "Color:": " White"}, "reviewerName": "exceltraveler", "reviewText": "This golf visor works like it is intended. It is not cheap or flimsy. I bought all colors and will wear them often.", "summary": "Fits well", "unixReviewTime": 1378080000} +{"reviewerID": "A23NQTODDQNW7O", "asin": "B0007MFWZ4", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Perfect.", "overall": 5.0, "reviewTime": "03 5, 2016", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"reviewerID": "A3GZ9LJ9F8LS5Y", "asin": "B0002M8QZM", "reviewerName": "Judy", "verified": true, "reviewText": "I love these Life Stride Sandals. Can be worn when dressed up or casual. Very comfortable. Planning on purchasing more in several colors.", "overall": 5.0, "reviewTime": "02 4, 2013", "summary": "Comfortable", "unixReviewTime": 1359936000} +{"overall": 3.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A3BG5SMZB4B5QR", "asin": "B0007YXVOQ", "style": {"Size:": " 42C", "Color:": " Bare"}, "reviewerName": "Karen M.", "reviewText": "I AM SURE OF MY CUP SIZE AND I WANTED TO TRY THE GEL STRAPS. HOWEVER THE CUP WILL NOT LAY FLAT. IT LOOKS OK UNDER THINGS THAT HAVE A LOT OF BODY LIKE A MED. WEIGHT SWEATER. IT IS COMFORTABLE AND I DO LIKE THE GEL STRAPS BUT I NEED A BRA THAT FITS.", "summary": "NOT QUITE WHAT I WANTED", "unixReviewTime": 1362787200} +{"reviewerID": "A1ICSUP0LACNXQ", "asin": "B0001YRFS0", "reviewerName": "FRANK PISKOR", "verified": true, "reviewText": "needed new work pants since I'd lost a lot of weight. The size was as expected but still had plenty of looseness in the seat and legs to allow freedom of movement.", "overall": 5.0, "reviewTime": "12 25, 2014", "summary": "wonderful pants", "unixReviewTime": 1419465600} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A3BRQ7ONZGGFMJ", "asin": "B0009MZYD2", "style": {"Size:": " Medium (Women's Shoe Size 6.5-10.0, Men's Shoe Size 5.5-8.5)", "Color:": " Black"}, "reviewerName": "Lula", "reviewText": "Comfortable and warm.", "summary": "Nice socks!", "unixReviewTime": 1454112000} +{"reviewerID": "A30JG9B4HG9G2B", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Just too small around the waist, other wise they should be what I'm looking for once I get the proper size.", "overall": 3.0, "reviewTime": "03 2, 2016", "summary": "Just too small around the waist, other wise they ...", "unixReviewTime": 1456876800} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A2ADH36WFL6AK6", "asin": "B0002PNJWE", "style": {"Size:": " D", "Color:": " Light Toast"}, "reviewerName": "Julia Clay", "reviewText": "These tights lasted well, very shiney.", "summary": "Shiney tights, thick.", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2013", "reviewerID": "A3LG61JIXDD0O0", "asin": "B000B2MMDA", "style": {"Size:": " 9 B(M) US", "Color:": " Black"}, "reviewerName": "V. Brown", "reviewText": "I have been buying these shoes for many years. I have them in three colors. They fit like a glove!!", "summary": "Love these shoes", "unixReviewTime": 1370736000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A3KXQ1OE67QX53", "asin": "B0007KPP7G", "style": {"Size:": " Large", "Color:": " Pewter"}, "reviewerName": "Rachal", "reviewText": "washes well", "summary": "Five Stars", "unixReviewTime": 1478908800} +{"overall": 3.0, "verified": true, "reviewTime": "10 15, 2017", "reviewerID": "A67USVW0PRECW", "asin": "B0007UBLUQ", "style": {"Size:": " X-Large / 8.5-9.5 B(M) US", "Color:": " Black"}, "reviewerName": "Duane", "reviewText": "Nice!", "summary": "Three Stars", "unixReviewTime": 1508025600} +{"overall": 2.0, "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A1ULYI453MR00F", "asin": "B0001N5WMW", "style": {"Size:": " 8.5 B(M) US", "Color:": " Black/Bright Rose"}, "reviewerName": "Lisa B.", "reviewText": "My usual Keen comfort did not extend to this shoe. I tried two different pair but the left last is crooked on me to the point my left heel is thrown up onto the outside heel of the shoe. I had to return them.", "summary": "Cute but don't fit me like my other Keens.", "unixReviewTime": 1496793600} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A3DMIA1BG51DRS", "asin": "B0007TLSEQ", "style": {"Size:": " 8.5 B(M) US", "Color:": " Black"}, "reviewerName": "Red head", "reviewText": "They are great! So comfortable for work, I'm on my feet all day, and so supportive", "summary": "Great work shoe!", "unixReviewTime": 1433462400} +{"overall": 3.0, "verified": true, "reviewTime": "03 10, 2017", "reviewerID": "A1T2LQC34RX9RX", "asin": "B0006U695E", "style": {"Size:": " 32W x 30L", "Color:": " Dark Stone"}, "reviewerName": "Kathy L Rhoads", "reviewText": "Disappointing because we bought same size in store and it fit.", "summary": "did not fit", "unixReviewTime": 1489104000} +{"reviewerID": "A2G3YEG27VY1FV", "asin": "B0002UFHJC", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Very nice", "overall": 5.0, "reviewTime": "08 11, 2017", "summary": "Five Stars", "unixReviewTime": 1502409600} +{"reviewerID": "A2SIG1CZYMSTGS", "asin": "B0001YRFS0", "reviewerName": "NHedden", "verified": true, "reviewText": "Great quality pants, fits as expected. Tried them on in store and ordered online.", "overall": 5.0, "reviewTime": "11 2, 2016", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A2NK9AEC2WNF4Q", "asin": "B0007TTT2O", "style": {"Size:": " standard", "Color:": " Dark Brown"}, "reviewerName": "sandy osborne", "reviewText": "I purchased these for my husband for work and he says they are comfortable to wear on concrete floors. He had planned to shop for work boots locally, but I found these and he was happy with them. Really great price.", "summary": "... my husband for work and he says they are comfortable to wear on concrete floors", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A35OGHKUSMOOTO", "asin": "B000072US4", "style": {"Size:": " 8 US Men/10 US Women", "Color:": " Red"}, "reviewerName": "Amazon Customer", "reviewText": "Adorable and fun. I've never worn converse but ordered my normal men's 8/women's 10 and they fit perfect.", "summary": "Love them", "unixReviewTime": 1417996800} +{"reviewerID": "A1KIAAF0ZEJDX9", "asin": "B0007SUEVK", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "My favorite shoes.", "overall": 5.0, "reviewTime": "12 29, 2015", "summary": "Five Stars", "unixReviewTime": 1451347200} +{"overall": 4.0, "verified": true, "reviewTime": "03 30, 2017", "reviewerID": "A3BLN8Y6DZRF5T", "asin": "B0006LNU82", "style": {"Size:": " 36W x 32L", "Color:": " Stealth - Stretch"}, "reviewerName": "adrian weber", "reviewText": "These are very comfortable, I have bigger legs than most so finding pants that fit is hard. I bought one size bigger and they are fit well.", "summary": "These are very comfortable, I have bigger legs than most so finding ...", "unixReviewTime": 1490832000} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "01 3, 2007", "reviewerID": "A2X2G148SQHZUB", "asin": "B00004U3ST", "reviewerName": "Kurt Schulenburg", "reviewText": "It's not an expensive item, but it's really not very substantial. A light weight plastic, punched into the semblance of a medal makes up the bulk of this badge. The ribbon is nice. It's definitely a wall hanging for the collector, not an award to be given.", "summary": "Kinda Flimsy", "unixReviewTime": 1167782400} +{"overall": 3.0, "verified": true, "reviewTime": "08 30, 2013", "reviewerID": "A28KUY6D3U6PL3", "asin": "B000B2OFQ2", "style": {"Size:": " 7.5 M Men's US/9 Women's M US", "Color:": " Navy/Green"}, "reviewerName": "shmjane", "reviewText": "My boyfriend got these as he had another pair of the same brand. Unlike the other canvas ones, these don't breathe very well and they are a bit stiff.", "summary": "Odd material", "unixReviewTime": 1377820800} +{"overall": 4.0, "verified": true, "reviewTime": "10 10, 2017", "reviewerID": "A3E2X6A8NSV2BU", "asin": "B0007YR980", "style": {"Size:": " 36D", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Diane Jennings", "reviewText": "The only thing is your breasts look like 1950's pointy style.", "summary": "Four Stars", "unixReviewTime": 1507593600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A2HDU0SXYMB0S5", "asin": "B00062NFGI", "style": {"Size:": " 36", "Color:": " Black"}, "reviewerName": "MAJ", "reviewText": "The price is the best on Amazon. The quality is very good and they last a very long time. Very pleased with this purchase.", "summary": "The price is the best on Amazon", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "AYZ3UC9KREDAG", "asin": "B0009MZVVC", "style": {"Size:": " Large/13 Men's 9-12.5", "Color:": " Walnut"}, "reviewerName": "scottalias", "reviewText": "I wore these on a late summer and autumn hike on the Appalachian Trail. They were cooler than the thinnest merino wool socks I have and held up well in very heavy rain in ventilated boots. No issues with blisters. I will use these next summer.", "summary": "I wore these on a late summer and autumn hike ...", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A2IC3N3KIHQJ41", "asin": "B0009FB2WQ", "style": {"Size:": " Medium", "Color:": " Dark Brown"}, "reviewerName": "Terra N.", "reviewText": "Bought 7 shirts all the same but some were Made in Guatemala, Honduras, and Mexico.", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "AKQPWE0M9YQOZ", "asin": "B00009ZM91", "style": {"Size:": " 9 B(M) US", "Color:": " Gunsmoke"}, "reviewerName": "Barbara E", "reviewText": "Bought two Merrell shoes on the same day. Both were MOC Slip on type shoes. One fit great; however, this one fell off my foot. Returned it.", "summary": "Runs Large", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A2F1Q79UWNLDK6", "asin": "B0008EO5AE", "style": {"Size:": " 14", "Color:": " Authentic Nile"}, "reviewerName": "lpe", "reviewText": "I used to buy the jeans for a lot less... but still love them!", "summary": "but still love them!", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A2S9AK1ANJ5EZ2", "asin": "B0008EO5AE", "style": {"Size:": " 14", "Color:": " Black Onyx"}, "reviewerName": "Pat", "reviewText": "Ill order again!", "summary": "Five Stars", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2012", "reviewerID": "A33DX67JB0YTLA", "asin": "B000AYYIYK", "style": {"Color:": " Brown/Gold-Tone/Cream"}, "reviewerName": "Omgtom", "reviewText": "Great, nice looking watch. The band is a little hard though but not A big problem. Love the vintage croc leather design and the gold accents!", "summary": "Beautiful", "unixReviewTime": 1349481600} +{"overall": 3.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A1KWF1Y2TC0P89", "asin": "B0009AZU0G", "style": {"Size:": " 39 M EU / 8-8.5 B(M)US Women / 6-6.5 B(M)US Men", "Color:": " Regular Cocoa Nubuck"}, "reviewerName": "Kit Moresby", "reviewText": "This is probably made for men, that's why it doesn't fit me perfectly. I decided to keep it anyway but I rarely wear it. The quality, in the other hand, is the best - - Birkenstocks are very sturdy, durable shoes.", "summary": "is the best - - Birkenstocks are very sturdy", "unixReviewTime": 1420761600} +{"reviewerID": "A3RTT2QP2V25QW", "asin": "B00028AZ6E", "reviewerName": "dreamworkboy", "verified": true, "reviewText": "this 874 is now my standard working pants that the quality is damn good and also the style is just fit my body.", "overall": 5.0, "reviewTime": "01 13, 2013", "summary": "always the best", "unixReviewTime": 1358035200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A198PLLNYP5YC3", "asin": "B00007IZHM", "style": {"Size:": " C/D", "Color:": " Nude"}, "reviewerName": "Joco230", "reviewText": "great for use with a garter for everyday wear. very soft, slightly thicker than usual nylon socks, I don't think I can run a fingernail through this.", "summary": "great for use with a garter for everyday wear", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "AG3OK5MMWF1YV", "asin": "B00061NIXY", "style": {"Color:": " Khaki"}, "reviewerName": "Eric n Amber", "reviewText": "My husband wears his suits regularly, and we got a pair of these to match each suit. They fit him great (the tall height is very nice for his long torso) and still look great at least 6 months after getting them. Highly recommend!", "summary": "Look great and are holding up well!", "unixReviewTime": 1394841600} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2017", "reviewerID": "A2PRTLH0E1JDPG", "asin": "B0000CBALZ", "style": {"Size:": " 30W x 34L", "Color:": " Antique Navy"}, "reviewerName": "Amazon Customer", "reviewText": "The only jeans my son will wear. He's a 6'4\" beanpole with a 34\" inseam and no hips or butt. These fit him nicely, wash up well and when worn with a belt (important little detail) they stay put. Not a lot of shrinkage even after being nuked on high in the dryer. :)", "summary": "Good for the tall guys!", "unixReviewTime": 1514073600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A2BENJW3YEYQ48", "asin": "B000B2MMDA", "style": {"Size:": " 8 B(M) US", "Color:": " Black"}, "reviewerName": "BernieBirr", "reviewText": "comfortable and stylish", "summary": "Just what I needed!", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "AA34OTQJKKEWA", "asin": "B00023K6G8", "style": {"Size:": " 4"}, "reviewerName": "Rosanne DeCamillo", "reviewText": "Came on time was of good quality, pretty and fits well.", "summary": "Five Stars", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "AMQSDKI0H4XU8", "asin": "B0007YR980", "style": {"Size:": " 48C", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Nick Harris", "reviewText": "Stylish and comfortable bras are very important. This was both. I ordered them for myself for Christmas and enjoy wearing them.", "summary": "Comfortable", "unixReviewTime": 1388880000} +{"reviewerID": "A35903ZDD8WIU7", "asin": "B000657TL2", "reviewerName": "The Dude", "verified": true, "reviewText": "One question. What good is it to have waterproof leather uppers if the seam between the upper and lower lets water flow inside freely?", "overall": 2.0, "reviewTime": "12 13, 2015", "summary": "What good is it to have waterproof leather uppers if the ...", "unixReviewTime": 1449964800} +{"reviewerID": "AFUBB0JNLOYC4", "asin": "B0006U68Z0", "reviewerName": "Eilsel", "verified": true, "reviewText": "If you are slim, the slim fit is definatelly the way to go. The regular fit are still alright and fit like other good regular jeans but the slim is perfect for me. i'd reccomend these jeans to eveyone slim.", "overall": 5.0, "reviewTime": "09 15, 2013", "summary": "Yes, jeans that actually fit me, look good and last!", "unixReviewTime": 1379203200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A2MU2XLP3COYZ3", "asin": "B000783UHU", "style": {"Size:": " 3X", "Color:": " Heather Grey"}, "reviewerName": "Joel WZ", "reviewText": "Fit well. Comfortable to wear. Great Value.", "summary": "Great Value and fit", "unixReviewTime": 1512000000} +{"reviewerID": "A7YD2BM87D4VA", "asin": "B0001YRFS0", "reviewerName": "Dylan Haschka", "verified": true, "reviewText": "Too skinny, don't buy if you don't skip leg day. Nice pants though", "overall": 4.0, "reviewTime": "09 19, 2016", "summary": "Nice pants", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A3333TDVCF7QOV", "asin": "B0001YRWJ2", "style": {"Size:": " 42W x 30L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "sugarray", "reviewText": "Have worn Dickies products for over 40 years. That says it all.", "summary": "Five Stars", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "A34JA01XZKXUAO", "asin": "B000685PW4", "style": {"Size:": " X-Large", "Color:": " Ivory"}, "reviewerName": "TJ", "reviewText": "The best robe ever! It's oversized and soft and warm and wonderful. I bought this for my husband and I want one!!!!", "summary": "Buy this.", "unixReviewTime": 1477267200} +{"reviewerID": "A16MOWKV1UGAAC", "asin": "B00028AZ6E", "reviewerName": "william putt", "verified": true, "reviewText": "Quick delivery, great product.", "overall": 5.0, "reviewTime": "08 19, 2017", "summary": "great product.", "unixReviewTime": 1503100800} +{"overall": 2.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A10S9VJ46CW25D", "asin": "B0006U695E", "style": {"Size:": " 36W x 30L", "Color:": " Navy"}, "reviewerName": "Patio Tour", "reviewText": "I have another pair of Wranglers that are the same size and fit well. This pair is a bit too small. I like the design, I just wish their pants were consistently sizef", "summary": "A bit too small", "unixReviewTime": 1476144000} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "ANSR0L7VWF1N9", "asin": "B0002LY3CS", "style": {"Size:": " 9.5 D(M) US", "Color:": " Oatmeal"}, "reviewerName": "K.B.", "reviewText": "Good shoes, but too small for my husband's wider feet", "summary": "Four Stars", "unixReviewTime": 1467676800} +{"overall": 3.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "AE6VULPT12T36", "asin": "B0009B35DY", "style": {"Size:": " 11 D(M) US", "Color:": " White Cap Navy"}, "reviewerName": "Chaspe Askhowic", "reviewText": "I don't love the squeak or the finish. Not the best Striper I've had my friends.", "summary": "Three Stars", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "A35SIKQ0YX5V8D", "asin": "B0007TLSEQ", "style": {"Size:": " 6 B(M) US", "Color:": " Black"}, "reviewerName": "Hoscap", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1475366400} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A3VRAUDOAQ8P3R", "asin": "B0001YR54E", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "fabian jimenez", "reviewText": "Cool shirt. But I don't use it for work. Its too cool to use for work", "summary": "Cool shirt. But I don't use it for work", "unixReviewTime": 1431302400} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A1594BR0GQDEND", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "Wayne Mills", "reviewText": "Nice socks", "summary": "Four Stars", "unixReviewTime": 1461110400} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A1DYSNTX0UKONS", "asin": "B0000WL3CW", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "dkbb", "reviewText": "Fit better after washing it 2-3 times", "summary": "Four Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2016", "reviewerID": "A1I2ADL1T5QLQF", "asin": "B0006TIJEO", "style": {"Size:": " 18 Months", "Color:": " White"}, "reviewerName": "Joshua A. Reed", "reviewText": "Nice product arrived as described promptly. Can't ask more than that.", "summary": "Five Stars", "unixReviewTime": 1459900800} +{"reviewerID": "A2F956UBJGID8V", "asin": "B00028AZ6E", "reviewerName": "Shanna K.", "verified": false, "reviewText": "The pants fit my husband like a glove! They arrived in a timely fashion. Everything was great!", "overall": 5.0, "reviewTime": "10 24, 2014", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "ADMRGD2VUUL4Z", "asin": "B0007MFW8Q", "style": {"Size:": " 10 D - Medium", "Color:": " Brown Suede"}, "reviewerName": "L. Pasternack", "reviewText": "I bought these for my father in law and he absolutely loves them. He is on his feet all day at work and raves about the comfort.", "summary": "Stylish and comfortable", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A10NDA2EZSAT24", "asin": "B0009G3QH4", "style": {"Size:": " X-Large", "Color:": " Deep Royal"}, "reviewerName": "Shayne", "reviewText": "Great quality hoodie. Nice color, fits great.", "summary": "Nice color", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A8PAUJK3ZXENA", "asin": "B00026LI4O", "style": {"Size:": " Small"}, "reviewerName": "melvinjenkins", "reviewText": "Love fit just right", "summary": "mama look like a USMC", "unixReviewTime": 1423180800} +{"reviewerID": "A1ESAKFS4MEUIY", "asin": "B0007MG0K0", "reviewerName": "Kim", "verified": true, "reviewText": "Fake, fake, fake\n\nAvoid this one. I have worn many Clarks shoes in my time and made quite a few purchases on Amazon, but I got taken on this one. These were just the worst pair I ever purchased, can't return them and cannot even find someone to give them to, these are terrible.", "overall": 1.0, "reviewTime": "11 5, 2017", "summary": "Fake, fake, fake", "unixReviewTime": 1509840000} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2017", "reviewerID": "A1V9MF7QQWIDXK", "asin": "B0007KPP7G", "style": {"Size:": " Medium Tall", "Color:": " Teal Blue"}, "reviewerName": "Patti Enz", "reviewText": "So comfortable. Sizing is correct. Love these scrubs!", "summary": "Love these scrubs!", "unixReviewTime": 1496707200} +{"overall": 4.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A7NJVEL9E3L0H", "asin": "B0007KKYV8", "reviewerName": "Ada W.", "reviewText": "Works well, had it for some time, no issues. Not a particular fan of the plastic insert at the top (I would prefer a solid piece of leather), but it hasn't worn out or cracked since I bought it some time ago. Lots of storage room if you want to keep more than one card in it.", "summary": "Leather!!!!", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2016", "reviewerID": "A1TEBSNK5A9XX9", "asin": "B0002FHJ66", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Jul", "reviewText": "fits as expected and I can put something under this for extra warmth.", "summary": "Pretty good", "unixReviewTime": 1482624000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A1V9Y2RRGGAB2R", "asin": "B0000AFT9F", "style": {"Size:": " 10 B(M) US Women / 8 D(M) US Men Hi-Top", "Color:": " Black"}, "reviewerName": "Paige", "reviewText": "Like any pair of chuck's these fit as expected.\nThe black on black looks great. Highly recommend it.", "summary": "Five Stars", "unixReviewTime": 1495152000} +{"overall": 1.0, "verified": true, "reviewTime": "10 20, 2012", "reviewerID": "A1LB387IEROUSZ", "asin": "B0002A7I6W", "style": {"Size:": " 13 D(M) US", "Color:": " New Mossy Oak Break-up"}, "reviewerName": "kate", "reviewText": "I wear a size 12 shoe and I ordered a size 13 boot. I couldn't even get my foot through the neck of the boot. Waste of time and money! They must run way to narrow.", "summary": "Poor design", "unixReviewTime": 1350691200} +{"reviewerID": "ARRVD19QZ04ML", "asin": "B0001YRJ1S", "reviewerName": "SAW", "verified": true, "reviewText": "My husband love the fit. It is difficult to find him 29 w items. I will order more for him in the future.", "overall": 5.0, "reviewTime": "04 6, 2015", "summary": "Love Dickies", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "AD70RY6X5I0OH", "asin": "B0007TQPGW", "style": {"Size:": " 10.5 W US", "Color:": " Wellington Dark Brown"}, "reviewerName": "Cobrahd1999", "reviewText": "I find them very comfortable just what I need to get on and off had 3 back surgeries and just can't bend enough to tie boots. Will be nice to wear when riding my Harley..", "summary": "I find them very comfortable just what I need to get on and off ...", "unixReviewTime": 1431907200} +{"reviewerID": "AEP7R2IVTLTUV", "asin": "B0007MFWZ4", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Comfortable,and just fit my feet", "overall": 5.0, "reviewTime": "06 27, 2017", "summary": "Comfortable, and just fit my feet", "unixReviewTime": 1498521600} +{"overall": 3.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A1IVNFM8M6LOMJ", "asin": "B00021NY28", "style": {"Size:": " 6 Short", "Color:": " Brown"}, "reviewerName": "Janet E. Arthur", "reviewText": "I thought it was a petite 6 short and it is just a regular 6 for short women. I don't weigh enough to fill a regular6 outdo I will be returning it. By the way they don't offer it in 6 petite short.:(", "summary": "Not my size", "unixReviewTime": 1473811200} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "AHSICBLPIO666", "asin": "B0002LT7LU", "style": {"Size:": " 9 N US", "Color:": " Navy Elegance"}, "reviewerName": "Carter Flagg", "reviewText": "I got a little blister after only a short time, but I was barefoot in them so maybe wearing hose would improve that. They fit well otherwise and are very attractive.", "summary": "I got a little blister after only a short time ...", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A3BS7GMXHHA5HJ", "asin": "B0009KN2BU", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Don H. Pilgrim", "reviewText": "worth the money. It was a good buy.", "summary": "It was a good buy.", "unixReviewTime": 1427328000} +{"overall": 4.0, "verified": false, "reviewTime": "08 30, 2014", "reviewerID": "A10HDO8Y8X8CY6", "asin": "B000851FM4", "style": {"Size:": " Medium", "Color:": " Oxford"}, "reviewerName": "Pat", "reviewText": "They are a little long for me as I am a short person. But with the elastic at the bottom,I don't really notice it. They fit great other than that. And the delivery was fast.", "summary": "Sweatpants", "unixReviewTime": 1409356800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A1YYXM9YCVAIYI", "asin": "B0007KPP7G", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Kzc", "reviewText": "Too big, I already have mediums but I got these big to wear over long johns in my cold office. Too long also but I just turn them half way up the leg vent as I have all of my smaller ones and then the length is perfect.", "summary": "Too long also but I just turn them half way up the leg vent as I have all of my smaller ones and then the length is perfect.", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A2C5VUL8ZXP383", "asin": "B0001YSBOC", "style": {"Size:": " Medium", "Color:": " Navy"}, "reviewerName": "cindy roberts", "reviewText": "Can't say for sure as is Christmas present. It came on time and looks very good. Price was good also.", "summary": "It came on time and looks very good. Price was good also", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A2KLBOP0QTAQHF", "asin": "B0009AZU0G", "style": {"Size:": " 38 Narrow EU", "Color:": " Dark Brown"}, "reviewerName": "D. Speed", "reviewText": "great item", "summary": "Five Stars", "unixReviewTime": 1466726400} +{"overall": 1.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A13MWUMITEPSO3", "asin": "B0000ZFICK", "style": {"Size:": " 3X-4X", "Color:": " Nude"}, "reviewerName": "Sharon K Cochran", "reviewText": "The size I received said it was the same but the size chart was different than the one online.", "summary": "Size discrepancy", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A3ALXZIB7ME8K1", "asin": "B0007WZZYC", "style": {"Size:": " 42W x 34L", "Color:": " Army Green (Closeout)"}, "reviewerName": "Katherine Doughty", "reviewText": "Pants are awesome!", "summary": "Five Stars", "unixReviewTime": 1452297600} +{"reviewerID": "A3CBUZVL635XA7", "asin": "B0000865II", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Fits as expected", "overall": 5.0, "reviewTime": "09 18, 2017", "summary": "Five Stars", "unixReviewTime": 1505692800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61ZOpFD0iyL._SY88.jpg"], "overall": 1.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A1D9F19WO3M1OD", "asin": "B0006FM9BM", "style": {"Size:": " 12 D(M) US", "Color:": " Charcoal"}, "reviewerName": "Lee K.", "reviewText": "Fit fine although due to the packaging there were minor scuffs on shoes. Box was crushed and destroyed. Very disappointed in the quality of this shipment.", "summary": "Good fit. Horrible packaging.", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "AHUT092M6ZHO0", "asin": "B0007PAZY4", "style": {"Size:": " X-Large", "Color:": " City Camo"}, "reviewerName": "SquirrelCutter", "reviewText": "Item was exactly as shown and shipped promptely, will use again. THANX!!!", "summary": "Five Stars", "unixReviewTime": 1428624000} +{"overall": 2.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A1KMT4C0BVTA53", "asin": "B0000WLU5W", "style": {"Size:": " 46W x 32L", "Color:": " Khaki"}, "reviewerName": "citizoftheworld", "reviewText": "2 sizes smaller than listed", "summary": "Two Stars", "unixReviewTime": 1440547200} +{"reviewerID": "AMHXSH3UQBNJ9", "asin": "B0001YRFS0", "reviewerName": "Jay", "verified": true, "reviewText": "Dickies are my favorite work and daily outing pants and I enjoy the fit.", "overall": 5.0, "reviewTime": "12 30, 2014", "summary": "Five Stars", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A3JC492NDGSMXO", "asin": "B000072US4", "reviewerName": "Lisa O'Connor", "reviewText": "Love the shoes, wish we had gone a half size larger though.", "summary": "Nice looking shoes, run a tiny bit small...", "unixReviewTime": 1465257600} +{"overall": 3.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A2QOLK6AEUPS2P", "asin": "B0008EOQ4O", "style": {"Size:": " 33W x 32L", "Color:": " Double Black"}, "reviewerName": "Ye Zhou", "reviewText": "It's okay for my husband.", "summary": "Three Stars", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A25OQF1HX8TEGX", "asin": "B0000A51F0", "style": {"Size:": " 6.5 B(M) US", "Color:": " White"}, "reviewerName": "J. Cunliffe", "reviewText": "They are fantastic. I play tennis four mornings a week and love them.", "summary": "They are fantastic. I play tennis four mornings a week and ...", "unixReviewTime": 1420761600} +{"reviewerID": "A56Y2IQN8UPL3", "asin": "B000A3I3PQ", "reviewerName": "Thomas W.Miller", "verified": true, "reviewText": "Great Product", "overall": 5.0, "reviewTime": "09 7, 2017", "summary": "Five Stars", "unixReviewTime": 1504742400} +{"reviewerID": "A3CG92O6F59ZLF", "asin": "B0002USCE4", "reviewerName": "Mary J. Sanquintin", "verified": true, "reviewText": "I am very pleased with my purchase, I bought the black and white for my grandaughter who is part of the chidlren's dnce ministry and I got them jsut on time..recommend this seller. If you need fast shipping this is the seller. and theprices are affordable. great shoes thanks!", "overall": 5.0, "reviewTime": "01 7, 2013", "summary": "i am very pleased with my purchase, great price, fast shipping and the size is what I expected", "unixReviewTime": 1357516800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A356WLNAF0MA4D", "asin": "B000B2OFQ2", "style": {"Size:": " 12.5 M Men's US/14 Women's M US", "Color:": " White/Black/Green"}, "reviewerName": "Terry", "reviewText": "These sneakers are pretty cool, they are very comfortable especially for people like me who enjoy wearing light sorta flat foot gear. The Onitsuka Tiger Mexico 1966 Fashion Sneaker is still a hit, if you're asking me.", "summary": "The Onitsuka Tiger Mexico 1966 Fashion Sneaker is still a hit if your asking me.", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A3G9OFL7KO0UEE", "asin": "B0007MCUCC", "style": {"Size:": " 10 D(M) US", "Color:": " Brown Oily Leather"}, "reviewerName": "Maureen Backer", "reviewText": "I bought a pair a year ago and they are still in good condition, but I wanted to get a back up pair for down the road. Very good quality, and they fit great.", "summary": "Great sandals", "unixReviewTime": 1414281600} +{"reviewerID": "A1D8ILHAHG202A", "asin": "B0001YRFS0", "reviewerName": "Scott E Andrews", "verified": true, "reviewText": "The fit is great, they make even my (skinny) butt look good! Comfortable. Make sure you wear light colored underwear, as dark colors will show through.", "overall": 4.0, "reviewTime": "09 18, 2013", "summary": "Very impressed", "unixReviewTime": 1379462400} +{"overall": 3.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A217FKTV4OJBVP", "asin": "B0002LTJN6", "style": {"Size:": " 9 XW US", "Color:": " Champion Black Canvas"}, "reviewerName": "cp", "reviewText": "To narrow so they were returned. Nice shoe though I just have wide feet.", "summary": "Nice shoe though I just have wide feet", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A39PKEKANTHK24", "asin": "B0000TIIPK", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "blue", "reviewText": "Nice watch", "summary": "Five Stars", "unixReviewTime": 1470268800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A1H14LUV9QJZIB", "asin": "B0000DZJLM", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "Kristen", "reviewText": "I would say they run slightly big. If you are between sizes then order down. Other than that, they are nice shorts. Its hard to find work out shorts with pockets big enough for keys and a phone.", "summary": "they are nice shorts. Its hard to find work out shorts ...", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "ACHRMLBDHB9O2", "asin": "B000ARTQGC", "style": {"Size:": " 11 D(M) US", "Color:": " Allspice"}, "reviewerName": "Mdizzle", "reviewText": "They are perfect! Fit my man perfectly. He wears a 10.5-11 and they are a size 11 because it said they run small. They're great quality and a lot less than other brands. Turned out to be a great Christmas gift", "summary": "Exceeded my expectations", "unixReviewTime": 1388448000} +{"reviewerID": "A2O99EI8APUL6R", "asin": "B0001YRFS0", "reviewerName": "Virgil Bowen", "verified": true, "reviewText": "best pants out there", "overall": 5.0, "reviewTime": "02 8, 2016", "summary": "... I was so so impressed I bought a pair great work", "unixReviewTime": 1454889600} +{"overall": 4.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A3UCZE3D305Y8H", "asin": "B000A38C1G", "style": {"Size:": " 36W x 30L", "Color:": " Night Brown"}, "reviewerName": "Tim in Maine", "reviewText": "fleece is the way to go, flannel isn't quit as tough.. second pair in five years of northern Maine winters..", "summary": "fleece is the way to go, flannel isn't quit ...", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "AMG2Q2Z0LXFON", "asin": "B0009B3IN6", "reviewerName": "Ellen", "reviewText": "Favorite shoes. Wear them all seasons.", "summary": "Birkenstock unisex arizona", "unixReviewTime": 1407196800} +{"reviewerID": "A2CE726M7YL4PO", "asin": "B00028AZ6E", "reviewerName": "Miguel A. Soto", "verified": true, "reviewText": "Berry good excellent", "overall": 5.0, "reviewTime": "05 31, 2016", "summary": "Five Stars", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2018", "reviewerID": "A1KOEGF6OCBUUK", "asin": "B0002NYQO6", "style": {"Size:": " XXX-Large", "Color:": " Black"}, "reviewerName": "Meh", "reviewText": "Hanes quality shines through", "summary": "Fits right; feels right", "unixReviewTime": 1521763200} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A3CJDOU52HTI5W", "asin": "B0002MC3QA", "style": {"Size:": " 40W x 30L", "Color:": " Dark Stone"}, "reviewerName": "Jeff Fulop", "reviewText": "Nice jeans,quality is very good but size does seem to run a little on the small side", "summary": "Nice jeans, quality is very good but size does ...", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A2RATZU7QAIXHJ", "asin": "B0002MD71U", "reviewerName": "HZ", "reviewText": "Super cute shoes, got them in red to match my son's red handkerchief for his birthday outfit as a train conductor.", "summary": "Good buy", "unixReviewTime": 1482019200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A243J6Q37R6AA", "asin": "B0000ZCSVY", "style": {"Size:": " E", "Color:": " Bare"}, "reviewerName": "Ronald Schneckloth", "reviewText": "Love my SPANX", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"reviewerID": "A2QGRZM3YO3641", "asin": "B00028AZ6E", "reviewerName": "Natalie Meadows", "verified": true, "reviewText": "The pants run a little bit smaller than how my pants usually fit for this size. I managed to squeeze in to them. I will buy the product again, however, I will buy the next waist size up.", "overall": 4.0, "reviewTime": "05 28, 2014", "summary": "Good product.", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": false, "reviewTime": "10 30, 2014", "reviewerID": "A24H6ZG7P0NHFM", "asin": "B0002NYVV4", "reviewerName": "Kindle Customer", "reviewText": "This fits true to size. I wear a large in Men's tees and sweatshirts and it fit me perfectly - not too tight, not too big.", "summary": "Perfect size!", "unixReviewTime": 1414627200} +{"overall": 3.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A14KKT6SXBY3XC", "asin": "B0002M34U4", "style": {"Size:": " 38W x 34L", "Color:": " Black- Discontinued"}, "reviewerName": "Phillip Brooks", "reviewText": "Runs a bit small. All the more reason to lose a few lbs...", "summary": "smallish", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A2BWDWM84E0MSK", "asin": "B0007PAZY4", "style": {"Size:": " X-Large", "Color:": " ACU Digital Camo"}, "reviewerName": "LOVE ALL", "reviewText": "This is one of the nice ones too, fits comfortable, enough room around upper body, and lat area. Just feels good:)", "summary": "Perfect fit", "unixReviewTime": 1398124800} +{"reviewerID": "A11KF0Y57UWCKK", "asin": "B0006TVYR8", "reviewerName": "Monica Lynn", "verified": true, "reviewText": "Very nice quality. Nice cut & style. Fit my husband to a tee.", "overall": 5.0, "reviewTime": "01 20, 2017", "summary": "Five Stars", "unixReviewTime": 1484870400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 16, 2009", "reviewerID": "A1YQKI6NFHWXE6", "asin": "B00068TJM6", "reviewerName": "Sumit Saraswat", "reviewText": "I love the watch the dial is beautiful and watch movement is classic chronograph.\nAnyone looking for a decent watch won't be dissappointed by this Sieko timepiece.", "summary": "Excellent timepiece", "unixReviewTime": 1258329600} +{"overall": 5.0, "verified": false, "reviewTime": "10 9, 2014", "reviewerID": "A2Y5V27HKFWBIC", "asin": "B0000E2X34", "style": {"Size:": " 13 4E US", "Color:": " White"}, "reviewerName": "J. Wolske", "reviewText": "Just like the ones I bought last year at a better price.", "summary": "Five Stars", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": false, "reviewTime": "10 5, 2013", "reviewerID": "A2UCNDLBXXDHRC", "asin": "B0009M95X2", "style": {"Size:": " 12 W US", "Color:": " Tar Black"}, "reviewerName": "Dave in Minnesota", "reviewText": "These boots fits like they were custom made. Great price $. Good quality leather. Really like the textured rubber sole. And best, my GF loves the look.", "summary": "Durango ranch boot", "unixReviewTime": 1380931200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A3UJND05DAQ5E9", "asin": "B0007SUEYC", "style": {"Size:": " 8.5 B(M) US", "Color:": " Grey"}, "reviewerName": "HappyBlackCat", "reviewText": "These are amazing and fit perfectly. They form quickly to your feet and seem to be well made.", "summary": "Great Shoes!", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "AQZRZK7JL7VS5", "asin": "B0001YS6F6", "style": {"Size:": " 42W x 32L", "Color:": " Carhartt Brown"}, "reviewerName": "Terri", "reviewText": "Fits my husband just great!", "summary": "Five Stars", "unixReviewTime": 1435708800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "AKFELUOQWYAOL", "asin": "B000AY3I46", "style": {"Size:": " L-XL", "Color:": " Black"}, "reviewerName": "JC", "reviewText": "This is the best beanie I've ever had. Nice and warm, keeps you try, wicks sweat, BUT it was advertised as BIG and as I should have expected it is too small.", "summary": "Great beanie...if you don't have a big head", "unixReviewTime": 1390089600} +{"overall": 4.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A3BJY4S1XXDES7", "asin": "B0002LY3CS", "style": {"Size:": " 11.5 XW US", "Color:": " Sahara"}, "reviewerName": "mar_in_mar", "reviewText": "Very comfortable shoe. Based on the display picture I thought is was a slip on with faux laces but it turned out to be a lace-up after all.", "summary": "Very comfortable, well fitting shoe.", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A2MH7H9BK9WOT0", "asin": "B00091UK3M", "style": {"Size:": " Standard", "Color:": " White"}, "reviewerName": "A.S.", "reviewText": "Nice basic thigh-high. So far no problems.", "summary": "Nice basic thigh-high.", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A17NX6VHRXTUKM", "asin": "B000A2K71A", "style": {"Size:": " 36W x 32L", "Color:": " Loden"}, "reviewerName": "sunshineyday", "reviewText": "My husband loves these. They wear well and are durable. I would buy him more if they cost a bit less.", "summary": "Wear nicely", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "A37629TX2D87Y", "asin": "B00024WC8W", "reviewerName": "JFLB", "reviewText": "This strap really improved the look of a medium-quality watch I have. It originally came with a synthetic strap, which didn't really have a leather-like look. This strap makes it look five times more expensive.", "summary": "improved the look on my watch", "unixReviewTime": 1358726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "A1E6V1C5NENBPY", "asin": "B000A2BIRW", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "Dawn", "reviewText": "My son really likes them, but I bought at sale price and they are a little high now for work shirts", "summary": "My son really likes them,", "unixReviewTime": 1500508800} +{"overall": 4.0, "verified": true, "reviewTime": "01 24, 2018", "reviewerID": "A2NX0QWRAK9Q5G", "asin": "B0009DMJAC", "style": {"Size:": " 8.5 B(M) US", "Color:": " Brown"}, "reviewerName": "B J.", "reviewText": "a gift", "summary": "Four Stars", "unixReviewTime": 1516752000} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2016", "reviewerID": "A5I2YD1JOUWOP", "asin": "B00074CGS8", "style": {"Color:": " Yellow", "Style:": " 4mm"}, "reviewerName": "Sharon Hughes", "reviewText": "The earrings are very nice (I ordered the gold plated sterling silver) but looking at them on the model, it was hard to judge which size to get, I ended up ordering the 5mm, but they're still very small. Should've gone bigger!", "summary": "Nice but be careful what size you order!", "unixReviewTime": 1480550400} +{"overall": 3.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A3C245MNGRXK3H", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "penname1", "reviewText": "Super warm and soft, but comes with a weird smell, and gained an awkward texture after the first wash.", "summary": "Three Stars", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AZXU8C2EY9J3X", "asin": "B0002TU158", "style": {"Size:": " 8.5 D(M) US", "Color:": " Crazy Cow"}, "reviewerName": "G. Robinson", "reviewText": "Made well, fits as expected and looks good. Worth every penny and probably a few more.", "summary": "Good boots.", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A3OOI29IRSU7Q8", "asin": "B00006XXGO", "style": {"Size:": " 13 B(M) US Women / 11 D(M) US Men", "Color:": " Black"}, "reviewerName": "NomdePlume", "reviewText": "They're Chucks. You know what you're getting.", "summary": "They're Chucks. You know what you're getting.", "unixReviewTime": 1430784000} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A3NYKZHJVOF505", "asin": "B000B5256G", "style": {"Color:": " Flames"}, "reviewerName": "pebblesc", "reviewText": "son loved it", "summary": "great stocking stuffer", "unixReviewTime": 1481155200} +{"reviewerID": "ARW1EI0INPN68", "asin": "B0002RZPRY", "reviewerName": "yogi", "verified": true, "reviewText": "Very pretty and flattering to the feet. Would be comfortable longer if they had more arch support.", "overall": 4.0, "reviewTime": "10 7, 2016", "summary": "Four Stars", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A2YEQDOZAWHVUG", "asin": "B000297L38", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "Angela Nations", "reviewText": "i love this shirt :). It fits perfectly.", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A1K0IK0FMTSMRN", "asin": "B00006XXGO", "reviewerName": "Annie", "reviewText": "Grat shoe, great price! I bought two pairs, grey and white as they were much cheaper than the department stores. Arrived on time and packaged well.", "summary": "Love my Chuck's!", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A2X30QVDJ0R4MV", "asin": "B000B6A5HG", "style": {"Size:": " Large", "Color:": " Heather Gray"}, "reviewerName": "Amazon Customer", "reviewText": "Carhartt, say no more.", "summary": "Five Stars", "unixReviewTime": 1449100800} +{"reviewerID": "A1008J0GGZHSD2", "asin": "B0000ZFHOE", "reviewerName": "Aurora", "verified": true, "reviewText": "These are really beautiful thigh highs.", "overall": 5.0, "reviewTime": "06 29, 2016", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 3.0, "verified": true, "reviewTime": "03 24, 2018", "reviewerID": "A31KZB803JLTEO", "asin": "B0000ANHT7", "style": {"Size:": " Large", "Color:": " Port"}, "reviewerName": "Victor ", "reviewText": "Returned it because it was too large", "summary": "Three Stars", "unixReviewTime": 1521849600} +{"reviewerID": "A1UWC7DWPJ3E9T", "asin": "B00028AZ6E", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I like these pants very well. They wear real good and last a long time.", "overall": 5.0, "reviewTime": "06 9, 2017", "summary": "Five Stars", "unixReviewTime": 1496966400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A13VAX4A1Q6IGX", "asin": "B0000CBALZ", "style": {"Size:": " 34W x 29L", "Color:": " Dark Tint"}, "reviewerName": "Amazon Customer", "reviewText": "Very comfortable , fit perfectly Glad I purchased them. I have purchased wrangler Jeans from Amazon in the past, good fit great price.", "summary": "Great price", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "AN0J3LA296MMB", "asin": "B0000ANHTD", "style": {"Size:": " 3X Tall", "Color:": " Army Green"}, "reviewerName": "elderboy02", "reviewText": "I really like this shirt. I have 2 of these and they run a bit wider than what the tag indicates. I like my shirts loose and these fit the bill. I am a very tall guy, and the length on these shirts is great. I will definitely buy more of these in the future.", "summary": "Great shirt", "unixReviewTime": 1417392000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "A263MIKJX5FWIU", "asin": "B00093DAOQ", "style": {"Size:": " 37 M EU / 6.5 B(M) US Women / 4.5 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "krby34", "reviewText": "As described.", "summary": "Five Stars", "unixReviewTime": 1511481600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2014", "reviewerID": "A24I0VHH0ASOOO", "asin": "B0007KPP7G", "style": {"Size:": " 2X-Small Petite", "Color:": " Black"}, "reviewerName": "GERARDO TROMBA", "reviewText": "excelent!", "summary": "Five Stars", "unixReviewTime": 1415318400} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "AC3KXX3RSOML1", "asin": "B0007TMOE4", "style": {"Size:": " 9 D(M) US", "Color:": " Black"}, "reviewerName": "Jim J.", "reviewText": "I do like the boots but a bit narrow for my feet. The boots are easy to tie up but are quite heavy for my tastes.", "summary": "Nice boots", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A26Q3PMCRRBD4", "asin": "B0008EOUMM", "style": {"Size:": " 42W x 32L", "Color:": " Khaki"}, "reviewerName": "Fran", "reviewText": "Great fit", "summary": "Nice jeans!", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A385P17E8IWBAP", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "DMC", "reviewText": "Great socks", "summary": "Five Stars", "unixReviewTime": 1475539200} +{"overall": 3.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A1A3YU9KTIWBTS", "asin": "B0002UFHCY", "style": {"Size:": " 18 Short", "Color:": " Black"}, "reviewerName": "patsy", "reviewText": "A little scratchy on the legs but otherwise fine.", "summary": "Three Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A2QBUFEQ2GD9PA", "asin": "B00075ZYTK", "style": {"Size:": " X-Large", "Color:": " Red"}, "reviewerName": "Debbie", "reviewText": "Perfect!", "summary": "Five Stars", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "AH9ENV28186YI", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "James Vicks", "reviewText": "what can I say, I freikin love them !", "summary": "I freikin love them!", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A3SIV0RRG2RE2Z", "asin": "B0000891IO", "style": {"Size:": " C/D", "Color:": " Barely There", "Number of Items:": " 1"}, "reviewerName": "Xoxo", "reviewText": "As expected :)", "summary": ":)", "unixReviewTime": 1522108800} +{"overall": 3.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A2ZKD6EFK1SL93", "asin": "B0000891IO", "style": {"Size:": " E/F", "Color:": " Classic Navy", "Number of Items:": " 1"}, "reviewerName": "Cloe Duncan", "reviewText": "I have bought these stockings for some time now. They generally last fairly we but I got a run quite quickly in the top. I will continue with them as my luck has been pretty good. Hope this won't happen too soon again. They have nice control.", "summary": "Control Top Stockings", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A22GX0E2HMBIBI", "asin": "B00018C91E", "style": {"Size:": " 9.5 D(M) US", "Color:": " White/Black/Silver"}, "reviewerName": "Morley", "reviewText": "WOW\nThat was very fast I am very surprised and I love the shoes\nI had to order another pair for the price and the shipping.\nWhat a deal\nThank you\nMorley Southorn", "summary": "K-Swiss White sneakers", "unixReviewTime": 1375401600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A23DRVMML8JD9E", "asin": "B0000WL0WA", "style": {"Size:": " 3X Tall", "Color:": " Brown"}, "reviewerName": "Tom", "reviewText": "Product was as expected", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A1RDL5PNNQZLQD", "asin": "B0001N5WMW", "style": {"Size:": " 7.5 B(M) US", "Color:": " Beet Red/Corydalis Blue"}, "reviewerName": "Vic", "reviewText": "Perfect for summer hicking", "summary": "Love!", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A2U63R34Q58U0A", "asin": "B0001YR5AI", "style": {"Size:": " Large", "Color:": " Olive Green"}, "reviewerName": "Joe", "reviewText": "Well made at a good price.", "summary": "Decent shirt. Nice material. Runs a little bit bit.", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2014", "reviewerID": "A3KST643EL2458", "asin": "B0009VGMHK", "style": {"Size:": " 7 B(M) US", "Color:": " Charcoal-77300"}, "reviewerName": "ASCragin", "reviewText": "Love these boots. Very well made, look great and are very comfortable.", "summary": "Five Stars", "unixReviewTime": 1406937600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A1NDTUD22TI924", "asin": "B0008EOUMM", "style": {"Size:": " 30W x 34L", "Color:": " Dark Indigo"}, "reviewerName": "Georgia", "reviewText": "Will order again!", "summary": "Five Stars", "unixReviewTime": 1515628800} +{"reviewerID": "A1XUMOH2FB2G6P", "asin": "B0009MKNG0", "reviewerName": "Karl", "verified": true, "reviewText": "I liked this and I have no concerns or complaints at all. all Positive and i was pleased enough to buy a second garment in dark blue.", "overall": 5.0, "reviewTime": "01 13, 2014", "summary": "Really Nice !", "unixReviewTime": 1389571200} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A1KURNC5SPDS9I", "asin": "B0008EOAZO", "style": {"Size:": " 36W x 29L", "Color:": " Olive"}, "reviewerName": "Jack O'Neal", "reviewText": "Good Quality", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A2OE2PLFVB58P7", "asin": "B0009G3QH4", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "wasper", "reviewText": "The Hoodie was just as expected. Nice fit and lightweight for the cool days.", "summary": "Nice Hoodie", "unixReviewTime": 1497312000} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2015", "reviewerID": "A1UH0XYYDJ5PXS", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "mrsherry", "reviewText": "These socks are a wonderful sock for tennis shoes with jeans or for wearing for walks, runs or hikes. They are comfortable, durable and have held their form throughout many wash cycles. I will keep buying this brand.", "summary": "Great Casual Sock", "unixReviewTime": 1430524800} +{"overall": 3.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A3P0EDNLYU86I8", "asin": "B0000CBALZ", "style": {"Size:": " 40W x 29L", "Color:": " Antique Indigo"}, "reviewerName": "kenneth j. pulliam", "reviewText": "I may returned. Found anyother brand, just received and fits better and the length is much better.", "summary": "jeans are O.K.", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A3MVL515TMHUKY", "asin": "B0002MFOYS", "style": {"Size:": " 38", "Color:": " Brown"}, "reviewerName": "Debbie", "reviewText": "Fits perfect, ordered two", "summary": "Five Stars", "unixReviewTime": 1457481600} +{"overall": 4.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A2DJRN5DJS47EZ", "asin": "B00016QOX0", "style": {"Size:": " 32W x 32L", "Color:": " Rinse"}, "reviewerName": "Andrew Smith", "reviewText": "Fit smaller than expected", "summary": "Four Stars", "unixReviewTime": 1509321600} +{"reviewerID": "A27Y0O31XC10YT", "asin": "B0009GEFPQ", "reviewerName": "S. Price", "verified": false, "reviewText": "wide enough in the shoulders and good thick cotton material. just not very long. it is a short t-shirt", "overall": 3.0, "reviewTime": "05 2, 2016", "summary": "Three Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A34XQ015T3GU7J", "asin": "B000812LZ8", "style": {"Size:": " 18 Months", "Color:": " Cream"}, "reviewerName": "Christina", "reviewText": "My son is 10 months and I got the 18 month size and it fits well. I like that it is a lighter hat but is still warm. It also looks so cute on him!", "summary": "Love it!", "unixReviewTime": 1354838400} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A1QEXI81E8D0SZ", "asin": "B0000ANHTD", "style": {"Size:": " 3X-Large", "Color:": " Hunter Green"}, "reviewerName": "Chevy 68", "reviewText": "Fitted Husband perfect!", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2014", "reviewerID": "A2QC9QCGB96UNO", "asin": "B0002TOZ1Y", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White"}, "reviewerName": "Jerry A.", "reviewText": "This is a wonderful and great item because it was comfortable and fit great. I bought many sets of these socks.", "summary": "Great fit", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A213MJ7C814LQQ", "asin": "B0006UZD6K", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "Slyvia", "reviewText": "since there is no Xs size, S size is a good choice to me though the sleeves are little bit longer.", "summary": "S size is a good choice to me though the sleeves are little bit ...", "unixReviewTime": 1417996800} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A109TXPU8DS85U", "asin": "B0009FB2WQ", "style": {"Size:": " X-Large", "Color:": " Black"}, "reviewerName": "AR", "reviewText": "Great looking shirt, but it fits huge! The man I bought it for normally wears a size XL in men's shirts, but he was swimming in this shirt. It almost reached his knees. So make sure to order at least one size smaller than you would normally wear.", "summary": "Order Smaller", "unixReviewTime": 1404864000} +{"reviewerID": "A3VJWAJ2RVIE3", "asin": "B00028AZ6E", "reviewerName": "Cherie", "verified": true, "reviewText": "Amazing fit. So glad I ordered on line instead of wearing ones bought at Wal-Mart that were two inches too short.", "overall": 5.0, "reviewTime": "06 21, 2017", "summary": "Nice Fit And feel.", "unixReviewTime": 1498003200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A1VNM3YX10TKGY", "asin": "B00061NIRU", "style": {"Color:": " Red"}, "reviewerName": "Hsk", "reviewText": "Fast delivery. Holding up wonderfully. Good quality.", "summary": "Holding up wonderfully. Good quality", "unixReviewTime": 1479254400} +{"overall": 3.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "AQKNVOOAB0ZCH", "asin": "B0007T603A", "style": {"Size:": " 37 M EU", "Color:": " Red"}, "reviewerName": "Safe As Milk Records", "reviewText": "I have these shoes in the floral pattern. I wanted a red pair of shoes so thought I would get these. I was looking forward to receiving them but was really disappointed when I saw the color. It really isn't red at all but more of a burgundy. had to return them.", "summary": "really isn't red at all", "unixReviewTime": 1453161600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 3, 2008", "reviewerID": "A2II54B3VA45LN", "asin": "B0002TOZ14", "reviewerName": "Professional shopper", "reviewText": "I ordered these for my son and nephew for Christmas and they both liked them. They're not thin like some other socks. Since they have large feet and it's difficult to find socks in the stores in their size I will definitely be ordering them on Amazon for future gifts.", "summary": "Great quality socks", "unixReviewTime": 1199318400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A1OGTL9EBDTK3N", "asin": "B0000CBALZ", "style": {"Size:": " 38W x 29L", "Color:": " Vintage Indigo"}, "reviewerName": "Tony", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"reviewerID": "A3TR2O4R2SFVVA", "asin": "B0009MKNG0", "reviewerName": "Mark Twain", "verified": true, "reviewText": "A bit thin, but its good white cotton", "overall": 3.0, "reviewTime": "11 9, 2017", "summary": "A bit thin", "unixReviewTime": 1510185600} +{"overall": 4.0, "verified": true, "reviewTime": "12 17, 2012", "reviewerID": "A3K3AIVZE9KZAG", "asin": "B00064NP9I", "style": {"Length:": " 24.00"}, "reviewerName": "JJMar529", "reviewText": "Received the item very quickly, love the length & price, but I must have misread, I thought it had a lobster claw clasp, but it just has the cheap spring clasp. Oh well, it was only $19, so no harm if it breaks.", "summary": "It'll do the job", "unixReviewTime": 1355702400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2017", "reviewerID": "AVLPIICMU9318", "asin": "B0000DCS5T", "style": {"Size:": " 9.5 D(M) US", "Color:": " Dark Tan"}, "reviewerName": "Ric P", "reviewText": "My 5th pair - love this shoe", "summary": "Love this shoe", "unixReviewTime": 1503878400} +{"reviewerID": "A3FBM6P3LBEBRF", "asin": "B0006U68Z0", "reviewerName": "Brenda", "verified": true, "reviewText": "Great", "overall": 5.0, "reviewTime": "02 2, 2017", "summary": "Five Stars", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A14LPJQNUQVSN2", "asin": "B0009MZXAG", "style": {"Size:": " Large/13", "Color:": " White"}, "reviewerName": "Sandra D.", "reviewText": "Nice cushioned sock", "summary": "Five Stars", "unixReviewTime": 1406505600} +{"reviewerID": "A90CGO48K0DB3", "asin": "B0007SUEVK", "reviewerName": "wuyang", "verified": true, "reviewText": "It's very comfortable. China shoes code is 38,it's fit.", "overall": 5.0, "reviewTime": "07 19, 2015", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A3DKC26AT2ZKQX", "asin": "B0007MFW8Q", "style": {"Size:": " 9 D(M) US", "Color:": " Grey Leather"}, "reviewerName": "john malone", "reviewText": "I love the shoes but ALWAYS buy a half size smaller than my foot size. I still have my pair from last season and they look great with a little maintenance of the leather.", "summary": "I love the shoes but ALWAYS buy a half size smaller ...", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "AXPKH98LZRQUW", "asin": "B0001YR54E", "style": {"Size:": " X-Large", "Color:": " Navy"}, "reviewerName": "W. J. Lewis", "reviewText": "perfect work shirt, comfortable and looks good", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"reviewerID": "A3A9I8J593L56S", "asin": "B0009MKNG0", "reviewerName": "Linda Kosar", "verified": true, "reviewText": "My husband likes to keep warm in the winter, and this undershirt fits the bill. It is comfortable, and a good weight.", "overall": 5.0, "reviewTime": "01 17, 2014", "summary": "warm undershirt", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A5XYTPG2Z4PQA", "asin": "B0000ZBSP6", "style": {"Size:": " 38B", "Color:": " White"}, "reviewerName": "Goffin Girl", "reviewText": "I have worn Wacoal bras over the years and always find a good quality as well as proper fit. I am statuesque over 70 but have a 38B chest. This is my go to bra always. I was glad to find Wacoal on Amazon because of the ease in ordering and arriving.", "summary": "best bra ever!", "unixReviewTime": 1374710400} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "A2P2JM5ZR7DP4B", "asin": "B0002ZI6Y0", "style": {"Size:": " 2X- Tall", "Color:": " Dark Navy"}, "reviewerName": "The Schwabes", "reviewText": "this is a nice shirt the only thing bad about this order was the time it took to get to my home.....just don't expect this right away, but it is worth the wait tho..", "summary": "great product", "unixReviewTime": 1395446400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A1HYLQFO3PER20", "asin": "B00006XXGO", "style": {"Size:": " 8", "Color:": " Mouse/Biscui"}, "reviewerName": "Lee, Junghan", "reviewText": "Pretty design and good fit.", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A3M7CGAJJKR3ZJ", "asin": "B0006AAS7E", "reviewerName": "Stuart", "reviewText": "This watch is a beautiful understatement. Simple, elegant, accurate to a tee.", "summary": "Gorgeous!", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": false, "reviewTime": "10 8, 2014", "reviewerID": "A3SY18F0OPH8BY", "asin": "B000A1GVMA", "style": {"Size:": " 10.5 D - Medium", "Color:": " Distressed Brown"}, "reviewerName": "andre", "reviewText": "Guys, these boots are the best!!", "summary": "these boots are the best!!", "unixReviewTime": 1412726400} +{"reviewerID": "ATAOWIJZJHG0F", "asin": "B000ALAGRG", "reviewerName": "Tania Salinas", "verified": true, "reviewText": "Quality and fit, gift for ex military spouse,considering purchasing more in different colors. It made a great Christmas gift and the ordering process was fast and easy.", "overall": 5.0, "reviewTime": "01 22, 2014", "summary": "Quality", "unixReviewTime": 1390348800} +{"overall": 2.0, "verified": true, "reviewTime": "03 17, 2014", "reviewerID": "AUIT0JVFDPVB8", "asin": "B0002LI9BO", "style": {"Size:": " 7.5 B(M) US", "Color:": " White"}, "reviewerName": "Dianne Brock", "reviewText": "I've worn this style for years and never had a problem. This time whenever I put them on the outside sides hit my ankle bone and I end up taking them off. I will return them.", "summary": "Style has changed", "unixReviewTime": 1395014400} +{"overall": 3.0, "verified": true, "reviewTime": "05 9, 2018", "reviewerID": "A3S5OL7XPP8HIL", "asin": "B00006XXGO", "style": {"Size:": " 8.5 US Men/10.5 US Women", "Color:": " Black/Black"}, "reviewerName": "Raymond Allyn", "reviewText": "They are decent shoes. Material quality is good but the color fades very quickly. Not as black in person as shown.", "summary": "Color fades quickly", "unixReviewTime": 1525824000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A250EUSMYKK9EL", "asin": "B00028B4XW", "style": {"Size:": " 36W x 34L", "Color:": " Black"}, "reviewerName": "Wy Elkins", "reviewText": "Just What I wanted.", "summary": "Five Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "A20UMPBW5AR5DI", "asin": "B000B2J940", "style": {"Size:": " 12 D(M) US", "Color:": " Black"}, "reviewerName": "Alberto Bellido", "reviewText": "Perfect!", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"reviewerID": "A1TEE9HYXCS5IB", "asin": "B0002USCE4", "reviewerName": "Brittany", "verified": true, "reviewText": "We always buy Capezio ballet and tap shoes. They are great quality and last for a long time. I usually buy a half size bigger than my daughters street shoe size and we have never had an issue.", "overall": 5.0, "reviewTime": "02 15, 2013", "summary": "Love Capezio", "unixReviewTime": 1360886400} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "A1RO7XOH3AG7GU", "asin": "B0000ANHT7", "style": {"Size:": " Large", "Color:": " Bluestone"}, "reviewerName": "Amazon Customer", "reviewText": "Good quality. The sizing was off. this shirt was much larger then expected.", "summary": "Four Stars", "unixReviewTime": 1508284800} +{"overall": 3.0, "verified": true, "reviewTime": "02 27, 2014", "reviewerID": "A31T434KSZVKFC", "asin": "B0007PRMTA", "style": {"Size:": " Medium", "Color:": " Sport Grey"}, "reviewerName": "BMUR", "reviewText": "Purchased a MED for my 5'11\" son and they fit like a LRG straight out of the box. I'm expecting them to shrink since they are 100% cotton and therefore I will keep them as I really don't care if his sweats are too big or not.", "summary": "Hopefully they will Shrink -", "unixReviewTime": 1393459200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2013", "reviewerID": "A3STVTYM78YZXL", "asin": "B000A38CZC", "style": {"Size:": " XX-Large", "Color:": " Antique Indigo"}, "reviewerName": "Mommy Brenner", "reviewText": "I really wanted a woman's jean jacket, but the prices for them compared this one made my decision for me.\n\nThis one is great, has lots of pockets and I always get compliments when I wear it.\n\nAnd it goes with everything - dresses, slacks - whatever I'm in the mood for.", "summary": "Love it!", "unixReviewTime": 1370736000} +{"overall": 1.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "ADCM2CYP0AQ3E", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Gabriel Heart", "reviewText": "Washed the 6 pack & the material seperated, cheap material & INFERIOR workmanship!", "summary": "JUNK TERRIBLE", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2011", "reviewerID": "A1X5AF6AVFOJHS", "asin": "B000134YH6", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Carlos", "reviewText": "This is very sexy!!!! I bought it for my wife, she likes it and\nI am enjoying it VERY MUCH :P", "summary": "Have fun", "unixReviewTime": 1319587200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A1LK8821LZL7PC", "asin": "B0000WL3CW", "style": {"Size:": " Medium", "Color:": " Brown"}, "reviewerName": "crissidg", "reviewText": "Bought this to give my son for Christmas. Quality is awesome and it should fit him perfectly and give him a little room to grow (he's 13).", "summary": "Quality is awesome and it should fit him perfectly and give him ...", "unixReviewTime": 1448928000} +{"reviewerID": "A1T77VKLY9QCSI", "asin": "B0002LIG3A", "reviewerName": "Wes Hoffman", "verified": true, "reviewText": "These didn't fit like my wife's usual Legg's brand and ran the first time she wore the first two pairs she tried on. The Seller was great - - the product was horrible!", "overall": 1.0, "reviewTime": "10 3, 2013", "summary": "Baggy and poor quality", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "ASRBOMG71J5VR", "asin": "B0007PAZY4", "style": {"Size:": " Large", "Color:": " Tiger Stripe Camo"}, "reviewerName": "tom bird", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "AAYAXHC63IX1D", "asin": "B0006SCZUE", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "RB", "reviewText": "Good Product, Service and Delivery Thanks !!!", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"reviewerID": "A25SOX7NUUC2GG", "asin": "B00028AZ6E", "reviewerName": "smbros91", "verified": true, "reviewText": "Very durable and very comfortable I have had 5 pairs for two years and they are still working great", "overall": 5.0, "reviewTime": "05 5, 2016", "summary": "Great pants", "unixReviewTime": 1462406400} +{"reviewerID": "AUPMD6BNYG3T1", "asin": "B0000AFSX4", "reviewerName": "Mraji", "verified": true, "reviewText": "amazing boot and color! such a steal on the price. love them!", "overall": 5.0, "reviewTime": "09 14, 2015", "summary": "Classic", "unixReviewTime": 1442188800} +{"reviewerID": "A3KRAWFJTTIUTQ", "asin": "B0001YRFS0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "ok", "overall": 5.0, "reviewTime": "12 21, 2016", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A14UO21ZEVP8XW", "asin": "B0007YXRVI", "style": {"Size:": " 50DD", "Color:": " White"}, "reviewerName": "JEAN", "reviewText": "Only place I can get my bra's and size.", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "AHWZ9LSFGKSQX", "asin": "B0007MFW8Q", "style": {"Size:": " 10 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Amazon Customer", "reviewText": "Love them. They fit great, look great, and are comfortable. I get compliments on them all the time", "summary": "Five Stars", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2018", "reviewerID": "AIC9IUYDQCDU", "asin": "B0009B3IN6", "reviewerName": "Mommy of five", "reviewText": "These are very nice shoes and will be used for years to come. The green color is great and my 20 year old son loved them.", "summary": "Perfect", "unixReviewTime": 1515369600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A16MTJZATWUP2", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "Robert Butler", "reviewText": "This is a great watch. Over the years I have worn one until it finally stopped running, and then I buy another. They seem to last forever, keeping exact time and looking good.", "summary": "This is a greatwatch. Over the years I have worn one ...", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": false, "reviewTime": "09 24, 2015", "reviewerID": "A3NYRLRKJC9JAN", "asin": "B0006UZD6A", "style": {"Size:": " X-Large", "Color:": " Petal Peach"}, "reviewerName": "smtgru", "reviewText": "Soft and comfortable. This is a lightweight sweater that will be very versatile for the winter months.", "summary": "Baby soft", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "ARZ6Z4J724YSF", "asin": "B000ARTQGC", "style": {"Size:": " 11 D(M) US", "Color:": " Allspice"}, "reviewerName": "Andrew Gaines", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "ACB9HEZTGRN79", "asin": "B0002TOWIU", "style": {"Size:": " Shoe Size 6-12.5", "Color:": " Navy"}, "reviewerName": "RSvK", "reviewText": "I've been wearing these socks for many years and find them the most comfortable of any I've had. Some of the older ones had a fixed-length band around the tops, but the newer ones have elastic, which prevents binding. The gold toes make sorting in the laundry easier.", "summary": "Great socks, good delivery", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A25ZEMS6VFKT03", "asin": "B0002FHJ66", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "jbird", "reviewText": "I gave these to four relatives...women and men. What a hit! They loved them.", "summary": "Beloved", "unixReviewTime": 1477699200} +{"reviewerID": "A1ZI5TXUIBRCSV", "asin": "B0002M4S54", "reviewerName": "jr7", "verified": true, "reviewText": "I ordered both these Dickies overalls and a pair of Key overalls so I could compare.\nI kept the Keys and returned the Dickies. The Dickies were quite acceptable but I thought the Keys were superior.", "overall": 4.0, "reviewTime": "12 23, 2017", "summary": "The Dickies were quite acceptable but I thought the Keys were superior.", "unixReviewTime": 1513987200} +{"reviewerID": "APXUJER1O4OAX", "asin": "B0007SUEVK", "reviewerName": "Ann Douglas", "verified": true, "reviewText": "My husband wears these as house shoes in our home full of hardwood floors. The sole provides him with the extra cushion and non skid support he needed.", "overall": 5.0, "reviewTime": "02 17, 2016", "summary": "Great product for the money.", "unixReviewTime": 1455667200} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2012", "reviewerID": "A1OLTLIVGZ5BKC", "asin": "B000AS8ESW", "style": {"Size:": " Standard", "Color:": " Orange"}, "reviewerName": "chiefsfan1230", "reviewText": "My wife ordered this and we really liked it. The little hat with the stem on it is hilarious. Good buy", "summary": "Good costume - and funny", "unixReviewTime": 1355011200} +{"overall": 3.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A3NR634YM8OTTA", "asin": "B000B2OFQ2", "style": {"Size:": " 11.5 D(M) US", "Color:": " Grey/Deep Blue"}, "reviewerName": "Anjelo Y.", "reviewText": "there is a mark when it arrived to me", "summary": "Three Stars", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A2CKDH95WDCIFZ", "asin": "B0006U3V0A", "style": {"Size:": " Medium", "Color:": " Black"}, "reviewerName": "Patricia G. Hennessy", "reviewText": "Kept my grandson warm and dry. Very comfortable and nicely made", "summary": "Very comfortable and nicely", "unixReviewTime": 1454284800} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2018", "reviewerID": "A1V61KFAFSXLKG", "asin": "B0002TOZ2S", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "fran", "reviewText": "they were a gift", "summary": "Four Stars", "unixReviewTime": 1521676800} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A3UOFF3ZYEYSDR", "asin": "B0002LTCWY", "style": {"Size:": " 8.5 B(M) US", "Color:": " Sahara"}, "reviewerName": "Margie", "reviewText": "Very stiff leather. Still trying to break them in and loosen them up.", "summary": "Very stiff leather. Still trying to break them in ...", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2017", "reviewerID": "A2SS561J9G810", "asin": "B000213XV0", "reviewerName": "Mr Amazon", "reviewText": "Love this stuff. Works great. Levels itself out. Tape around the heel, creating a \"dam\" and pour away.", "summary": "Works great", "unixReviewTime": 1509235200} +{"reviewerID": "A3ND0C4TYHQ495", "asin": "B00091SSU4", "reviewerName": "Joseph", "verified": true, "reviewText": "Very nice thick durable jeans fit perfectly", "overall": 5.0, "reviewTime": "01 31, 2018", "summary": "Great", "unixReviewTime": 1517356800} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A3BD3NTWP4B2V7", "asin": "B00007GDAL", "style": {"Color:": " Taupe"}, "reviewerName": "td", "reviewText": "My favorite wallet for many years - fits all I need to carry.", "summary": "Five Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "AW9L5XXX7ZYK5", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Grey Heather", "Number of Items:": " 6"}, "reviewerName": "Chiriqui 1991", "reviewText": "Very comfortable and great fit - a good deal all around.", "summary": "Five Stars", "unixReviewTime": 1459123200} +{"overall": 2.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A1A1J00KPN6MIV", "asin": "B000B52548", "style": {"Color:": " Black"}, "reviewerName": "James Ferraro III", "reviewText": "I love the design and the simplicity of it however, it's actually much smaller than the picture shows.", "summary": "Two Stars", "unixReviewTime": 1451347200} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2018", "reviewerID": "A2AMAGJKQOVLBR", "asin": "B0002TOZ2S", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " White"}, "reviewerName": "ElRoy", "reviewText": "bood socks, just don't last long", "summary": "Four Stars", "unixReviewTime": 1518480000} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2013", "reviewerID": "A2K7I925SWKF1R", "asin": "B000B255A2", "style": {"Size:": " 10 D(M) US", "Color:": " Tan"}, "reviewerName": "S. Vick", "reviewText": "My husband has two bad ankles and these boots fit him great. He has had very little pain since wearing them. He works with concrete and is on his feet all day. They have been great for him.", "summary": "Great pair of boots", "unixReviewTime": 1382313600} +{"overall": 3.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "A2MIH20IC5KPRO", "asin": "B000AYW0KO", "style": {"Color:": " Two-Tone/White"}, "reviewerName": "ReginaPhalangie", "reviewText": "The color is VERY dull.. its almost white and brown/dark beige. I can't say its gold and silver Very disappointed.", "summary": "Color is not as expected", "unixReviewTime": 1497744000} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A25XUKJ5I8L6SL", "asin": "B0009GCRQ0", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "fortune fay", "reviewText": "Look like a rock star in a black tee shirt or roll a pack of cigs in the sleeve and look like a 1950s hood", "summary": "A black tee is like a casual tux", "unixReviewTime": 1472860800} +{"reviewerID": "AWOQHPJCTRQK", "asin": "B0007MFWZ4", "reviewerName": "lenford", "verified": true, "reviewText": "true meaning of perfection", "overall": 5.0, "reviewTime": "08 19, 2015", "summary": "Five Stars", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2012", "reviewerID": "A1FCW3F4Q2YW23", "asin": "B0009AVS8E", "reviewerName": "ang nc", "reviewText": "rockports mens walking shoe is a very comfotable shoe . it looks great with jeans . good quality and color .", "summary": "rockport comfort", "unixReviewTime": 1339718400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2012", "reviewerID": "AEBL3O5EW3TRL", "asin": "B0000TW41Y", "style": {"Size:": " 36W x 32L", "Color:": " Carhartt Brown"}, "reviewerName": "babs66", "reviewText": "Ordered these pants for my husband, great price, style, fit! they retail in the stores where we live for 90.00+ a pair. We will definitely be ordering more!", "summary": "Great pants", "unixReviewTime": 1354579200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A2PYO36FXWE9R2", "asin": "B0009G6AX6", "style": {"Size:": " Medium", "Color:": " Charcoal Grey"}, "reviewerName": "Christopher M. Kato", "reviewText": "Great Price!", "summary": "Five Stars", "unixReviewTime": 1458432000} +{"reviewerID": "A1OMSA1G6C1752", "asin": "B00028AZ6E", "reviewerName": "The Fourth Stooge", "verified": true, "reviewText": "Good looking and sturdy pants, perfect for a hands-on manager.", "overall": 5.0, "reviewTime": "01 10, 2017", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 4.0, "verified": true, "reviewTime": "12 31, 2012", "reviewerID": "A3DFVGTPE40GN0", "asin": "B0009RG94K", "style": {"Size:": " Diameter: 12.75\"", "Diameter:": " 12.75\""}, "reviewerName": "Shanta", "reviewText": "Bought this as an accessory for my son's Captain America costume. It was a perfect addition to the costume that was purchased elsewhere. Received it just in time for Halloween.", "summary": "Great Accessory for Halloween Costume", "unixReviewTime": 1356912000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "A3SHBKVEB1ZHVC", "asin": "B0002M9DO0", "style": {"Size:": " Medium (8.5-10.5 Men / 10-12 Women)", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent for outdoor work during the winter months. These are for safety minded OSHA work area's.", "summary": "Five Stars", "unixReviewTime": 1495584000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A2KMOAMYUTAUYK", "asin": "B000783UHU", "style": {"Size:": " XX-Large Tall", "Color:": " Black"}, "reviewerName": "Nathan", "reviewText": "Fits and wears exactly as I assumed it would.", "summary": "Great for this time of year.", "unixReviewTime": 1447200000} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A11VEJUE3NXBDR", "asin": "B000089V7W", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Pink"}, "reviewerName": "Kindle Customer", "reviewText": "These shoes are very cute. They do run large so get a size smaller than usual. My daughter wears them with everything.", "summary": "Cute Converse for a good price", "unixReviewTime": 1410998400} +{"overall": 3.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A3VHSOPTVIQJD1", "asin": "B00078ZTLU", "reviewerName": "christine pereira", "reviewText": "Appears decent for its purpose. School uniform", "summary": "Three Stars", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A3IM6OM5MNJ2WM", "asin": "B0008172KC", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "JSA", "reviewText": "Fits all Jean belt loops", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A3VA6F3KAIGHKB", "asin": "B00065FZSQ", "reviewerName": "Kevin Donohue", "reviewText": "Excellent product. My daughters loved them.", "summary": "Excellent product. My daughters loved them", "unixReviewTime": 1456704000} +{"overall": 3.0, "verified": true, "reviewTime": "05 4, 2018", "reviewerID": "A11JAXADB7C1V2", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 12"}, "reviewerName": "K Charboneau", "reviewText": "Very little stretch and difficult for me to get on.", "summary": "Three Stars", "unixReviewTime": 1525392000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "ARU9XQX70JHHJ", "asin": "B00024QELS", "style": {"Size:": " 9 B(M) US", "Color:": " Black Deer Tan"}, "reviewerName": "AMD", "reviewText": "Amazing. Very well made. Look great and are comfy!", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2017", "reviewerID": "A1J02230KXXQ98", "asin": "B0007CKMOU", "style": {"Size:": " 46W x 32L", "Color:": " Antique Indigo"}, "reviewerName": "R. P. Grigsby", "reviewText": "Good, heavy yet soft jeans. I was looking for knock-around jeans and decided to try Wranglers again. They seem well made and rugged. That's all I could ask for!!", "summary": "Good, rugged jeans for anywhere, anytime!!", "unixReviewTime": 1508457600} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A2UWBP82XS76KX", "asin": "B0000ANHT7", "style": {"Size:": " Medium", "Color:": " Navy"}, "reviewerName": "karen vance", "reviewText": "nice shirt", "summary": "Four Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A2RYVPS6ZJY56", "asin": "B0008EO5AE", "style": {"Size:": " 10 Long", "Color:": " Authentic Azul"}, "reviewerName": "Lee Adler", "reviewText": "Perfect confortable Jeans. The color exactly as picture.", "summary": "Five Stars", "unixReviewTime": 1466035200} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "A3E41TXCZ9CL67", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Fred in WA", "reviewText": "Good all around daily wear socks. No extra material in toes or heel. Medium weight sock.", "summary": "Four Stars", "unixReviewTime": 1503446400} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "AW4X8991J1N4V", "asin": "B000783PL6", "style": {"Size:": " 4XL Tall", "Color:": " Black"}, "reviewerName": "Angelo", "reviewText": "Perfect for fall season, good material and price", "summary": "Love it", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A3I4PEVIHEM9K5", "asin": "B00008KZCG", "style": {"Size:": " Men's 11.5 Medium", "Color:": " Natural White"}, "reviewerName": "Sheila Paxson", "reviewText": "My son loved them!!", "summary": "Five Stars", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A1COR0WCY5KWIZ", "asin": "B00006XXGO", "style": {"Size:": " 8 US Men/10 US Women", "Color:": " Red"}, "reviewerName": "John West", "reviewText": "Fit perfect and delivered on time.", "summary": "Five Stars", "unixReviewTime": 1463961600} +{"overall": 1.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "AN4W281VHQIOP", "asin": "B0000862R1", "style": {"Size:": " L C/D (40/42)", "Color:": " Nude"}, "reviewerName": "Bonnie M Gilbert", "reviewText": "Need to send back. They run very large.", "summary": "One Star", "unixReviewTime": 1501372800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A1XJFSQFGKO66S", "asin": "B0009JE7EC", "style": {"Size:": " Preemie", "Color:": " Girl Prints"}, "reviewerName": "Stephanie", "reviewText": "Gave as a shower gift - the momma to be said they all washed up super soft and I have seen a several pictures of the new baby in them already!", "summary": "... the momma to be said they all washed up super soft and I have seen a several pictures of ...", "unixReviewTime": 1470787200} +{"reviewerID": "A36G92373YZ3JH", "asin": "B0001YRFS0", "reviewerName": "Maxwell Mauldin", "verified": true, "reviewText": "To big", "overall": 2.0, "reviewTime": "10 27, 2017", "summary": "Two Stars", "unixReviewTime": 1509062400} +{"reviewerID": "A1DBHOJ33GHNUX", "asin": "B0007MFWZ4", "reviewerName": "Samuel Taylor", "verified": true, "reviewText": "Nice", "overall": 5.0, "reviewTime": "10 19, 2015", "summary": "Five Stars", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A39F8TC6FNWK6Q", "asin": "B000072UPN", "style": {"Size:": " 9 B(M) US Women / 7 D(M) US Men", "Color:": " Red"}, "reviewerName": "Steve", "reviewText": "These shoes were a gift and they are well worn and loved", "summary": "Five Stars", "unixReviewTime": 1493510400} +{"overall": 3.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A11LTJLWIORUV0", "asin": "B00001TOXD", "style": {"Size:": " Standard"}, "reviewerName": "Ali J.", "reviewText": "I used this for my daughter's cinderella costume. It looked great for most of the night, but by the end of trick or treating there was no broom left..it pretty much all fell a part.", "summary": "It looked great for most of the night", "unixReviewTime": 1490227200} +{"reviewerID": "A271N1QVGHH9IR", "asin": "B00091SSU4", "reviewerName": "Gaylon Schulle", "verified": true, "reviewText": "Great pants. Order size larger as tends to be small.", "overall": 5.0, "reviewTime": "05 3, 2016", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"reviewerID": "A1T13ZDZHYE8LB", "asin": "B0001YRFS0", "reviewerName": "Sal", "verified": true, "reviewText": "Ok", "overall": 4.0, "reviewTime": "04 24, 2017", "summary": "Four Stars", "unixReviewTime": 1492992000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 25, 2011", "reviewerID": "ARB4W8YDJHTDG", "asin": "B0009VEY0C", "style": {"Size:": " 12 D(M) US", "Color:": " Dark Brown - 87350"}, "reviewerName": "Chef Chocolatier", "reviewText": "Beautiful boots. High grade leather well constructed. More of a yellow brown than dark brown, but sadly they ares too small. Hoping they still have those 13's.", "summary": "Great boot!", "unixReviewTime": 1303689600} +{"overall": 5.0, "verified": false, "reviewTime": "11 8, 2012", "reviewerID": "A1786XNIS3M7RN", "asin": "B000A7G6OC", "style": {"Size:": " 40Wx30L", "Color:": " Coyote Brown"}, "reviewerName": "Frank", "reviewText": "Very nice shirt and sized correctly. Comfortable with large hidden pockets. Color is as shown. Very well made with double stitching", "summary": "Nice shirt", "unixReviewTime": 1352332800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A3NLWMTIVYXX6A", "asin": "B0007YVUVC", "style": {"Size:": " Small", "Color:": " Nude Beige Tones"}, "reviewerName": "Clemen", "reviewText": "I love these natural feel fitting underwear! I wear a size 6 in pants and the size small fit very well.", "summary": "I love these natural feel fitting underwear", "unixReviewTime": 1489622400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "A181WZ5RSQXX3J", "asin": "B0001YRWJ2", "style": {"Size:": " 36W x 32L", "Color:": " Indigo Rigid"}, "reviewerName": "Carol J.", "reviewText": "My husband likes them really well. And they are a good fit and perfect length. He would recommend them and the seller.", "summary": "Bib Overalls", "unixReviewTime": 1401494400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "04 5, 2013", "reviewerID": "A6XOZZWRDZBVM", "asin": "B00063AJ84", "style": {"Color:": " Orange"}, "reviewerName": "Addie Ringo", "reviewText": "Got so tired of searching for luggage at the airport so I ordered this color. The color is much richer than the picture and I know I will be able to spot it quicker. Love the compartments and it rolls well. Can't wait until May for our trip to Alaska!", "summary": "Where is my luggage?", "unixReviewTime": 1365120000} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "AL67GC58ZSE3E", "asin": "B000AEJNEA", "style": {"Size:": " Large", "Color:": " Blue Jean"}, "reviewerName": "catfish", "reviewText": "LOVE LOVE LOVE they keep you the warmest!", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"overall": 3.0, "verified": true, "reviewTime": "07 18, 2014", "reviewerID": "A3L5SI13PZQYL6", "asin": "B00004U3KU", "style": {"Size:": " Standard", "Color:": " Black/White"}, "reviewerName": "P Creel", "reviewText": "Okay for Halloween costume. Udder was a weird grey color not pink. We had to paint over it.", "summary": "Three Stars", "unixReviewTime": 1405641600} +{"overall": 2.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A3G2MCODAOX4EH", "asin": "B0000A504C", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " White"}, "reviewerName": "venetian", "reviewText": "i will be sending it back. I liked these shoes as a kid. It does not fit my daughter, so I will be returning it.", "summary": "poor fit for my daughter's foot.", "unixReviewTime": 1407196800} +{"reviewerID": "A2XXQVWEEH34HO", "asin": "B0000AFSX4", "reviewerName": "Kashauna Dowling", "verified": true, "reviewText": "Nice and comfy and good quality to. Definitely would but another pair. The delivery was also speedy.", "overall": 5.0, "reviewTime": "01 18, 2016", "summary": "Five Stars", "unixReviewTime": 1453075200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "AAJOYGPVNDC73", "asin": "B0002LTJN6", "style": {"Size:": " 9 B(M) US", "Color:": " Navy"}, "reviewerName": "Yahaira", "reviewText": "my foot is a bit too wide for this shoe. Still love them though.", "summary": "Still love them though", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A1EOOS06N85XV8", "asin": "B000632SPG", "reviewerName": "burrko", "reviewText": "Very please with this hat. It is difficult to find hats to fit a 7 7/8 head. This hat fits and fits well. The whole hat covers my head not just a strap sticking way out beyond the back of the fabric.", "summary": "Nice hat!", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A1YDPYI4SSEDAS", "asin": "B0008EO5AE", "style": {"Size:": " 12", "Color:": " Premium Stone"}, "reviewerName": "Bassin Lady", "reviewText": "Love this style of Lee jeans. Fit me perfect", "summary": "Five Stars", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2017", "reviewerID": "A9CLDHWGGNDHR", "asin": "B0000WL3CW", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "drew kirgan", "reviewText": "Tall skinny guy. Was way too big, but ran a warm wash and warm speed dry and it fits perfect. I'm 6' 3\" 165lbs. Hope that helps others decide on size to get. Extremely warm and lots of room in the shoulders and arms to work comfortably.", "summary": "but ran a warm wash and warm speed dry and it fits perfect. I'm 6' 3\" 165lbs", "unixReviewTime": 1507507200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A18V8LQS3YGONE", "asin": "B0009HNF7E", "style": {"Size:": " 8 (X-Large)", "Color:": " Pale Blush"}, "reviewerName": "Hibiscus75", "reviewText": "Most comfy undies ever!! Having junk in the trunk..lol these undies are made for women with curves. Beautiful fit and superb durability..love these undies!!", "summary": "beautiful fit!", "unixReviewTime": 1383955200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "AA8XFH4QIMN0C", "asin": "B0002UFHCY", "style": {"Size:": " 16 Short", "Color:": " Black"}, "reviewerName": "Flower", "reviewText": "love them.", "summary": "Five Stars", "unixReviewTime": 1466035200} +{"reviewerID": "A1BBJO70V3KT31", "asin": "B0008EOC5W", "reviewerName": "Juan E. Saladn Negrn", "verified": true, "reviewText": "Exelente", "overall": 5.0, "reviewTime": "11 23, 2015", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A1UP53W90K9RZJ", "asin": "B0002M34U4", "style": {"Size:": " 38W x 30L", "Color:": " Dockers Navy- Discontinued"}, "reviewerName": "Amazon Customer", "reviewText": "comfortable", "summary": "Four Stars", "unixReviewTime": 1512000000} +{"reviewerID": "A100JA1ZEXRGIP", "asin": "B000AC9KBS", "reviewerName": "Justmeatoz", "verified": true, "reviewText": "This shoe would have been perfect if they hadn't stretched it out so far with the shoe shapers and stuffing.", "overall": 2.0, "reviewTime": "08 10, 2015", "summary": "This shoe would have been perfect if they hadn't stretched it out so far with ...", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A2UTJ459CILUXL", "asin": "B0002MGM4O", "style": {"Size:": " Medium", "Color:": " Collegiate Navy"}, "reviewerName": "RDU23", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1485734400} +{"overall": 3.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "AJ4IZSNNGUYUN", "asin": "B0007YR980", "style": {"Size:": " 34DD", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "SandraFlorida", "reviewText": "I like the comfortable straps and the supportive nature of the bra, my only real complaint is that the cups tend to come to a point making you look somewhat like a 50's catalog picture.", "summary": "Product good, maybe not for me", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2012", "reviewerID": "ASOB69GRNWQGT", "asin": "B000089V7W", "reviewerName": "Kevin", "reviewText": "Converse are all the rage again. Just as they were when I was in grade school/junior high, and that was a long time ago. It was a gift to my nephew and he was thrilled. Good quality shoe at a good price.", "summary": "Nice Shoes", "unixReviewTime": 1354147200} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A2ZRC5BNHMMJIG", "asin": "B00006XXGO", "reviewerName": "steven s", "reviewText": "Apparently you need to order a 1/2 size smaller, but other then that I like them.", "summary": "but other then that I like them.", "unixReviewTime": 1459382400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A3MBD4Q9CJFAEJ", "asin": "B0007YR980", "style": {"Size:": " 50DD", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "Denise Moser", "reviewText": "the bra is very comfortable and im quite pleased!", "summary": "Five Stars", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "AU6QVCMAE9J99", "asin": "B0002M8PH6", "style": {"Size:": " 7.5 B(M) US", "Color:": " White"}, "reviewerName": "E. E. Kennedy", "reviewText": "I like these for so many uses, from church to grocery store trips. They are pretty and practical and more feminine than many sandals.", "summary": "Pretty and comfortable", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A3B4NE5ICMCIPM", "asin": "B0009SDYK6", "style": {"Size:": " 11 D(M) US", "Color:": " Navy/Gray"}, "reviewerName": "Ben", "reviewText": "Typically a size 10US, I had to go up a full size on these. The 11US fit great and I love the shoes!", "summary": "The 11US fit great and I love the shoes", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A3E8994P8QZ1J8", "asin": "B0009GCRQ0", "style": {"Size:": " 2XL US (Chest 50-52)", "Color:": " Sand"}, "reviewerName": "Hong Hyun Sook", "reviewText": "No complains !", "summary": "No complains !", "unixReviewTime": 1414281600} +{"reviewerID": "AZLB5MNCFN8PL", "asin": "B0001YRFS0", "reviewerName": "Joseph", "verified": true, "reviewText": "best pants no belt needed. loose enough", "overall": 5.0, "reviewTime": "09 13, 2014", "summary": "Five Stars", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "A1P334V1A5GG7N", "asin": "B0000CBALZ", "style": {"Size:": " 42W x 34L", "Color:": " Vintage Indigo"}, "reviewerName": "Hot Rod Dad", "reviewText": "They fit good, very comfortable. just like I expect from wrangler and will get more when they wear out, that might take awhile.", "summary": "great jeans", "unixReviewTime": 1399939200} +{"reviewerID": "A2RMIX47JB3QB5", "asin": "B0002USCE4", "reviewerName": "sophs mom1119", "verified": true, "reviewText": "Run about two sizes to small. My daughter wears a size 7 and I couldn't even squeeze her foot into it. Very disappointed", "overall": 1.0, "reviewTime": "08 24, 2015", "summary": "Way too small", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A90FBKQ2F73W7", "asin": "B0002MB8O8", "style": {"Size:": " 11 B(M) US", "Color:": " Sky Blue"}, "reviewerName": "ShopperNY", "reviewText": "I always order up a size in Keds as I do for all sneakers. These were exactly as I expected and a great price but the slip ons were even cuter so I kept those instead.", "summary": "Cute classics", "unixReviewTime": 1448150400} +{"overall": 4.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A7ZRB2DEWE1EJ", "asin": "B0007SZA9Q", "style": {"Size:": " 11.5 D(M) US", "Color:": " Chocolate Moose"}, "reviewerName": "ML", "reviewText": "Very nice but they were the wrong size", "summary": "Four Stars", "unixReviewTime": 1489276800} +{"reviewerID": "A206IGH9FMFGNB", "asin": "B0001YRFS0", "reviewerName": "Jonathan Arrocha", "verified": true, "reviewText": "Size was way too small!", "overall": 1.0, "reviewTime": "03 4, 2018", "summary": "One Star", "unixReviewTime": 1520121600} +{"overall": 3.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A2PQ9WXK5RYIZ", "asin": "B0002RRN4M", "style": {"Size:": " 7.5 B(M) US", "Color:": " Black"}, "reviewerName": "Sapphire 1202", "reviewText": "Quality is not good as I expected and I am true size 7.5 but there are some space back of feet.", "summary": "Quality is not good as I expected and I am true size 7", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2016", "reviewerID": "A2J327K1V45JF", "asin": "B0007CKRTK", "style": {"Size:": " 36W x 30L", "Color:": " Night Brown"}, "reviewerName": "Robert D. Horwhat", "reviewText": "Go to Dicks- their brush pants are $100. Then leave and go to Walmart and get two pair of these. Great fit and Wrangler quality- I hunt with these and they are indestructible.", "summary": "Get me and you'll love them", "unixReviewTime": 1475971200} +{"reviewerID": "A143OTRBW5CXRD", "asin": "B0001YRFS0", "reviewerName": "mike green", "verified": true, "reviewText": "I probably should of gone one size bigger on the waist, but other than that there great exactly what I was looking for!", "overall": 4.0, "reviewTime": "08 27, 2015", "summary": "but other than that there great exactly what I was looking for", "unixReviewTime": 1440633600} +{"reviewerID": "A3V7NG0IZN3PWO", "asin": "B00028AZ6E", "reviewerName": "Kevin Leo Atwood", "verified": true, "reviewText": "Thanks love it", "overall": 5.0, "reviewTime": "11 12, 2014", "summary": "Five Stars", "unixReviewTime": 1415750400} +{"reviewerID": "AQ7NAZ045ZL5", "asin": "B0002UNNNY", "reviewerName": "Cheri the Shopper", "verified": true, "reviewText": "I ordered a narrow. It was a little more of a gap than I desired but it does tighten.", "overall": 4.0, "reviewTime": "08 20, 2014", "summary": "Ballet shoe", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A3ARO1K4G7MKN9", "asin": "B0008EOQ4O", "style": {"Size:": " 34W x 32L", "Color:": " Tomas"}, "reviewerName": "Amazon Customer", "reviewText": "Bought one in store for work pants. They fit better than my normal non work \"nice pants\" and im probably going to replace all levis with these and buy more for work too.", "summary": "Love them", "unixReviewTime": 1480982400} +{"overall": 3.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A20N00I6J79AU5", "asin": "B0002RIKFI", "style": {"Size:": " One Size", "Color:": " White"}, "reviewerName": "NINiINinINinINinININNIinINj INniNIIN JininINinininIN jNIKristine P", "reviewText": "Nice hat - really wrinkled. Light weight", "summary": "Three Stars", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A16EHA10GWQC3F", "asin": "B0002TNBS2", "style": {"Size:": " XX-Large", "Color:": " Multi"}, "reviewerName": "DMJBeerman", "reviewText": "Love the graphics - especially as it arrived as our tomatoes & other veg has begun to be picked. Can't do without as a Dead fan Gardner!", "summary": "Really nice graphics", "unixReviewTime": 1436832000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81YnFJ55lNL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/91ZrMcq-XmL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "11 20, 2017", "reviewerID": "AIV6XEP2QR1KB", "asin": "B0002MB0DM", "style": {"Size:": " 9.5 B(M) US", "Color:": " Drizzle Gray"}, "reviewerName": "Dee", "reviewText": "They're clean and neat looking. I love not having to tie laces. I ordered 9.5 and usually wear either 9 or 9.5. They fit perfectly.", "summary": "Cute Little No Lace Sneaker", "unixReviewTime": 1511136000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "A34FJ5QECOSV1L", "asin": "B00068TJ76", "style": {"Color:": " Black"}, "reviewerName": "Christopher Dame", "reviewText": "awesome!!, bright lumination, good time keeping.but must wear daily or runs down fast...!!.", "summary": "Five Stars", "unixReviewTime": 1409356800} +{"reviewerID": "A2TLMX3DVGOCY7", "asin": "B0007USMFS", "reviewerName": "Stefanie in TX!", "verified": true, "reviewText": "Great quality, thick material, perfect for work pants and great price!", "overall": 5.0, "reviewTime": "04 19, 2016", "summary": "Work pants", "unixReviewTime": 1461024000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "ARVDECVMI814S", "asin": "B0009GAP32", "style": {"Size:": " Medium", "Color:": " White/navy"}, "reviewerName": "TankGirl", "reviewText": "I bought the grey and black one and liked it so much that the day after I wore it, I ordered this one.", "summary": "Love it", "unixReviewTime": 1396224000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A3VBI53GSSNJZ8", "asin": "B000812LZ8", "style": {"Size:": " 18 Months", "Color:": " Pink"}, "reviewerName": "Robert Gordon", "reviewText": "this hat is adorable on my daughter and super soft and snuggly! i love everything i've purchased from this brand!", "summary": "love this brand", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A21WUYFJL0JQAA", "asin": "5120053084", "style": {"Size:": " Medium", "Color:": " Berry"}, "reviewerName": "Kaitlyn", "reviewText": "Love love love this shirt! Great quality, washes up nice, and doesn't wrinkle. I do a lot of traveling and always wear this shirt on flights for breastfeeding.", "summary": "Love love love this shirt", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A1TXYT6TL5MR2Q", "asin": "B00006XXGO", "style": {"Size:": " 9 B(M) US Women / 7 D(M) US Men", "Color:": " Pink"}, "reviewerName": "Amazon Customer", "reviewText": "Very comfortable! They fit just like I thought they would:)", "summary": "Love these!", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "AUIP6JQPTTNIT", "asin": "B0007MFW8Q", "style": {"Size:": " 10 D - Medium", "Color:": " Beeswax"}, "reviewerName": "Catarino Javier Aguayo", "reviewText": "I love clarks, but beeswax is easily the best color. Great fit, and could wear with justa bout anything. great shoes.", "summary": "Clarks desert boot. the only shoe i wear", "unixReviewTime": 1399334400} +{"overall": 4.0, "verified": true, "reviewTime": "10 9, 2017", "reviewerID": "A5ECD88FOSQM3", "asin": "B0001YRWJ2", "style": {"Size:": " 34W x 30L", "Color:": " Stone Washed Indigo Blue"}, "reviewerName": "Patricia C", "reviewText": "Good quality", "summary": "Four Stars", "unixReviewTime": 1507507200} +{"reviewerID": "A39NRIHGVMM0Y1", "asin": "B0001YRFS0", "reviewerName": "Steven P. McCowan", "verified": true, "reviewText": "Perfect.", "overall": 4.0, "reviewTime": "03 30, 2016", "summary": "Four Stars", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "ATJS3FL0TCM8O", "asin": "B0002M14CY", "style": {"Size:": " 8 B(M) US", "Color:": " Black/Gray/Red"}, "reviewerName": "JusMeSharon", "reviewText": "love these shoes", "summary": "Five Stars", "unixReviewTime": 1450828800} +{"reviewerID": "A1I5NA144P2VB1", "asin": "B0007MFWZ4", "reviewerName": "Parkway Pub (Consignment)", "verified": true, "reviewText": "Great shoes!", "overall": 5.0, "reviewTime": "08 22, 2015", "summary": "Five Stars", "unixReviewTime": 1440201600} +{"reviewerID": "A1XUHJ2FMA5N27", "asin": "B00028AZ6E", "reviewerName": "judy thoeun", "verified": true, "reviewText": "Great pants", "overall": 5.0, "reviewTime": "07 28, 2015", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A2LYARSN59VLKZ", "asin": "B0000DZJLM", "style": {"Size:": " Large", "Color:": " Charcoal Heather"}, "reviewerName": "Sandler", "reviewText": "Like the shorts...has pockets, good length, fit well. Hard to find shorts with pockets..", "summary": "Happy with my purchase..", "unixReviewTime": 1464480000} +{"overall": 2.0, "verified": true, "reviewTime": "12 5, 2016", "reviewerID": "A1GJMZ5DKN2G4Q", "asin": "B0008EOQ4O", "style": {"Size:": " 36W x 29L", "Color:": " Medium Stone"}, "reviewerName": "Elie Kallassy", "reviewText": "not same color,and model cut as shown.", "summary": "not same color, and model cut as shown.", "unixReviewTime": 1480896000} +{"overall": 3.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "A3719IMXC3P7O9", "asin": "B0000V9E3S", "style": {"Size:": " 7.5 B(M) US", "Color:": " Vivid Blue/Neutral Gray"}, "reviewerName": "Steph", "reviewText": "My husband loves his Keens. I bought these for a trip to HI and had high hopes for them. The shoe is very sturdy and has a great tread. However, the hard foot bed hurt my feet after walking in them for an hour or so. Hopefully, I can resell them as they were hardly used.", "summary": "I wanted to love these...", "unixReviewTime": 1401926400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2017", "reviewerID": "A2WTLO3FKZ7X11", "asin": "B0009B3IN6", "reviewerName": "CInvest", "reviewText": "wife loves them\nsecond or third pair she has owned and will own more again", "summary": "2 thumbs up", "unixReviewTime": 1507766400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2014", "reviewerID": "A1WV568OAA26PQ", "asin": "B000AYSH6U", "style": {"Color:": " Gray/Lilac"}, "reviewerName": "John E. Quandt", "reviewText": "Exact replacement for my wife's watch. She is a runner and loves it. Her old one got wet and died after washing her hands with the watch on, so she and I are very dubious of the \"water resistant\" claim. But still a good watch for the money.", "summary": "Women's triathalon watch", "unixReviewTime": 1402531200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A1CFKT8RAO3FJ2", "asin": "B0009GAP32", "style": {"Size:": " XX-Large", "Color:": " White/Red"}, "reviewerName": "Cyndee Busco", "reviewText": "Nice", "summary": "like", "unixReviewTime": 1418774400} +{"reviewerID": "A2LY4HFF3P007W", "asin": "B0000ZFSFW", "reviewerName": "MGL", "verified": true, "reviewText": "Stockings fit very nicely. Am going to order again.", "overall": 5.0, "reviewTime": "07 5, 2015", "summary": "Hanes support pantyhose", "unixReviewTime": 1436054400} +{"overall": 1.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A36X71DVRH0CP6", "asin": "B0009SDYK6", "style": {"Size:": " 10 D(M) US", "Color:": " Charcoal/Light Grey"}, "reviewerName": "Amazon Customer", "reviewText": "Terrible fit, terrible product.", "summary": "One Star", "unixReviewTime": 1458345600} +{"overall": 4.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A19XAUE83XLHYB", "asin": "B0009Z6AI2", "style": {"Size:": " 10.5 B(M) US", "Color:": " Black"}, "reviewerName": "Titan", "reviewText": "The shoe is comfortable but size is a tad small fit.", "summary": "Fits somewhat small", "unixReviewTime": 1414713600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 14, 2017", "reviewerID": "A3CWF4WI6U72PP", "asin": "B0009EQUBU", "style": {"Size:": " 9 D(M) US", "Color:": " Stone"}, "reviewerName": "S. A", "reviewText": "Great boots!!!!! Took me a day or so to get used to walking on a sole that was unfamiliar, but not any issues at all...I am a bit taller also, lol...these are going to be my every-daily boot for the for-see-able future...I will get them again!", "summary": "Great boots!", "unixReviewTime": 1507939200} +{"overall": 2.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A1UM4S5J3BTLV9", "asin": "B00006XXGO", "style": {"Size:": " 7 D(M) US", "Color:": " Navy"}, "reviewerName": "Amazon Customer", "reviewText": "Shoes were a little large compared to the other exact shoe I have.", "summary": "Two Stars", "unixReviewTime": 1473724800} +{"overall": 4.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "A2E4NSXVQ9Y0LY", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Red"}, "reviewerName": "Marc Henry Clairvil", "reviewText": "Thanks", "summary": "Four Stars", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": false, "reviewTime": "02 28, 2017", "reviewerID": "A3LWRNX5TAXMN1", "asin": "B0002MFOYS", "style": {"Size:": " 38", "Color:": " Brown"}, "reviewerName": "len the chef", "reviewText": "Great belt , very well made", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"reviewerID": "A1KZRQE7LY9GWM", "asin": "B00028AZ6E", "reviewerName": "Brian Bawden", "verified": true, "reviewText": "The pockets are small, and the material is stiff. My iPhone 7 plus fits but it makes bending my leg all the way a challenge. Other then that I love the pants.", "overall": 4.0, "reviewTime": "01 11, 2017", "summary": "Other then that I love the pants", "unixReviewTime": 1484092800} +{"reviewerID": "A1R1SF5YFU98PR", "asin": "B0009IWEVQ", "reviewerName": "Nancy Kotraba", "verified": true, "reviewText": "I use canes to walk and these shoes are very flat. Making it easy to get around and I don't trip over things.", "overall": 4.0, "reviewTime": "12 6, 2013", "summary": "Love these shoes.", "unixReviewTime": 1386288000} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A2Q3EIRCM9XRED", "asin": "B00063W4WI", "style": {"Color:": " Black"}, "reviewerName": "Jannette Villalobos", "reviewText": "It was everything I hoped for. It was comfortable on my head and cute too", "summary": "Great beret", "unixReviewTime": 1417046400} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "A8TAQCJMEU37P", "asin": "B00080FK2U", "style": {"Color:": " Gunmetal/Brown", "Width:": " 58"}, "reviewerName": "DuderMaguder", "reviewText": "I bought these for my wife for Christmas and she loves them. At $90 you can't beat the price considering they were $150 on sale at that Hut that sells Sunglasses. Just an FYI, and I knew this going in, they aren't very dark, but they do the trick for her.", "summary": "My wife loves these", "unixReviewTime": 1391990400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1A2G2MRB6X8VU", "asin": "B0009GCTLS", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "~ Melanie Merritt ~", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 2.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "AO1KT2ZJH9X38", "asin": "B0002MAYV6", "style": {"Size:": " 35W x 30L", "Color:": " Olive"}, "reviewerName": "CJ", "reviewText": "Poor quality after only 5 months of wearing the crease in the cuffs let go and began to fray. I wear all brands of Khakis and I will not go with this brand again.", "summary": "Material", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A2WZID49Y4523K", "asin": "B0009MZWCK", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "RRobin", "reviewText": "I needed the cushioning on the ball of my foot and this has a good amount. It won't fix my foot issues but it is helpful", "summary": "Cushioned socks", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A2HCO0JQNA9B3U", "asin": "B0007SUFEQ", "style": {"Size:": " 9 B(M) US", "Color:": " Mocha Deerskin"}, "reviewerName": "Vivian", "reviewText": "It's very nice and I love it because it is comfortable.", "summary": "It's very nice and I love it because it is comfortable", "unixReviewTime": 1441584000} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A223AMQLE1D8DU", "asin": "B00006XXGO", "reviewerName": "Peter Weisman", "reviewText": "They were just what I wanted.", "summary": "Four Stars", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A3B2KNSI6BCJNK", "asin": "B0009UDEOA", "style": {"Size:": " 42\" x 30\"", "Color:": " Rinsed Indigo Blue"}, "reviewerName": "Sam", "reviewText": "Fast and Great to Deal with A++++++", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "AI93WTJ58C8NX", "asin": "B000A2BIRW", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Murrybl1", "reviewText": "Great shirts!", "summary": "Five Stars", "unixReviewTime": 1502668800} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2GOXKVGZ7ZCSQ", "asin": "B00009ZM7Z", "style": {"Size:": " 10.5 D(M) US", "Color:": " Fudge"}, "reviewerName": "Scott White", "reviewText": "Great comfort, rugged, and light. I like that I can put my Gore-tex shoe covers over them for bicycling.", "summary": "Five Stars", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "A3HCAUHPJVANRF", "asin": "B0009MZYAA", "style": {"Size:": " Women's 10.5-13/Men's 9-12.5", "Color:": " Brown"}, "reviewerName": "Nancy Stricker", "reviewText": "I love my brown thorlo socks. I love all thorlo socks. They are ten times more comfortable than any other brand of socks. The world would be a better place if everyone were wearing foot cushioning thorlo socks all day. They are like a fluffy cloud for your feet.", "summary": "So comfortable.", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A28WWO0BAFH6G0", "asin": "B0009MZVVC", "style": {"Size:": " Large/13 Men's 9-12.5", "Color:": " Walnut"}, "reviewerName": "R. W. Womer Jr.", "reviewText": "I was introduced to these socks about five years ago and have worn this brand ever since. They are extremely comfortable and I have arthritic feet. They wear well, but snag easily when worn in the woods. You may need to learn the art of darning.", "summary": "Very Comfortable", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A166PXDWLW6V3K", "asin": "B0006U695E", "style": {"Size:": " 36W x 34L", "Color:": " Bleach"}, "reviewerName": "michael g.", "reviewText": "The price I got these for was very good and the fit is exactly what I expect from a Wrangler pair of jeans", "summary": "Good price good product", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2013", "reviewerID": "A1CXULFGIOT346", "asin": "B0002THZL6", "style": {"Size:": " 3", "Color:": " Black"}, "reviewerName": "Laura", "reviewText": "They're just as opaque as described and very comfy, the control top does wonders. I finally wore a hole in them after using them for a while, definitely going to buy more!", "summary": "Great fit and nicely opaque", "unixReviewTime": 1369008000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "ALIQC1WPPAHQ9", "asin": "B0008GHG62", "style": {"Size:": " 11.5 D(M) US", "Color:": " Coffee"}, "reviewerName": "Kate", "reviewText": "Look & feel great!", "summary": "Five Stars", "unixReviewTime": 1424563200} +{"overall": 2.0, "verified": false, "reviewTime": "08 16, 2014", "reviewerID": "A1QVLFCHCG84TG", "asin": "B0009PJ0YS", "style": {"Size:": " Medium", "Color:": " Spearmint"}, "reviewerName": "MoTown", "reviewText": "Bought a medium, it fit like a large. Supposed to help with muffin top but it was too big and did NOT fit like the picture.", "summary": "Uh, no", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2017", "reviewerID": "A2LBOH4LYB9M09", "asin": "B0002THUSE", "style": {"Size:": " 9-11", "Color:": " Navy"}, "reviewerName": "Golfer girl", "reviewText": "Perfect", "summary": "Just great socks", "unixReviewTime": 1512864000} +{"overall": 2.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A2HO0HG7LQ6IDY", "asin": "B0009J29TC", "style": {"Size:": " 8.5 B(M) US", "Color:": " Black Leather"}, "reviewerName": "NC MOUNTAINS", "reviewText": "HATED THE BIG m on the side...sent them back.", "summary": "Two Stars", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "A23U64FZIF6B76", "asin": "B0000AFT9F", "reviewerName": "Sheila", "reviewText": "Second pair of these bought and my daughter loves them!", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"overall": 1.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "A28PGD0JZABEVG", "asin": "B0002USBB8", "style": {"Size:": " 13 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Angie G", "reviewText": "Shoe fits is way off - you probably need 3 or 4 sizes smaller than a street shoe. Tried to return them but the seller wanted to charge me for shipping, which was almost the cost of the shoe so very unfair.", "summary": "Shoe fits is way off - you probably need 3 ...", "unixReviewTime": 1421452800} +{"overall": 4.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "A1XJFM8Z86AS9H", "asin": "B0001N5WMW", "style": {"Size:": " 9.5 B(M) US", "Color:": " Black/Bright Rose"}, "reviewerName": "MG", "reviewText": "I wear a 9.5; the largest size for women is 9.5. I could have used a 10. The molded foot bed offered great support. I had to return due to size.", "summary": "Good support", "unixReviewTime": 1490054400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A1D0NHCRB3UHM6", "asin": "B0000WL1Q0", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Craakyerhead", "reviewText": "I feel a bit like the marshmallow man since the fabric is so stiff and poofy, but the jacket is super warm, I'm thinking I just need to break it in a bit.", "summary": "Warm and fluffy", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A1ZTLOV22OZOA9", "asin": "B0009XDAH8", "style": {"Size:": " 10", "Color:": " Phoenix Blue"}, "reviewerName": "Meggersss", "reviewText": "Comfortable and versatile.", "summary": "Like", "unixReviewTime": 1509148800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A2M9AUXUDGJ0G", "asin": "B000A38F22", "style": {"Size:": " Large", "Color:": " Forest Green"}, "reviewerName": "AZCHICK", "reviewText": "This is a great work shirt. the material is thick, heavy and tough. this is not a summer shirt-it would be too hot, but it is tough. I have trimmed trees in this,and worked horses in heavy brush and the shirt has held up great. I only wish I would have ordered more of them.", "summary": "Great work shirt", "unixReviewTime": 1384732800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A1L1US9DOBGSKE", "asin": "B000B24UPI", "style": {"Size:": " 9 B(M) US", "Color:": " White Leather"}, "reviewerName": "Fred Dormaier", "reviewText": "Keds are my Favorite summer shoes, these I got fromAmazon are really nice!!", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"reviewerID": "A13FE85SGE0HL5", "asin": "B00028AZ6E", "reviewerName": "RCLloyd", "verified": true, "reviewText": "Good work pants. Comfortable. Strong. Easy to maneuver around in. Have used the same for five years.", "overall": 4.0, "reviewTime": "02 15, 2016", "summary": "Four Stars", "unixReviewTime": 1455494400} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "A19U9ORANU37L5", "asin": "B0002V9KCQ", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "mad max", "reviewText": "Well made and warm", "summary": "Four Stars", "unixReviewTime": 1517270400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "AZG95BPM90889", "asin": "B0000AFT8E", "style": {"Size:": " 7 D(M) US", "Color:": " Black/Black"}, "reviewerName": "rebecca", "reviewText": "Ordered for my 12 year old boy they are comfortable and fashionable", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 4.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A38Q9CLLHACY21", "asin": "B0000ZCE0O", "style": {"Size:": " 40DD", "Color:": " Black"}, "reviewerName": "readyplayerone", "reviewText": "Nice, but not as supportive as the minimizing Wacoal bras.", "summary": "nice but not very supportive", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A1TVHM0YZZ8ANH", "asin": "B0009G6BN0", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "Denise M. Richardson", "reviewText": "This is a great basic cotton long sleeved tee shirt.", "summary": "Good basic shirt", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2014", "reviewerID": "ABEITUY47AGT6", "asin": "B0002MAYV6", "style": {"Size:": " 44W x 30L", "Color:": " Navy"}, "reviewerName": "Gary Fones", "reviewText": "I have bought these IZOD matrix fit, pleated slacks in a local dept store for years at $60.00+ per pair. They are such a good price on Amazon that I have purchased (4) pairs. Excellent fit ...Excellent value!!! I would recomend these slacks to anyone.", "summary": "Excellent slacks....AAA+", "unixReviewTime": 1400112000} +{"reviewerID": "A2NRT67Z8Q4ESC", "asin": "B00028AZ6E", "reviewerName": "Pamela Young", "verified": true, "reviewText": "Everytime i purchase those pants they fit no problem thanks", "overall": 5.0, "reviewTime": "11 2, 2016", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 3.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A193NXRP6NT3K8", "asin": "B000A38F22", "style": {"Size:": " X-Large", "Color:": " Forest Green"}, "reviewerName": "taejin jung", "reviewText": "so so", "summary": "Three Stars", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "AQ6NXRIBGTF09", "asin": "B0002VANXG", "style": {"Size:": " X-Large", "Color:": " Savage Orange Camo"}, "reviewerName": "Joseph Lee", "reviewText": "Fit is true to size. Camo provides excellent breakup while the orange helps keep my noggin from being confused with a rack of antlers.", "summary": "Great Hat.", "unixReviewTime": 1357171200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2013", "reviewerID": "A26CVX8L74IAFS", "asin": "B00080FK2U", "style": {"Color:": " Black"}, "reviewerName": "Jodi_A", "reviewText": "He looks great in them. He does not like to spend much on sunglasses but now that we live in Los Angeles I want him to have nice sunglasses. I am glad I went with the XL, it was a gamble since this was a birthday present.", "summary": "Got these for my hubby", "unixReviewTime": 1374364800} +{"overall": 4.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "AEJKQG7D514DR", "asin": "B00009ZM7Z", "style": {"Size:": " 11.5 W US Men", "Color:": " Gunsmoke"}, "reviewerName": "MT", "reviewText": "A pretty good pair of showed. For me the run a little large about half a size.", "summary": "Four Stars", "unixReviewTime": 1469491200} +{"overall": 1.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "AZGTVQF2Y6ESI", "asin": "B0000868IP", "style": {"Size:": " 34DD", "Color:": " White", "Number of Items:": " 1"}, "reviewerName": "Sara Amelia", "reviewText": "The bra has a rather cone-shaped fit of which I am not fond.", "summary": "One Star", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A3S8N77XD6UIMY", "asin": "B00065FWR0", "reviewerName": "Matt S.", "reviewText": "Perfect for adding a little flair to your wrist without spending any money. I swim with it 2 or 3 times a week and it's holding up great.", "summary": "Perfect for adding a little flair to your wrist without ...", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "AEUWTX2DUPPET", "asin": "B0002THZL6", "style": {"Size:": " 4", "Color:": " Black"}, "reviewerName": "Annah M", "reviewText": "The perfect pair of tights. Opaque and fits like a glove", "summary": "perfect and true to size", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2013", "reviewerID": "A2QD3QC5KJTPG8", "asin": "B0009GCTLS", "reviewerName": "SusieG", "reviewText": "Washed these before my husband used them & they did not run. Great bright colors & fit. Would buy them again.", "summary": "Good quality T-shirt", "unixReviewTime": 1363305600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "ANC84GWNH163Q", "asin": "B0009AZU0G", "style": {"Size:": " 40 M EU / 9-9.5 B(M)US Women / 7-7.5 B(M)US Men", "Color:": " White"}, "reviewerName": "angies14", "reviewText": "Love them!", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A30C7MD4KY9J9W", "asin": "B0009HAIGK", "style": {"Size:": " XX-Large"}, "reviewerName": "Mr. Smith", "reviewText": "My shoes and socks never get wet anymore. When living in a country with a rainy season these are a must have. People don't even realize that I'm wearing an overshoe since it looks akin to a regular shoe.", "summary": "Love IT", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2013", "reviewerID": "A1AN9XU6ZHU38L", "asin": "B0006AAS7E", "reviewerName": "Rene Cras", "reviewText": "Pretty fancy & economic for this price. Nice color selection. When I tell the price not body believe. Was a perfect choice for a gift.", "summary": "Was a perfect gift...", "unixReviewTime": 1365897600} +{"reviewerID": "ANE20W4A0C5XY", "asin": "B0001YRFS0", "reviewerName": "Larry Eicher", "verified": false, "reviewText": "A little hot this time of year. Should last a long time.", "overall": 5.0, "reviewTime": "07 8, 2015", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A2NB8SYPWNNTI", "asin": "B0002MD71U", "reviewerName": "Amanda Golden", "reviewText": "I love Chuck Taylor's and I love buying them for my kids, until they tell me they don't want them any more lol I have noticed that they run a little bigger in size than other shoes, however I don't mind it because it gives them a chance to grow into them.", "summary": "I love Chuck Taylor's and I love buying them for my ...", "unixReviewTime": 1521331200} +{"overall": 4.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A1U78WZQHP3862", "asin": "B0002AHYW0", "style": {"Size:": " 36W x 32L", "Color:": " Dark Wheat"}, "reviewerName": "Dean M", "reviewText": "Great!", "summary": "Four Stars", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A1UTUI9X6JVJQI", "asin": "B00080FK2U", "style": {"Size:": " 58 mm", "Color:": " Gold Frame/Grey and Green Polarized Lens"}, "reviewerName": "Alexandre O Solis", "reviewText": "cool!!", "summary": "Five Stars", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A2HWTR12W8XDPW", "asin": "B00075ZYTK", "style": {"Size:": " 4X-Large", "Color:": " Basic Oxford"}, "reviewerName": "Amazon Customer", "reviewText": "This is a really nice shirt and I like it a lot it fits just right and it doesn't shrink in the washer", "summary": "This is a really nice shirt and I like it a lot it fits ...", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "ANXXJEY1KRFET", "asin": "B000A38DJ2", "style": {"Size:": " 46W x 30L", "Color:": " Indigo"}, "reviewerName": "Curtis Wright", "reviewText": "It used to take months to get jeans feeling this good and fitting this well. These were a great fit,comfy as a pair of old loafers, look sharp,and fit perfectly. Great jeans.", "summary": "Soft and rugged", "unixReviewTime": 1365379200} +{"overall": 1.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A138L6F0DX6ANI", "asin": "B0006AAS56", "reviewerName": "Sher from Shy Town", "reviewText": "This watch completely stopped working at 4-mos. My husband was totally disappointed at the matter of time it took before the watch stop functioning,", "summary": "My husband was totally disappointed at the matter of time it took before the ...", "unixReviewTime": 1463097600} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A36P2IYC90XW0K", "asin": "B0000A6XS9", "style": {"Size:": " 4 US Men/6 US Women", "Color:": " Optical White"}, "reviewerName": "Kathy Martin", "reviewText": "This was a gift to my granddaughter. Yep, that's what she wanted for her 13th birthday. Said she loved them.", "summary": "Said she loved them.", "unixReviewTime": 1435276800} +{"reviewerID": "A2P3HQDMZ0DS5A", "asin": "B000657TL2", "reviewerName": "Bucky", "verified": true, "reviewText": "Great work boots.", "overall": 5.0, "reviewTime": "10 23, 2015", "summary": "Five Stars", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A286YGI3PSTIGI", "asin": "B0006MY4EU", "style": {"Size:": " Large / 8-9 B(M) US", "Color:": " Black"}, "reviewerName": "Jewele", "reviewText": "Love rhem!", "summary": "Adorable", "unixReviewTime": 1406246400} +{"overall": 3.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A24AZ2EVOCAUX2", "asin": "B0002MB0DM", "style": {"Size:": " 10 B(M) US", "Color:": " White"}, "reviewerName": "DMG", "reviewText": "I've been looking for a pair of cute white tennys. These were not it. They fit weird in the toe area and are too pointy. Keds, Women do not want their feet to look longer. Returned them.", "summary": "Returned them", "unixReviewTime": 1458432000} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A156ZKS8WLFWEN", "asin": "B00028B4XW", "style": {"Size:": " 44W x 32L", "Color:": " Charcoal"}, "reviewerName": "Ctf", "reviewText": "Pants nice quality. Arrived on-time.\nMy honey doesn't really know his size, ergo they were too large.", "summary": "Four Stars", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3KI9FPVB07GM", "asin": "B0007KPP7G", "style": {"Size:": " Small Petite", "Color:": " Black"}, "reviewerName": "maria trinidad", "reviewText": "Great quality fits perfectly.", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 3.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A2JECETMUENM2F", "asin": "B0000TII3C", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "P. Edson", "reviewText": "The date cannot be changed on the watch I got. The stem pulled right out when Intried to change the date. Otherwise, I like it.", "summary": "I like it.", "unixReviewTime": 1459382400} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "AWP73V0V4HHMR", "asin": "B00006XXGO", "style": {"Size:": " 7 B(M) US", "Color:": " Polar Blue/Black/White"}, "reviewerName": "MrsMeek", "reviewText": "h tongues slide to the side constantly, but they are cute", "summary": "Four Stars", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2017", "reviewerID": "A3U0B6OMLOPQPN", "asin": "B0002NYQO6", "style": {"Size:": " Medium", "Color:": " Light Steel"}, "reviewerName": "Amazon Customer", "reviewText": "It was so comfortable to wear to any occasion. It looked casual but it a classy way. I highly recommend it.", "summary": "Keeps you warm and comfortable.", "unixReviewTime": 1513900800} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A1IEHRE4XK0EBZ", "asin": "B000B2LP6U", "style": {"Size:": " 10 D(M) US", "Color:": " Dark Brown Lariat"}, "reviewerName": "David A Higgins", "reviewText": "Needs more time to break in properly due to the sole. Very stylish.", "summary": "Four Stars", "unixReviewTime": 1410912000} +{"reviewerID": "A1DA6NDLH2UD6T", "asin": "B0007SUEVK", "reviewerName": "Susfull", "verified": true, "reviewText": "Comfortable size 8 fits comfortable. Only dislike is that the dye wears off on my feet turning them black. I will have to wear sock liner. They don't have the insert like the ones without the tread on the bottom. I'm still happy with the look and feel and comfort", "overall": 4.0, "reviewTime": "07 29, 2015", "summary": "Comfortable treaded moccasin. Fit as expected", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A3N1Z02EWENMLE", "asin": "B000B5YAPU", "reviewerName": "melomaniac", "reviewText": "These are really good quality. Like many of the reviews said... go a size up. I would be a B but I ordered a C and they fit perfectly. They're not too tight and don't pinch at the waist like most tights do.", "summary": "Great", "unixReviewTime": 1487721600} +{"overall": 1.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A2QGA07E23T3MI", "asin": "B0002QTQA2", "style": {"Size:": " 8 B(M) US", "Color:": " Hickory"}, "reviewerName": "Somer Reshan Johnson", "reviewText": "fell apart within first month now stuck with 2 crappy pairs. The 3rd ones were given to a friend.", "summary": "One Star", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2018", "reviewerID": "AOXAWTY1YDQX1", "asin": "B0002LTJN6", "style": {"Size:": " 8 N US", "Color:": " White"}, "reviewerName": "Pat Hawkins", "reviewText": "Shoe is comfortable and fits perfectly - I ordered 8 narrow.", "summary": "Comfortable shoe", "unixReviewTime": 1517529600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2017", "reviewerID": "A3IE61UDCEZLXM", "asin": "B0002MD71U", "reviewerName": "Margaret M.", "reviewText": "These were a Xmas present for my granddaughter and she loves them. They fit perfectly and look so good on her!!", "summary": "They fit perfectly and look so good on her", "unixReviewTime": 1514419200} +{"reviewerID": "A8JHF95DVRQ0", "asin": "B0007MFWZ4", "reviewerName": "LuzBella", "verified": true, "reviewText": "My husband was very pleased with these boot. They fit a bit tight but we know they will stretch with time. He really wanted them so we had to get a 1/2 size smaller but they are worth it! Highly recommend them.", "overall": 5.0, "reviewTime": "03 17, 2014", "summary": "Nice boots", "unixReviewTime": 1395014400} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A1QECYQ0B0PZWN", "asin": "B0002TOZ1E", "style": {"Size:": " 13-15 (Shoe Size 12-16)", "Color:": " Black", "Number of Items:": " 6"}, "reviewerName": "David F. Kyte", "reviewText": "Fit well,", "summary": "Fit well", "unixReviewTime": 1462579200} +{"overall": 2.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A251KVE2VGXALR", "asin": "B00008WIE4", "style": {"Size:": " A", "Color:": " Hazelnut", "Number of Items:": " 1"}, "reviewerName": "Robbi Larson", "reviewText": "Way too small.", "summary": "Small", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A2924SJR18WV0W", "asin": "B0007YR980", "style": {"Size:": " 40DDD", "Color:": " Plum Majestic", "Number of Items:": " 1"}, "reviewerName": "Jennifer Dickerson", "reviewText": "Really comfortable! Great color!", "summary": "Five Stars", "unixReviewTime": 1478822400} +{"overall": 3.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A2U167H426D14X", "asin": "B0007WFGUU", "style": {"Size:": " Medium", "Color:": " Raspberry"}, "reviewerName": "colleen Dandurand", "reviewText": "it's is just okay, a little heavy for AZ summers", "summary": "Three Stars", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": false, "reviewTime": "12 22, 2016", "reviewerID": "A1LHA1A2958NZA", "asin": "B00093DAOQ", "style": {"Size:": " 39 M EU / 8 B(M) US Women / 6 D(M) US Men", "Color:": " Optical White"}, "reviewerName": "Brianne Hudnall", "reviewText": "very comfortable shoes!!!", "summary": "Five Stars", "unixReviewTime": 1482364800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "ATTZWBYWQB63I", "asin": "B0007MFW8Q", "style": {"Size:": " 9.5 D - Medium", "Color:": " Black Suede"}, "reviewerName": "Richard Gutierrez", "reviewText": "After breaking them in one time they fit great!", "summary": "Five Stars", "unixReviewTime": 1456531200} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A1KKA755J3X97Z", "asin": "B00030B20Y", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Jason", "reviewText": "Went well with my inflatable ghetto blaster and gold chain.", "summary": "Four Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A3KITX9VL0FG3I", "asin": "B000783Z7A", "style": {"Size:": " XXXX-Large Big", "Color:": " Black"}, "reviewerName": "samantha biegley", "reviewText": "Fits as expected", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2010", "reviewerID": "AXWW99CV1O9MT", "asin": "B0007MFW8Q", "style": {"Size:": " 13 D - Medium", "Color:": " Beeswax"}, "reviewerName": "javjak", "reviewText": "Since I've had them, the desert boots have been a perfect fall/winter shoe. They are durable, and get a more genuine look with age. Goes best with straight, skinny/straight, or bootcut jeans.", "summary": "Treating me Very Well", "unixReviewTime": 1283644800} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A1NHKYB3WQ9862", "asin": "B0007U7NKI", "style": {"Size:": " XX-Large", "Color:": " Grey"}, "reviewerName": "cth", "reviewText": "So comfortable. Very durable.", "summary": "Best flip flops ever.", "unixReviewTime": 1412208000} +{"reviewerID": "A1RT6XJIGAP06A", "asin": "B00028AZ6E", "reviewerName": "Doglover", "verified": true, "reviewText": "Exactly what we wanted. Stiff at first, but softens up after a few washes. Glad we bought here. Great value.", "overall": 5.0, "reviewTime": "11 12, 2013", "summary": "Great price, great value.", "unixReviewTime": 1384214400} +{"overall": 2.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A26O1B5KZTEA00", "asin": "B0006MY4EU", "reviewerName": "Mathteach", "reviewText": "The length is ok. It is tight in the width", "summary": "Slippers", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A1J1KACK67LTC6", "asin": "B0002LY3CS", "style": {"Size:": " 11 D(M) US", "Color:": " Burnished Brown Tan"}, "reviewerName": "Jane Shepard", "reviewText": "My husband loves them. He didn't want to wear the boat shoes before but after these ones it's his absolutely favorite and most comfortable choice of shoes.", "summary": "He didn't want to wear the boat shoes before but after these ones it's his absolutely favorite and most comfortable choice of sh", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2013", "reviewerID": "A2VUQESATFP751", "asin": "B0002THUQG", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Akisamiyo", "reviewText": "Basic, stays in place, the roll top is more comfortable than a cuff. I have several pairs, my go-to sock to wear with my clogs.", "summary": "Nice Basic Sock", "unixReviewTime": 1383696000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A3AZ46UB1XV58G", "asin": "B0009W5MZM", "style": {"Size:": " 9 D(M) US", "Color:": " Soggy Brown"}, "reviewerName": "Kindle Customer", "reviewText": "These are the only brand/style of shoes my husband will wear for work and he has a bad back! They offer great support and are very durable!", "summary": "... husband will wear for work and he has a bad back! They offer great support and are very ...", "unixReviewTime": 1452729600} +{"overall": 3.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "AYEV17EXQFLRE", "asin": "B0000TW41Y", "style": {"Size:": " 33W x 36L", "Color:": " Moss"}, "reviewerName": "Amazon Customer", "reviewText": "I have worn this brand of pants for years now. The last pair I received was supposed to be the same size I always order and that's what the tag reads but they are huge. So I guess quality control is no longer a priority.", "summary": "Size does not match tag size", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A18EEZ7PQ6IP5O", "asin": "B0000868IP", "style": {"Size:": " 34D", "Color:": " Midnight", "Number of Items:": " 1"}, "reviewerName": "Sunshine", "reviewText": "Happy with product and delivery.", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A1KRBM4098JY7F", "asin": "B000AYW0M2", "style": {"Color:": " Honey Brown/Gold-Tone"}, "reviewerName": "jianbo.hu", "reviewText": "I buy it for my girlfriend , she like it very much", "summary": "she like it very", "unixReviewTime": 1452988800} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "AFFT5KZGO0IIR", "asin": "B00099E7D8", "style": {"Size:": " Big Kid (8-12 Years)", "Color:": " Black/ White"}, "reviewerName": "Maren L", "reviewText": "I think the sizing is slightly off but I still love it", "summary": "... think the sizing is slightly off but I still love", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A3OXMTBAHKCX2J", "asin": "B0000AFT8E", "reviewerName": "mtouchto", "reviewText": "Brings back your youth if you are 50 or older?", "summary": "Feel like a kid again", "unixReviewTime": 1449100800} +{"reviewerID": "A1T77VKLY9QCSI", "asin": "B0000ZFSFW", "reviewerName": "Wes Hoffman", "verified": true, "reviewText": "These didn't fit like my wife's usual Legg's brand and ran the first time she wore the first two pairs she tried on. The Seller was great - - the product was horrible!", "overall": 1.0, "reviewTime": "10 3, 2013", "summary": "Baggy and poor quality", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A1SX918JK014ZT", "asin": "B0002M34U4", "style": {"Size:": " 34W x 32L", "Color:": " British Khaki- Discontinued"}, "reviewerName": "carlos vargas", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2014", "reviewerID": "A3DAAQF8TDKUEQ", "asin": "B0007TMQ4C", "style": {"Size:": " 9 D(M) US", "Color:": " Tan Grain"}, "reviewerName": "Nick Weis", "reviewText": "These sandels are really comfortable, I'm on my feet all day and they help my feet a lot, I'd recommend them", "summary": "Good looking and Comfortable Sandels", "unixReviewTime": 1389657600} +{"overall": 3.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A34F0288ZHMMR8", "asin": "B0000CBALZ", "style": {"Size:": " 32W x 32L", "Color:": " Overdyed Black"}, "reviewerName": "BillyMac", "reviewText": "they do not fit like the other 32x32 relaxed fit that I have gotten in the past", "summary": "Three Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A3FADDODN3AYXI", "asin": "B0009F0W5O", "style": {"Size:": " 8 B(M) US", "Color:": " Black"}, "reviewerName": "WaltA", "reviewText": "These will be a gift for my daughter in law. She has a pair of tan ones that she wears all the time so I hope she likes the black ones as much. She often wears black pants so we thought it best to give her the variety.", "summary": "Uggs", "unixReviewTime": 1417305600} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A2YUZ6HGHCLX7Q", "asin": "B0007YR980", "style": {"Size:": " 38G", "Color:": " Natural Beige", "Number of Items:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Need to make a bigger cup size cuz this bra provides great support. A bit pointy, but supportive. Just don't have enough cup sizes, sigh.", "summary": "... make a bigger cup size cuz this bra provides great support. A bit pointy", "unixReviewTime": 1489449600} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A232SA4QE5RQPF", "asin": "B000B24UPI", "style": {"Size:": " 8 W US", "Color:": " Black Leather"}, "reviewerName": "Veronica Ostrow", "reviewText": "I expected a shiny leather like my old ones. these are low gloss leather.", "summary": "I expected a shiny leather like my old ones", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A32QBJ9U4SOU3S", "asin": "B000ACNNY8", "style": {"Size:": " 9 M US", "Color:": " Light Ballet Pink"}, "reviewerName": "-S", "reviewText": "They're great. Ordered 2 sizes down and they work perfectly.", "summary": "Five Stars", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": false, "reviewTime": "08 4, 2014", "reviewerID": "A31AJTEK3ZEYGP", "asin": "B00078SI8Q", "style": {"Size:": " 5X-Large", "Color:": " Athletic Heather"}, "reviewerName": "Mandy", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 3.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A31ICLWQ9CSHRS", "asin": "B00009ZM7Z", "style": {"Size:": " 10.5 W US", "Color:": " Midnight"}, "reviewerName": "Al Swanson", "reviewText": "Way too big, even though I usually wear a 10.5EE. Had to return for a 10, which was still too big.", "summary": "Sizing off", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "AX3IGQU0TOZL7", "asin": "B00081QWEY", "style": {"Color:": " Soccer"}, "reviewerName": "Alexandra Garcia", "reviewText": "Works wonders. I stick it in my gym bag along with my tennis shoes and the smell is always pleasant.", "summary": "Works wonders. I stick it in my gym bag ...", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A2F6P9PDTYMPKT", "asin": "B0006SCZUE", "style": {"Size:": " 17 1/2 34", "Color:": " Medium Blue Chambray"}, "reviewerName": "Robert Murphy", "reviewText": "Great shirt just what I wanted", "summary": "Five Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "AUJP1E1T785VZ", "asin": "B000A0PYPQ", "style": {"Size:": " 8.5 B(M) US", "Color:": " Wild White"}, "reviewerName": "Johnetter N.", "reviewText": "This was a gift to a friend for xmas. But the boot is sexy looking", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2017", "reviewerID": "A1J4TRVKZ3RNE5", "asin": "B00009ZM7Z", "style": {"Size:": " 10.5 D(M) US", "Color:": " Gunsmoke"}, "reviewerName": "Cindy Driscoll", "reviewText": "Great gift!! Fit perfect. Loved the color.", "summary": "Five Stars", "unixReviewTime": 1505001600} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A2AWZ6CJ5NX7ED", "asin": "B000994DY6", "style": {"Size:": " 38D", "Color:": " White"}, "reviewerName": "jennifer grimwood", "reviewText": "just a bit small but good quality", "summary": "Four Stars", "unixReviewTime": 1477353600} +{"reviewerID": "AZ9UCHBIX6Y6X", "asin": "B0009MH1ZG", "reviewerName": "scott lasley", "verified": true, "reviewText": "Great light weight jacket!", "overall": 5.0, "reviewTime": "10 17, 2016", "summary": "Five Stars", "unixReviewTime": 1476662400} +{"reviewerID": "A3RC0N1CEE7ZT1", "asin": "B00028AZ6E", "reviewerName": "aaronlongo", "verified": true, "reviewText": "I wear these pants in several different colors for work (I'm a HS shop teacher) and they are perfect. I can maintain a professional look while wearing man's that don't tear every time I brush across a welding table that has a burr.", "overall": 5.0, "reviewTime": "09 4, 2015", "summary": "Excellent quality shop teacer apparel.", "unixReviewTime": 1441324800} +{"overall": 3.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A280H6XWJQHJGQ", "asin": "B0009S6TJY", "style": {"Size:": " Adult", "Color:": " Black"}, "reviewerName": "Christopher Jones", "reviewText": "The gloves were nice, except they sent me two left handed ones. Luckily the costume came with a set so all was not lost.", "summary": "The gloves were nice, except they sent me two left handed ones", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A1QB5QSQ38YI3M", "asin": "B00006XXGO", "reviewerName": "Candice Elliott", "reviewText": "Believe it or not, my son wore these to the prom!!! He loves converse and just had to have the red ones!!!", "summary": "For my son", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2017", "reviewerID": "A1RW3ZJZBSS2M2", "asin": "B0006LNU82", "style": {"Size:": " 34W x 36L", "Color:": " Jet - Stretch"}, "reviewerName": "cris", "reviewText": "This model 541 is really a great fit especially if thighs are a little larger than normal, overall very, very comfortable to wear with the stretch fabric.", "summary": "This model 541 is really a great fit especially if thighs are a little larger than ...", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A2SSGMCCSDSY7T", "asin": "B0007QCQGS", "style": {"Color:": " Viking Red"}, "reviewerName": "Victoria", "reviewText": "Love it!", "summary": "Great", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2013", "reviewerID": "AOW032QUISUP5", "asin": "B0001YRWRY", "style": {"Size:": " 54W x 30L", "Color:": " Indigo Rigid"}, "reviewerName": "Michael Bond", "reviewText": "I wear them to work in great fit I will order again soon from this vendor in the very near future.", "summary": "Great", "unixReviewTime": 1362528000} +{"reviewerID": "A2BENF0ZPXK4XI", "asin": "B0009GEFPQ", "reviewerName": "Tyn96", "verified": true, "reviewText": "nice fit doesn't wrinkle or shrink", "overall": 5.0, "reviewTime": "10 21, 2015", "summary": "Five Stars", "unixReviewTime": 1445385600} +{"overall": 3.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "A3TYVP0TNJ8DWA", "asin": "B0007KPP7G", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "Audrey alexis", "reviewText": "uncomfortable , the drawstring doesn't seem to work properly", "summary": "Three Stars", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A6VODBB0TI534", "asin": "B0002MGM4O", "style": {"Size:": " XX-Large", "Color:": " Black"}, "reviewerName": "Mallory", "reviewText": "Wow great price for this shirt! Great quality!", "summary": "5 Stars", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "AJ19UULNI4MU2", "asin": "B000B4ZXV6", "style": {"Color:": " black"}, "reviewerName": "DANNY R SCARBOROUGH", "reviewText": "excellent watch", "summary": "Five Stars", "unixReviewTime": 1415577600} +{"overall": 4.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A2VJMU367AHXGZ", "asin": "B0002NYUE2", "style": {"Size:": " X-Large", "Color:": " Oxford"}, "reviewerName": "Crawdaddy", "reviewText": "Nice hoodie for the price, wristbands are little tight.", "summary": "Good hoodie.", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A2CQ3ZX13661LP", "asin": "B000AYYIYK", "style": {"Color:": " Brown/Gold-Tone/Cream"}, "reviewerName": "Owance", "reviewText": "What a great looking watch and I love the way it looks on me. Quality Timex Watch......", "summary": "Five Stars", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A31CUHE9Q0NEVB", "asin": "B000B24UPI", "style": {"Size:": " 8.5 B(M) US", "Color:": " Black Leather"}, "reviewerName": "neci", "reviewText": "love em", "summary": "Five Stars", "unixReviewTime": 1473638400} +{"overall": 1.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A2F5MB95VTY2KK", "asin": "B00066ITDS", "style": {"Size:": " One Size", "Color:": " Kelly Green"}, "reviewerName": "emehta2", "reviewText": "Do not fit, tore in 20 minutes, good thing I wore them for Halloween. Wouldn't buy this brand again. too short also", "summary": "Dont buy", "unixReviewTime": 1388102400} +{"reviewerID": "A1SXABDGMES4F5", "asin": "B0009MH2Q4", "reviewerName": "Splendid Splinter", "verified": true, "reviewText": "I ordered the 2X and it fits perfectly. I like my shirts to be a little big and I like the heaviness of the material. The price was perfect.", "overall": 5.0, "reviewTime": "07 9, 2014", "summary": "Great Shirt", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2017", "reviewerID": "A36MLPKIVR7JOC", "asin": "B0009HFOO6", "style": {"Size:": " L(9.5-11US Mens)"}, "reviewerName": "CathDevine", "reviewText": "My bad loves these and wears them often. Great price and quick shipping.", "summary": "Perfect.", "unixReviewTime": 1514592000} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "AMOV2E5IMXGHT", "asin": "B0009G4D1W", "style": {"Size:": " 4X-Large", "Color:": " Yellow"}, "reviewerName": "Mary Lu", "reviewText": "I like it is a little heavier cotton. It also is a little longer to cover up the belly.", "summary": "Four Stars", "unixReviewTime": 1461283200} +{"reviewerID": "A1L9LJVHNRA59L", "asin": "B00028AZ6E", "reviewerName": "Catholicpoet", "verified": true, "reviewText": "Great pants, durable and fit well!", "overall": 4.0, "reviewTime": "03 10, 2016", "summary": "Great pants, durable and fit well", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A37RDX3FXBDLMV", "asin": "B0006AAS5G", "reviewerName": "Gilberto Amaya Garcia", "reviewText": "Excelente Producto", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "ATW4Z551LN6RM", "asin": "B00080QZCY", "style": {"Size:": " XXXX-Large", "Color:": " Ash"}, "reviewerName": "David E. Zimmerman", "reviewText": "Fits just fine.", "summary": "Four Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A1F02K9DX6HVHR", "asin": "B0008EOAZO", "style": {"Size:": " 34W x 32L", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Fits as expected. Nice quality for the price", "summary": "Nice quality for the", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A18A3CPTU1UL08", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/Black"}, "reviewerName": "nancrg", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A27IN99C0TCT37", "asin": "B000A38CZC", "style": {"Size:": " Medium", "Color:": " Antique Indigo"}, "reviewerName": "garyh", "reviewText": "Wanted a denim jacket with hand warmer pockets and this fits the bill. Comfortable, good fit (medium) and the sleeves fit well for me (32/33 inch). Quality seems very good, comparable to Levi for significant less and not made in China.", "summary": "Good jacket", "unixReviewTime": 1379635200} +{"overall": 4.0, "verified": false, "reviewTime": "07 21, 2016", "reviewerID": "A182F08ILULVJF", "asin": "B0008EO5AE", "style": {"Size:": " 4 Short", "Color:": " Authentic Black"}, "reviewerName": "Sally Thummel", "reviewText": "Only problem is that I have to shorten these jeans. They are for petites but way long on my body.", "summary": "Nice looking jeans", "unixReviewTime": 1469059200} +{"overall": 5.0, "verified": false, "reviewTime": "01 17, 2010", "reviewerID": "A7XOUJTHP66HA", "asin": "B00006XXGO", "reviewerName": "Darla Bock", "reviewText": "Was bought as a Christmas Gift. He enjoys them because of the material your feet can breathe much better.", "summary": "Very Comfortable", "unixReviewTime": 1263686400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "ANEED3I2QSWVF", "asin": "B0001YS6F6", "style": {"Size:": " 54W x 30L", "Color:": " Black"}, "reviewerName": "Ms Merra", "reviewText": "My husband is an electrician and he likes to wear the lighter color Carhartts. But these black ones are great for hiding the dirt! I will definitely order more black.", "summary": "Great Work wear", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A14NTFPVG67MYJ", "asin": "B0008ENZYG", "style": {"Size:": " 54W x 30L", "Color:": " Double Black"}, "reviewerName": "Adam", "reviewText": "Good product for the money", "summary": "Great jeans", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A3A396DZU35LW6", "asin": "B0002TOZ2S", "style": {"Size:": " 2 PK (12 Pair) 10-13", "Color:": " White"}, "reviewerName": "Dennis A ONeil SR", "reviewText": "I like", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"reviewerID": "A3H37R9Z7MY0TF", "asin": "B0008JF9WW", "reviewerName": "Cherie A. Lopez", "verified": true, "reviewText": "Fits great!!!!!!", "overall": 5.0, "reviewTime": "08 27, 2016", "summary": "Husky Wrangler Jeans", "unixReviewTime": 1472256000} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A1KNQW9G7FKXV", "asin": "B000A38D06", "style": {"Size:": " 3X Plus", "Color:": " Black"}, "reviewerName": "E. Gilmore", "reviewText": "Sturdy and confortable , fits very well", "summary": "Five Stars", "unixReviewTime": 1446249600} +{"reviewerID": "A245RTTS2ANYN4", "asin": "B0001XVUFA", "reviewerName": "Judith", "verified": true, "reviewText": "Unique, unusual, eye catching, nice colour scheme, fits nicely, great to add to your collection, the price is worth it.", "overall": 5.0, "reviewTime": "03 14, 2013", "summary": "Casio Men's MQ24-9B Watch", "unixReviewTime": 1363219200} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A1YV9DLKN2PUNC", "asin": "B0009MZXX8", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "LDB", "reviewText": "I've been buying Thorlos for the last several years now. This last purchase I felt they are/were a little smaller than usual. Overall though, there are no better socks for aching feet.", "summary": "there are no better socks for aching feet", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A2VR3QL2GM4U48", "asin": "B00028B4XW", "style": {"Size:": " 36W x 32L", "Color:": " Charcoal"}, "reviewerName": "Cookie", "reviewText": "These were a gift and recipient loves them. I think the fabric is really nice, they wash well, and construction seems very solid.", "summary": "I think the fabric is really nice, they wash well", "unixReviewTime": 1454284800} +{"reviewerID": "A1K75T58WXBZVS", "asin": "B00028AZ6E", "reviewerName": "Kevin Marrero", "verified": true, "reviewText": "They are decent pants, but order 2 sizes larger than you think you need to. trust me.", "overall": 3.0, "reviewTime": "10 21, 2017", "summary": "Three Stars", "unixReviewTime": 1508544000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "AVIJTMDXX9UGP", "asin": "B0007X55WI", "style": {"Size:": " 9.5 B(M) US", "Color:": " Grey Leather"}, "reviewerName": "P. Harris", "reviewText": "Sebago boots are quickly becoming a favorite of mine. Stylish and comfortable!", "summary": "Sebago Claremont Gray Boot", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A36K610YB9ZGN6", "asin": "B0002XSXWW", "style": {"Size:": " Medium", "Color:": " Blue"}, "reviewerName": "Joseph Rivero", "reviewText": "gracias por su venta", "summary": "Five Stars", "unixReviewTime": 1412553600} +{"overall": 3.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A2L5L4F1QR49GN", "asin": "B0006GXO8S", "style": {"Size:": " 11 S", "Color:": " Black"}, "reviewerName": "shirlgirl", "reviewText": "They are sort of stiff.", "summary": "So-So SLIPPER", "unixReviewTime": 1424131200} +{"overall": 3.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A1R1QGSHRTQDOK", "asin": "B000163G8G", "style": {"Size:": " 34C", "Color:": " White"}, "reviewerName": "Wendy", "reviewText": "I have several colours of this bra. The latest purchase was the white which is somewhat smaller in cut than others.", "summary": "Inconsistent in fit", "unixReviewTime": 1400371200} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2012", "reviewerID": "A2UL23NMZNSJ4T", "asin": "B0002RBM80", "style": {"Size:": " Large"}, "reviewerName": "Barbara M.", "reviewText": "The clear raincoat is lightweight and roomy enough to go over bulky clothes, if needed. It served our purpose -- to get from the apartment to the car and remain dry.", "summary": "Light-weight clear raincoat", "unixReviewTime": 1346371200} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2013", "reviewerID": "A1R22Y40DSQ72L", "asin": "B000A38CZC", "style": {"Size:": " X-Large", "Color:": " Antique Indigo"}, "reviewerName": "CarIhl", "reviewText": "Nice Denim. Good finishing. Traditional jeans without the high price of other branded jackets. Great deal, love it! Recommend to anyone who is looking for a traditional Jeans jacket, but not want to spend lots of money. Great fit, great price!", "summary": "Just as I searched :-))", "unixReviewTime": 1369699200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71hHO+bfwLL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "A38O6YEFD84WL0", "asin": "B0006TIJEO", "style": {"Size:": " 18 Months", "Color:": " Orange"}, "reviewerName": "Montana Teacher", "reviewText": "So cute! The product is made of quality material with real patches and pockets. I was very surprised and pleased with look, feel, and quality. My son is 12 months and 22 lbs; he fit in the 18 month size great.", "summary": "I was very surprised and pleased with look", "unixReviewTime": 1505865600} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A1G4EPY1X7MXH0", "asin": "B00028B4XW", "style": {"Size:": " 34W x 32L", "Color:": " Dark Navy"}, "reviewerName": "J.Carter", "reviewText": "They are somewhat small because I need to lose my belly. Not because the pants don't fit right. Every where else they fit great. Might buy some more.", "summary": "Good fit", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "A35LBJO6MIE2B1", "asin": "B000AUVTJQ", "reviewerName": "Amazon Customer", "reviewText": "once you realize you have to order a full size larger you will love these.", "summary": "... have to order a full size larger you will love these.", "unixReviewTime": 1522972800} +{"overall": 2.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A1VUGI6W1Z3RV5", "asin": "B0008EOQ4O", "style": {"Size:": " 36W x 29L", "Color:": " Double Black"}, "reviewerName": "Gary R.", "reviewText": "They are different from my previous pair which had 1% Lycra in them. So little makes quite a difference in the \"relaxed\" aspect.", "summary": "Not relaxed at all.", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A3K6E84T1BRRGJ", "asin": "B0007Z6FUC", "reviewerName": "Bella Plume", "reviewText": "Nice color and quality fabric.", "summary": "Five Stars", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A2QGYYJFPV1TCD", "asin": "B0007YXUWO", "style": {"Size:": " 36C", "Color:": " Black"}, "reviewerName": "myriam", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A29EGTY4PV1V6E", "asin": "B0009HLT9K", "style": {"Size:": " 3T-4T", "Color:": " Buzz Lightyear"}, "reviewerName": "mommyof4", "reviewText": "Son loves this..didn't want to take it off when he tried it on.", "summary": "Son loves this.. didn't want to take it ...", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A1MYVM2V8QMZQ0", "asin": "B00074JM6W", "style": {"Size:": " 36W x 30L", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Love this pants and the fabric.", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A190X4MLTAX9VO", "asin": "B00024QWGK", "reviewerName": "Cindy Perdue", "reviewText": "I bought these for a friend and he loves them. Says they fit perfect.", "summary": "Great boots", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A85P45EG263SF", "asin": "B0002TOZ1E", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " White", "Number of Items:": " 6"}, "reviewerName": "Kindle Customer", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "A1Z66ADEUZ63GP", "asin": "B000087SX1", "style": {"Size:": " 13 D(M) US", "Color:": " Mocha/Cream/Gum Nubuck"}, "reviewerName": "john evans", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1415664000} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A184O3AQN12CYF", "asin": "B00009ZM7Z", "style": {"Size:": " 10 D(M) US", "Color:": " Fudge"}, "reviewerName": "rdaltry", "reviewText": "While they were tight for a day, they stretched out and now fit perfectly. They give great arch support. I tried a half size larger, but they were too big from the get go.", "summary": "Feels great, very comfortable", "unixReviewTime": 1451260800} +{"reviewerID": "A1FV1O95GANBVO", "asin": "B0007SUEVK", "reviewerName": "xumiaojun", "verified": true, "reviewText": "nice", "overall": 5.0, "reviewTime": "08 4, 2014", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A78Q2ZNW9YBX7", "asin": "B0009YL20E", "style": {"Size:": " 8-10 Years", "Color:": " Blossom Pink"}, "reviewerName": "DC-Valencia", "reviewText": "Daughter loves this shirt, bought short sleeve version also, Mom loves the fact she's protected in the sun, win-win", "summary": "Daughter loves this shirt", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A2GKPVAX6Z58WS", "asin": "B0001YR54E", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Lee", "reviewText": "Love the shirt. Fits nice. very little srinkage..", "summary": "Nice fiting shirt.", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "A32WRX337G1JS5", "asin": "B0009T8FIQ", "style": {"Size:": " Large/X-Large", "Color:": " White"}, "reviewerName": "B", "reviewText": "As far as caps go this is a beautiful, well constructed cap. I own quite a few different style hats from Kangol and I must say they always make a quality product at a fair price", "summary": "Love my Kangol's", "unixReviewTime": 1450656000} +{"reviewerID": "A142S2UEBE9WF6", "asin": "B0001YRFS0", "reviewerName": "Sam Tilley", "verified": true, "reviewText": "I use these pants outdoors in a wet enviroment in the winter and they work great. Constructed well and have lasted for years.\n\nThe only CON I have is that they are quite stiff until you wash them a half dozen times or so, other than that they are great!", "overall": 4.0, "reviewTime": "11 12, 2013", "summary": "Perfect work pants.", "unixReviewTime": 1384214400} +{"reviewerID": "A24AEJEWFFSY6A", "asin": "B0009O12OA", "reviewerName": "Deb", "verified": true, "reviewText": "They fit well. I like the zipper on side, but the heel area wears out fast and breaks down making getting them on difficult and uncomfortable. I have to use heavy duty insoles with them. There is not enough padding in the foot for a long day on your feet.", "overall": 3.0, "reviewTime": "07 4, 2014", "summary": "Nice shoes, but wear is indifferent", "unixReviewTime": 1404432000} +{"reviewerID": "A3USYSN4LABT2F", "asin": "B00028AZ6E", "reviewerName": "RUTH MARIE SPURLOCK", "verified": true, "reviewText": "A little bit too long but very good", "overall": 4.0, "reviewTime": "10 3, 2016", "summary": "Four Stars", "unixReviewTime": 1475452800} +{"reviewerID": "A2A0FC5YI0GBZQ", "asin": "B00028AZ6E", "reviewerName": "Sue H.", "verified": true, "reviewText": "GREAT quality pants for work.....tough, wash and dry great.", "overall": 5.0, "reviewTime": "09 2, 2015", "summary": "SUPER work pants", "unixReviewTime": 1441152000} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "AI6JZG96ADNS3", "asin": "B0007WFGUU", "style": {"Size:": " Medium", "Color:": " Jade"}, "reviewerName": "Diane", "reviewText": "I bot this for my aunt .. she loves the way it fits, the only bad thing she had to say was the material is rather stiff.", "summary": "nice fit.", "unixReviewTime": 1471737600} +{"overall": 3.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3LGEQSMJXAS1Y", "asin": "B0007USODI", "style": {"Size:": " 38DDD", "Color:": " Fawn"}, "reviewerName": "Tee", "reviewText": "The wires poke through fairly soon.", "summary": "Good price.", "unixReviewTime": 1417737600} +{"overall": 4.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A17KWC7NAV3TJA", "asin": "B00078ZTLU", "reviewerName": "Amazon Customer BoBoTrace", "reviewText": "These fit very well, so I ordered more for a total of 5.", "summary": "Four Stars", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A1B73NDS8R6CDI", "asin": "B0007YR980", "style": {"Size:": " 38DD", "Color:": " Zen Blue", "Number of Items:": " 1"}, "reviewerName": "diaa", "reviewText": "Amazing bra.", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A1W7N3EWY7CX8H", "asin": "B000851FM4", "reviewerName": "Susan Walker", "reviewText": "I love them! They are very soft!", "summary": "Sweatpants", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A3HNMKN7Z4QQ5X", "asin": "B0000TW41Y", "style": {"Size:": " 38W x 32L", "Color:": " Carhartt Brown"}, "reviewerName": "bike4life", "reviewText": "I have worn the pants for years--decades even (well, not the same pair!), and they are rugged and sized right. In my opinion, there is no equal, 'nuff said!", "summary": "Classic Carhartt", "unixReviewTime": 1416873600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A3UNQLT5RKQHY0", "asin": "B0002KSH3A", "style": {"Size:": " 7.5 B(M) US", "Color:": " Black"}, "reviewerName": "Lady Luck", "reviewText": "It is hard to find simple black pumps without outrageously thin high heels or a small chunky , dowdy heel. These shoes are perfect. They are simple black pumps with a nice heel that look good with slacks or a dress.", "summary": "Terrific shoe and the price was right!", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2017", "reviewerID": "A1QPB2IJ9OPIHF", "asin": "B0006LNU82", "style": {"Size:": " 34W x 32L", "Color:": " The Rich - Stretch"}, "reviewerName": "armando", "reviewText": "really nice fit..", "summary": "Five Stars", "unixReviewTime": 1499558400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "AN09T9WIMN5MT", "asin": "B0009PJ2VE", "style": {"Size:": " 13 D(M) US", "Color:": " Brown Nubuck/Olive Green"}, "reviewerName": "Nicole W.", "reviewText": "Hubby loves these!", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3598TM2YLAGA8", "asin": "B00008L1ST", "style": {"Size:": " 42", "Color:": " Black"}, "reviewerName": "Aric Thebeard", "reviewText": "Fit great, comfortable, and great price. What could be better, well besides maybe finding a couple hundred bucks in the pocket, that would be nice.", "summary": "Great price, great fit.", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A2HIR83CXM552N", "asin": "B0009IU82I", "style": {"Size:": " 7 C/D US", "Color:": " Brown"}, "reviewerName": "G. Heckscher", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "AAXT86N04AZZ4", "asin": "B0002LTJN6", "style": {"Size:": " 7.5 N US", "Color:": " White"}, "reviewerName": "MSD", "reviewText": "I purchased the shoes for my granddaughter and she is very happy with them.", "summary": "... the shoes for my granddaughter and she is very happy with them", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A2Z9LF1OVFZ4BV", "asin": "B0000DZIS8", "style": {"Size:": " One Size", "Color:": " Red"}, "reviewerName": "FSM", "reviewText": "No complaints. Super warm and great for running in cold weather. The quality is top notch and the price can't be beat!", "summary": "Super warm and great for running in cold weather", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2018", "reviewerID": "A1OPNF40EKC3DU", "asin": "B0001N5WMW", "style": {"Size:": " 8 B(M) US", "Color:": " Raven/Capri"}, "reviewerName": "VPT", "reviewText": "Great walking shoe and comfortable.", "summary": "Five Stars", "unixReviewTime": 1524528000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A26FMAZ856272R", "asin": "B0002FQC0K", "style": {"Style:": " 1.6mm (20\" Length)"}, "reviewerName": "RV Travelin' Girl", "reviewText": "I was looking for a chain that would match a pewter medal with a small bale for my boyfriend. This was so perfect, I ordered a second one for myself. Good value.", "summary": "Well made; great for male or female", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2016", "reviewerID": "A2POSBO2PX50V", "asin": "B0002MD71U", "reviewerName": "Amazon Customer", "reviewText": "Run big but all converse do my daughter loved these!", "summary": "Five Stars", "unixReviewTime": 1480032000} +{"overall": 1.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A2FZWVRV3CBE7W", "asin": "B000089V7W", "style": {"Size:": " Toddler (1-4 Years)", "Color:": " Black Monochrome"}, "reviewerName": "Chelsea'", "reviewText": "These shoes were too small. I order an 8 1/2 and I was sent a size 6. I sent them back for full refund. So now I am waiting to see if I get my money back. Also, the shoes are supposed to be all-star converse and the title of the says timberland boots.", "summary": "Too small", "unixReviewTime": 1393545600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A2GAQ0S4I6G3F4", "asin": "B00006XXGO", "style": {"Size:": " 11.5 B(M) US Women / 9.5 D(M) US Men", "Color:": " Red"}, "reviewerName": "Madhu", "reviewText": "I got converse shoe (red) recently. I liked it .. size fits(9.5 d(m)).", "summary": "I liked it.", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A1ZZ99KNK96V7R", "asin": "B0002M1366", "style": {"Size:": " 9.5 D(M) US", "Color:": " Silver/Black/Royal"}, "reviewerName": "Josh", "reviewText": "love Sacouny running shoes he's always fit great and feel very comfortable", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "ALG3A3MER2CK3", "asin": "B0000CBALZ", "style": {"Size:": " 36W x 34L", "Color:": " Antique Indigo"}, "reviewerName": "AndyO", "reviewText": "Started buying these instead of Levis for work. I work in a very dirty manufacturing plant. These have held up for twice the time as the Levis so far.", "summary": "I work in a very dirty manufacturing plant", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "A8RZA5GCY1TJG", "asin": "B0002MD71U", "reviewerName": "ATL", "reviewText": "These shoes fit perfect and a great price! Fast shipping too, got them sooner than expected!", "summary": "Five Stars", "unixReviewTime": 1524441600} +{"reviewerID": "A3KCMRS6NY52VH", "asin": "B0001YRFS0", "reviewerName": "dbur", "verified": true, "reviewText": "husband is mechanic and has been wearing these for years and loves them. good fabric and long lasting. wash well with no wrinkling.", "overall": 5.0, "reviewTime": "03 29, 2018", "summary": "wash well with no wrinkling", "unixReviewTime": 1522281600} +{"overall": 4.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "AVP7CT0S0B9Y8", "asin": "B0009YD97I", "style": {"Size:": " 30W x 32L", "Color:": " Black"}, "reviewerName": "hpg612", "reviewText": "Somewhat large,but i like it.", "summary": "but i like it.", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2015", "reviewerID": "A1TPN4FJXNE3T8", "asin": "B000ASEWA6", "style": {"Size:": " 3", "Color:": " White"}, "reviewerName": "P.C.", "reviewText": "Worked Well--FITTED PERFECTLY!!", "summary": "Five Stars", "unixReviewTime": 1448496000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "A3Q9199I4Y8OHV", "asin": "B0002PO16W", "style": {"Size:": " Large / X-Large", "Color:": " White"}, "reviewerName": "bingal", "reviewText": "Perfect thickness for full coverage!", "summary": "Perfect!", "unixReviewTime": 1478131200} +{"overall": 2.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A3JXQE4B28KNQT", "asin": "B000ARPN4G", "style": {"Size:": " 11 D(M) US", "Color:": " Charcoal"}, "reviewerName": "B. Lee", "reviewText": "I was hoping for a bit more sole. Okay on carpet but on a hard surface these were the wrong pick. In my younger years it would have been fine put with the aches and pains of aging these lacked the foot protection I need.", "summary": "A souless sole", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2017", "reviewerID": "A1TE9DA6SM3BQ2", "asin": "B00093DAOQ", "style": {"Size:": " 13.5 B(M) US Women / 11.5 D(M) US Men", "Color:": " Charcoal"}, "reviewerName": "Gary J McCutcheon", "reviewText": "Love my Chucks!", "summary": "Five Stars", "unixReviewTime": 1488153600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2012", "reviewerID": "A115FR0XX3SLNY", "asin": "B00009NQW1", "reviewerName": "Robert D. Bundy", "reviewText": "Ordered this for my grand daughter for Halloween. Needless to say, she looked adorable. She loved it so much she didn't want to take it off.", "summary": "happy granddaughter", "unixReviewTime": 1353888000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2017", "reviewerID": "A1V1Y4E209WIS5", "asin": "B000B24UPI", "style": {"Size:": " 9 B(M) US", "Color:": " Black Leather"}, "reviewerName": "Lillian Tapps", "reviewText": "Excellent fit", "summary": "Happy Keds Camper", "unixReviewTime": 1497830400} +{"overall": 3.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A10BXHMB2MAFP4", "asin": "B00079ULXK", "style": {"Size:": " Large", "Color:": " Deep Red"}, "reviewerName": "Hanna", "reviewText": "Shrinks a shirt size when you dry it. but is a good product.", "summary": "but is a good product.", "unixReviewTime": 1481846400} +{"overall": 3.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A3O2T3JNOJV3BM", "asin": "B0009C625G", "style": {"Size:": " 11 D(M) US", "Color:": " Grey/Black N Usubuck"}, "reviewerName": "Pudwater", "reviewText": "no big whoop.very average. plenty of room on width. ok arch support. I expected more from these shoes.", "summary": "one word..Eh.", "unixReviewTime": 1445644800} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A38LL7CKZ1TUXH", "asin": "B0000ANHTD", "style": {"Size:": " Large Tall", "Color:": " White"}, "reviewerName": "R. K.", "reviewText": "Good quality shirts. Heavy duty. I bought large tall as that's what I often get in other brands. I'm 6'2\" about 180. These are much baggier than expected so unfortunately rarely wear them.", "summary": "Good quality shirts", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "A2HHYABGOJNC63", "asin": "B000AYUMWW", "style": {"Size:": " 7.5 W US", "Color:": " Black"}, "reviewerName": "TNagz", "reviewText": "These boots are great. They're well made and make me an inch taller when I wear them. They have really thick soles.", "summary": "caterpillar boots make me look like a badass", "unixReviewTime": 1378339200} +{"overall": 1.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A20YRRTEAZD2I9", "asin": "B0007VOV20", "reviewerName": "Sog1", "reviewText": "The watch lost 3 hours in 1 day. Then even with 3 straps a nine year old wrist was to big. Out of all my purchases from amazon this has become my worse. I had to select 1 star to do a review, but this product does not deserve even that.", "summary": "Out of all my purchases from amazon this has become my worse. I had to select 1 star to do ...", "unixReviewTime": 1437523200} +{"overall": 1.0, "verified": false, "reviewTime": "01 27, 2016", "reviewerID": "AQSYNSVU58A3D", "asin": "B0002XSXWW", "style": {"Size:": " Large", "Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "i needed to sale", "summary": "One Star", "unixReviewTime": 1453852800} +{"reviewerID": "A39UB9I0V5G1XL", "asin": "B0007MFWZ4", "reviewerName": "Cory hammock", "verified": true, "reviewText": "Love these desert boots! Been looking for the black leather for a year and found them at the best price here!", "overall": 5.0, "reviewTime": "02 14, 2015", "summary": "Boom bam", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A3C080SR805GAG", "asin": "B0001YSBUG", "style": {"Size:": " X-Large Tall", "Color:": " Bluestone"}, "reviewerName": "Charles Thompson", "reviewText": "Love it.", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2012", "reviewerID": "A2SR98FCSOLYSK", "asin": "B0008EOQ4O", "style": {"Size:": " 33W x 34L", "Color:": " Double Black"}, "reviewerName": "Aristeidis", "reviewText": "It is a very good quality jean especially for cold weather in my opinion. I would describe it rather wider, but that also makes it more comfortable! I believe that if you are looking for an every day, nice looking (a bit larger though) and comfortable jean this is a good choice.", "summary": "Really relaxed!", "unixReviewTime": 1351296000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A1W6947O0W7SFK", "asin": "B00079ULXK", "style": {"Size:": " Small", "Color:": " White"}, "reviewerName": "Dwayne", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A311BGWDU84UV2", "asin": "B000089V7W", "style": {"Size:": " Little Kid (4-8 Years)", "Color:": " Charcoal"}, "reviewerName": "Jodi L.", "reviewText": "These are cute and fit well. The color is nice and will match many outfits. If you have a girl who loves Converse, she will definitely like these shoes.", "summary": "Cute shoes", "unixReviewTime": 1385856000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A3HY12QPCZMUM", "asin": "B000AYYIYK", "style": {"Color:": " Black/Silver-Tone/White"}, "reviewerName": "mrsdrshopper55", "reviewText": "The watch is perfect for what I need it for. The numbers are large enough to see clearly. I love the added feature that it lights up when you press the button on the side. I also needed the second hand which makes it perfect.", "summary": "It's about time.", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A4XMVDMOIWBU9", "asin": "B0000CBALZ", "style": {"Size:": " 42W x 34L", "Color:": " Overdyed Black"}, "reviewerName": "Cristian", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1416268800} +{"overall": 3.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "AJMJNUE9BFT2S", "asin": "B00028B4XW", "style": {"Size:": " 38W x 32L", "Color:": " Dark Navy"}, "reviewerName": "Aleksandr", "reviewText": "very big", "summary": "Three Stars", "unixReviewTime": 1455840000} +{"reviewerID": "A3IOYIRL4CVXEA", "asin": "B0001YRFS0", "reviewerName": "Oralia", "verified": true, "reviewText": "Its okay for now", "overall": 3.0, "reviewTime": "10 9, 2017", "summary": "Three Stars", "unixReviewTime": 1507507200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "AMA7HUUEX5QRL", "asin": "B00067G3E4", "style": {"Color:": " Blue/Black 2b"}, "reviewerName": "Lealofi Fagafa", "reviewText": "Thanks for awesome product and great services.", "summary": "Five Stars", "unixReviewTime": 1483920000} +{"overall": 4.0, "verified": true, "reviewTime": "11 27, 2011", "reviewerID": "A36BEKRFUMKCT", "asin": "B0001YSBOC", "reviewerName": "USWebworX", "reviewText": "The cuffs on the sleeves will loose their tightness when rolled up. I didn't know this until it got warmer or milder during the day.\n\nOther than this I love all the Carhartt shirts I have!", "summary": "Carhartt Nice, But sleeves.........read more", "unixReviewTime": 1322352000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A2HUFYAW72L8KR", "asin": "B000A794Q4", "style": {"Size:": " 10.5 D(M) US", "Color:": " Bark"}, "reviewerName": "Richard", "reviewText": "work 9 hrs in a snow storm and my boot work great. Feet warm an dry the whole time that make the buy great.", "summary": "... hrs in a snow storm and my boot work great. Feet warm an dry the whole time that ...", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A1OTCU0F35LQW9", "asin": "B0002LICNO", "style": {"Size:": " C/D", "Color:": " Pearl"}, "reviewerName": "Jason Scott", "reviewText": "Hold up great", "summary": "Five Stars", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A3ITB0FM0IECFO", "asin": "B0002MD71U", "reviewerName": "Melissa R.", "reviewText": "Looks So Cute On My Daughters Feet. Fits GREAT. Love", "summary": "Love Them !", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A1R1JC02I3UCAI", "asin": "B000AUVTJQ", "reviewerName": "Charisse Truelove", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1486252800} +{"reviewerID": "ABBGTQFQJ7FRW", "asin": "B0002USCE4", "reviewerName": "Sara J.", "verified": true, "reviewText": "The best dance shoe for toddlers - affordable, durable, fits well. It's exactly what any future prima ballerina could want!", "overall": 5.0, "reviewTime": "05 5, 2014", "summary": "the best", "unixReviewTime": 1399248000} +{"reviewerID": "AQ1M9RJJS445Z", "asin": "B0000AFSX4", "reviewerName": "Denise", "verified": true, "reviewText": "The shoe was a perfect fit. I had already tried the shoe on in the store so I was confident about the size.", "overall": 5.0, "reviewTime": "01 6, 2014", "summary": "Exactly as expected", "unixReviewTime": 1388966400} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A2A723KZU6TDHQ", "asin": "B0002USBB8", "style": {"Size:": " 1 M US Little Kid", "Color:": " Ballet Pink"}, "reviewerName": "Jane", "reviewText": "they are too big compared to other companies ballet shoes in the same size. i am saving them for my daughter to grow into which will probably be before the end of this ballet year.", "summary": "they are too big compared to other companies ballet shoes ...", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A33RBXOJDUAA0N", "asin": "B000AYWPLI", "style": {"Size:": " 10.5 D(M) US", "Color:": " Honey"}, "reviewerName": "Amazon Customer", "reviewText": "I cud just cry at how lovely these were when I opened the package for my sons well needed xmas gift! They were so amazing I wish they wud fit me!\nHe said he loved them! Might even buy again n different color!", "summary": "Steal toe in girls!? Lol love it 200%!!", "unixReviewTime": 1512432000} +{"overall": 4.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A2GUN979LZIICC", "asin": "B0007YXVOQ", "reviewerName": "gskyye", "reviewText": "Great fit! If it came in black, I'd give it 5 stars.", "summary": "Great fit! If it came in black", "unixReviewTime": 1417132800} +{"reviewerID": "A2RTVF1DEL11C8", "asin": "B0001YRFS0", "reviewerName": "Michael Rhoads", "verified": true, "reviewText": "The pants fit well and are what I expected. My only complaint are with the belt loops. You have to fight every loop with a standard belt. My belt easily goes through the loops of all my other pants.", "overall": 3.0, "reviewTime": "04 19, 2018", "summary": "My belt easily goes through the loops of all my other pants", "unixReviewTime": 1524096000} +{"overall": 1.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A301RNVDBN25L6", "asin": "B0009G8CUK", "style": {"Size:": " X-Large", "Color:": " White"}, "reviewerName": "Daniel Tyler", "reviewText": "There are not heavy cotton shirts.", "summary": "One Star", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A2Z680SQ485J5F", "asin": "B00028B4XW", "style": {"Size:": " 36W x 32L", "Color:": " Dark Navy"}, "reviewerName": "derrick abbott", "reviewText": "Fit as expected,no issues", "summary": "Five Stars", "unixReviewTime": 1519084800} +{"overall": 3.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A2X0FMTLTKNDSJ", "asin": "B00080NYU0", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Mntblazer", "reviewText": "Inside pocket opens easily but could cause contents to fall out. Perfect size, could be made better", "summary": "Perfect for Front Pocket.", "unixReviewTime": 1484006400} +{"overall": 3.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1NSTWAZTRJ388", "asin": "B0001YR5GC", "style": {"Size:": " Long", "Color:": " Khaki"}, "reviewerName": "Hal", "reviewText": "Smaller than expected", "summary": "Three Stars", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "AXPT76IWS0YFG", "asin": "B0009SDYK6", "style": {"Size:": " 11 D(M) US", "Color:": " Navy/Gray"}, "reviewerName": "fabio Santos", "reviewText": "Great ,comfortable!", "summary": "Great, comfortable", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A3G335BLYHBOYQ", "asin": "B0008EO5AE", "style": {"Size:": " 12 Short", "Color:": " Premium Light"}, "reviewerName": "Vacaville1", "reviewText": "Can't find these in the regular stores in our area. Great quality too!", "summary": "Great quality too", "unixReviewTime": 1419638400} +{"overall": 1.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A2BJHRWAEBFM2V", "asin": "B0000ZE79U", "style": {"Size:": " 4X-Large/11", "Color:": " Candleglow"}, "reviewerName": "Garnet", "reviewText": "Cheap material and way too small.", "summary": "Don't buy these.", "unixReviewTime": 1438387200} +{"overall": 2.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A8T753Q9FSXS7", "asin": "B0006DQ2IK", "reviewerName": "kyle", "reviewText": "I have several crocheted beanies but this one is way to small. I give it a thumbs down by far.", "summary": "to smailk", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A3T51GXI514SL3", "asin": "B0002QTQA2", "style": {"Size:": " 9 B(M) US", "Color:": " Chocolate"}, "reviewerName": "Jump-Dawg", "reviewText": "Bought these for my girlfriend. They fit het perfectly and are very warm. I would advise you to buy a can od Scotchguard if you plan to wear them out in snow.", "summary": "Excellet boot", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2016", "reviewerID": "A1ULQ2S81S5W7J", "asin": "B000AYW0LI", "style": {"Color:": " Silver-Tone/White"}, "reviewerName": "Debra T. Hughes", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1453075200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A1S5XPAHSIU1HT", "asin": "B00007GDAL", "style": {"Color:": " Mahogany"}, "reviewerName": "Treker", "reviewText": "My wife loves it", "summary": "Five Stars", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A2Y2A7A6ZOJO5Y", "asin": "B0002MD71U", "reviewerName": "Amazon Customer", "reviewText": "shoes look and feel great but are a tad to big but that gives my girl time to wear them and grow into them", "summary": "great", "unixReviewTime": 1482278400} +{"overall": 4.0, "verified": false, "reviewTime": "03 10, 2018", "reviewerID": "AWVHWD26RWFOX", "asin": "B00024QWGK", "reviewerName": "Vincent", "reviewText": "The only reason for not giving 5 starts is that they are square toe and I wanted round. Not very well explained in the description. Nonetheless, comfortable. I exchanged for a different color which did have round toe and I like them a lot.", "summary": "Beware Square Toe", "unixReviewTime": 1520640000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A521QIXO1E7NU", "asin": "B0009W5MZM", "style": {"Size:": " 10.5 D(M) US", "Color:": " Soggy Brown"}, "reviewerName": "Sherri Pickens", "reviewText": "Husband loves these!", "summary": "Five Stars", "unixReviewTime": 1462060800} +{"overall": 4.0, "verified": true, "reviewTime": "07 10, 2017", "reviewerID": "A2KRVW1Y22E0PV", "asin": "B0002TORZS", "style": {"Size:": " 10-13 (Shoe Size 6-12.5)", "Color:": " Black", "Number of Items:": " 3"}, "reviewerName": "Randy Schuldt", "reviewText": "I have larger than normal calves, these socks fit a little too tight for comfort. I expect that they will exhibit the quality Gold Toe is known for.", "summary": "A bit small in the calf area", "unixReviewTime": 1499644800} +{"overall": 3.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A2RX3J1Q6EG1LZ", "asin": "B0007QCQGS", "style": {"Color:": " Purple Night"}, "reviewerName": "camilo velasquez", "reviewText": "I like this bag. is nice, aesthetically appealing and looks perfect for me on weekends. recommended for young people (girls)", "summary": "ok!", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A1Q3O907NRQKNN", "asin": "B000ATDT9U", "style": {"Size:": " 8 B(M) US", "Color:": " Black"}, "reviewerName": "MawwMaww", "reviewText": "Really cute. People complemented the first time I worn them.", "summary": "Great boots", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A1RZOMSQPIB1Q6", "asin": "B000ARPN4G", "style": {"Size:": " 13 D(M) US", "Color:": " Navy"}, "reviewerName": "George P. King, II", "reviewText": "Warm soft comfortable shoes. I love them. They were delivered right on time.", "summary": "Warm soft comfortable shoes. I love them", "unixReviewTime": 1519084800} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A17NWYP3O29KJC", "asin": "B000AYW0M2", "style": {"Color:": " Black/Silver-Tone/Black"}, "reviewerName": "Amazon Customer", "reviewText": "like it is light. strap not leather", "summary": "Four Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A1BPFDK1FFOHMO", "asin": "B0002MC3QA", "style": {"Size:": " 34W x 34L", "Color:": " Dark Stone"}, "reviewerName": "Traveler", "reviewText": "Great jeans. I am going to replace my Levi's, Lee and Wrangler jeans with these. I have the polar fleece lined ones, as well, and they are great winter pants.", "summary": "Great jeans. I have the polar fleece lined ones ...", "unixReviewTime": 1453680000} diff --git a/keith-galli_nlp/data/training/train_Digital_Music.json b/keith-galli_nlp/data/training/train_Digital_Music.json new file mode 100644 index 0000000..03a5316 --- /dev/null +++ b/keith-galli_nlp/data/training/train_Digital_Music.json @@ -0,0 +1,2500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A7MOJLF9PHYMM", "asin": "B00136LRVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beth E. Peterson", "reviewText": "This is a great song -- a classic -- and the mp3 does it justice. And a great price, so we can all sing along with the Piano Man!", "summary": "Classic!", "unixReviewTime": 1354838400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A3M4VKESJEQB33", "asin": "B001NYPOAS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Old classic , makes one feel nostalgic , great feel good song.", "summary": "great feel good song", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A2U7PDIBTY0LWZ", "asin": "B017JXSTBC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Krystian Burlinski", "reviewText": "Very Classical but modern sound from memories of group Queen, that had happy and unhappy ending. But very untameable sound.", "summary": "Radio Gaga by Queen. Number 1", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A3BCS8I6AZVHH3", "asin": "B0161BPHKY", "style": {"Format:": " MP3 Music"}, "reviewerName": "nurse67", "reviewText": "I like this song", "summary": "love", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1EQUW7QUZPTYF", "asin": "B001G61AJW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Buyer named Dale", "reviewText": "As expected", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2014", "reviewerID": "A11P853U6FIKAM", "asin": "B00E0S52QU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Great, contemporary Christian music! I love it! I listen to kLove Radio daily and like to have copies of the songs on my personal devices.", "summary": "Music for the Soul", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2013", "reviewerID": "A32E5AVCDQI8DH", "asin": "B00BYQEGG8", "style": {"Format:": " Audio CD"}, "reviewerName": "Sweet", "reviewText": "This CD is for jazz lovers, I love her sound its nice for chilling with friends or a nice quiet night.", "summary": "Sweet!", "unixReviewTime": 1383350400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A3PP96NV0KYINC", "asin": "B0011ZP3RS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mandy S.", "reviewText": "Great song! One of my favs!", "summary": "Great song! One of my favs!", "unixReviewTime": 1473811200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "A2WE5R44SIWN8E", "asin": "B000QQLW4G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steven H. Nelson", "reviewText": "The great thing about the internet is that it allows me to rediscover songs from my past. I never knew who sang this song until I found it on You Tube.", "summary": "A song from my past.", "unixReviewTime": 1387584000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "A1203Q0HWECJXU", "asin": "B001IXSU8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Raymond", "reviewText": "Overall, this is a great product due to its high replay value. I would recommend this product to both music aficionados and casual music listeners alike.", "summary": "Great Dance Song", "unixReviewTime": 1387843200} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A1PWQMD4E8PNBS", "asin": "B000V64OOG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1441584000} +{"overall": 3.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A3JZDKK5EM175G", "asin": "B00K9JSMFC", "reviewerName": "Lady", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2013", "reviewerID": "A1WM46X9GJ16M1", "asin": "B001FX5V8M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heather B", "reviewText": "Had to have this song. I really love this band. I ended up listening to this so much, I just went and got the album later on.", "summary": "Love this band!", "unixReviewTime": 1382400000} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "AHM59N5Y18ZE6", "asin": "B00137T0BE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jamey", "reviewText": "Good song. Great song.", "summary": "I rate it 5 stars.", "unixReviewTime": 1467331200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A33A8N3L9D8SCE", "asin": "B004GGJ8KM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1475280000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "A1R9OMVRWLO3PW", "asin": "B008W12MTQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "joy", "reviewText": "This recording was nice and crystal clear. I found that purchasing and dowloading the tune from Amazon was a breeze!", "summary": "Perfect!", "unixReviewTime": 1357084800} +{"overall": 4.0, "verified": false, "reviewTime": "12 25, 2012", "reviewerID": "A2X4K0MBYQELAB", "asin": "B006OJKCYA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Norman Marsh", "reviewText": "This is not one of my favorite gospel songs, but the singers are awesome and they carried the song. It's worth adding to your gospel music library.", "summary": "Nice Song.", "unixReviewTime": 1356393600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "ATQ0ISIPEUCLD", "asin": "B00136NOVM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Using it for a slide show...........the part where i show wedding pics of my older relatives' wedding days.....wow - made me tear up a little.", "summary": "Using it for a slide show.... ...", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A1KMUC7LFFUQ04", "asin": "B00HRPZ3ZS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mildred Clements", "reviewText": "when Sam Smith sings this song you can feel his emotions penetrating to the depth of your heart.", "summary": "Five Stars", "unixReviewTime": 1427846400} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "AY69FNNOAFSB2", "asin": "B00C5ZMMVI", "style": {"Format:": " MP3 Music"}, "reviewerName": "David Fox", "reviewText": "Another song that draws us closer to Jesus.", "summary": "Four Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "AYTS0TU23LDAJ", "asin": "B00XY7SGXY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Blessed", "reviewText": "Great motivation song", "summary": "Five Stars", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A34KC9EY3ZQ5T8", "asin": "B0159K08KC", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. C. Dickey", "reviewText": "Love this song. Lyrics aren't perfect but when the song sounds this good it doesn't matter as much.", "summary": "Love Rachel", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": false, "reviewTime": "11 2, 2012", "reviewerID": "A2N7CYTP8CY619", "asin": "B00137OHD0", "style": {"Format:": " MP3 Music"}, "reviewerName": "critterluvr", "reviewText": "I absolutely love this song by Carrie Underwood! She is an amazing singer! I make many purchases through Amazon, particularly the MP3 store am always satisfied. I plan to purchase more songs by Carrie Underwood...she is AWESOME!", "summary": "LOVE IT!", "unixReviewTime": 1351814400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1OC8BHJ1COR1O", "asin": "B00136NXGS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donald Duscher", "reviewText": "It a good song.", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A3PH1UY7ZR5JW3", "asin": "B00ODSNO8U", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Miller", "reviewText": "I really like this song.", "summary": "Five Stars", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A7TQ4P8CTUABO", "asin": "B00137II8A", "style": {"Format:": " MP3 Music"}, "reviewerName": "S. Guerrier", "reviewText": "It is pure Justin Timberlake. One of my favorites.", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A2CQ1CS7ITXRCW", "asin": "B00NW3ZGHE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tabatha", "reviewText": "Our prayer team ... I do believe... just found our theme song!", "summary": "WOW! No weapon formed against us.....", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2013", "reviewerID": "AUBR41JRRG3M9", "asin": "B00122PELU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathryn Dare", "reviewText": "This was a song that pretty much said it all. It reminds me of the peace marches, Martin Luther King, and the struggle of young and brave people to do what they could to bring about integration.", "summary": "Discrimination Rembered", "unixReviewTime": 1368316800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A31RKOWXBYYI7S", "asin": "B000VT3TDK", "style": {"Format:": " MP3 Music"}, "reviewerName": "TN Soccer Ref", "reviewText": "I loved it.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A2QKXTUGFT7Y0S", "asin": "B00GJ8H168", "style": {"Format:": " MP3 Music"}, "reviewerName": "SavageBeastXL", "reviewText": "Very good song", "summary": "Five Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "ATSV2Y8XWB67G", "asin": "B0018CEL4A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A32YVZCSSAM6PJ", "asin": "B00KSYG33G", "style": {"Format:": " MP3 Music"}, "reviewerName": "BJJ", "reviewText": "I love this song.", "summary": "Five Stars", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A2VZBZ6DDXHABL", "asin": "B007IXGZII", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kristie M. Ward", "reviewText": "Great praise and worship song. Two words used to describe our God, Great and Mighty. I love this song and will definitely be using it to minister in dance", "summary": "Great & Mighty", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A211HBLYBE92BI", "asin": "B009KUAOH0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anne Degeorge", "reviewText": "I love the movie and I adore Daniel Craig as finally a new Bond after Sean Connery. I love Adele's voice and she brings the story/song home!", "summary": "New Favorite", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A1MQHBOLQNMRAY", "asin": "B0042UFWP2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Love this music.", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2013", "reviewerID": "A19BGCY1IFIXQW", "asin": "B000W24ULG", "style": {"Format:": " MP3 Music"}, "reviewerName": "TopFish", "reviewText": "I was excited by the possibility of retrieving music I once enjoyed years ago. The price of the music was reasonable. It was a very easy process. I absolutely love the entire experience.", "summary": "Just what I wanted", "unixReviewTime": 1383177600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A3MW5YXP5RSEHU", "asin": "B006BXTPKQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "jtm692", "reviewText": "Awesome !", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A2RNE63P5QLD4W", "asin": "B000QO760C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Thank you.", "summary": "Five Stars", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A3B09DCUTPP2I0", "asin": "B00FY3JV8A", "style": {"Format:": " Audio CD"}, "reviewerName": "Craig A Ballard", "reviewText": "Bad to the bone ,ive been trying to find a collection of the Rolling Stones for a long time... im lovin this one...", "summary": "yes.!", "unixReviewTime": 1407628800} +{"overall": 3.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A8M14CN5HX2JE", "asin": "B0092MKTWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Billy709", "reviewText": "Ok song.", "summary": "Three Stars", "unixReviewTime": 1421280000} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "A2QFY2L6PN40RE", "asin": "B00137MMF0", "style": {"Format:": " MP3 Music"}, "reviewerName": "G. Harrod", "reviewText": "When I hear this song I think of my husband of 58 years who passed away last November. It makes we cry, but it says everything I want to say.", "summary": "Has A Special Meaning", "unixReviewTime": 1399939200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A39VF2T7QAXX00", "asin": "B0012288VS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Isabel Cuellar", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A33QL7Y8Y9SQSI", "asin": "B00137VH60", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eugene Opal Jr.", "reviewText": "this was a cool song from this time period . it really rocked . it was a nice add on for my player .", "summary": "mp3 review", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "A1GAKF3270HPK5", "asin": "B001Q1OHMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Psychic Vampire", "reviewText": "I'm a guy. she's singing about a guy that sucks. ironic I know, considering I kinda suck, but still, this song always puts a smile on my face, I can't help it.", "summary": "funny every time", "unixReviewTime": 1402876800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2014", "reviewerID": "AJM9DERT9ZV4I", "asin": "B0018CKBMQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Maria Agate", "reviewText": "It was so easy to download this song. I love the ease of going from searching and finding what I want.\nThe color is bright and clear. I love to read books and listen to music. I would recommend for everyone.", "summary": "Toby Keith my all time favorite country singer", "unixReviewTime": 1392508800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2017", "reviewerID": "A2RH07W3TT0MFY", "asin": "B00137Y3AM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "classic", "summary": "Five Stars", "unixReviewTime": 1508630400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "ANDEVRPJUD9M0", "asin": "B002YSOVWE", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Kennedy", "reviewText": "He is an excellent story teller in song. He ranks up there with the likes of Johnny Cash and James taylor.", "summary": "He is an excellent story teller in song", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A2NWY1E8YDRMRB", "asin": "B0011W7GKS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brittany", "reviewText": "Talk about an inspirational song! I love this song so much! The first time I heard this song, I was at work. I couldn't believe I have been missing out on this song for so long.", "summary": "Wow", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A1C2W5JREUB94R", "asin": "B00BU2VHOA", "style": {"Format:": " MP3 Music"}, "reviewerName": "OS2Dude", "reviewText": "Great Sailing song. Love to hear it when I'm out on the boat.", "summary": "Great Sailing Song", "unixReviewTime": 1441065600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "02 23, 2016", "reviewerID": "A2RTN3HMVPV33T", "asin": "B0184VZR8Q", "style": {"Format:": " Audio CD"}, "reviewerName": "Minnesota_Metal", "reviewText": "Classic country gone awesome! 5/5!", "summary": "Drop em out", "unixReviewTime": 1456185600} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A3DU6IJH1CEWNF", "asin": "B00137O8ES", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jimtx", "reviewText": "My Maria is one of Brooks & Dunn's best songs and one of my favorites by the group. Can't go wrong with this one.", "summary": "Brooks & Dunn, nothing but great listening", "unixReviewTime": 1435363200} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2017", "reviewerID": "A2UFJ5NIT2RFCM", "asin": "B0011Z110G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Becky Thomas", "reviewText": "Great song", "summary": "Four Stars", "unixReviewTime": 1509494400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "AAPOQVDM5ZTHB", "asin": "B005NS5DD8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Emily Anne", "reviewText": "Perfect song", "summary": "Five Stars", "unixReviewTime": 1410307200} +{"overall": 4.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "A16B9B96UEJY3", "asin": "B007BZM30M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Letina Renne Kelly", "reviewText": "Catchy tune.", "summary": "Four Stars", "unixReviewTime": 1510876800} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A9JVBBYZDRK6K", "asin": "B00K9AABLO", "reviewerName": "pineapplepie", "reviewText": "this song is great , this guy has soul sound black, in a white body the song is amazing !!", "summary": "the song is amazing !!", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2014", "reviewerID": "A1YEERTQ3AFU27", "asin": "B00122CAXU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "This song takes me back to a time when music was full of innocence. I've always loved Frankie Valli and the Four Seasons and have downloaded several songs from their library. This one is fun, upbeat, and you can't help but sing along.", "summary": "Fun song", "unixReviewTime": 1395964800} +{"overall": 5.0, "verified": false, "reviewTime": "08 13, 2013", "reviewerID": "AFEPWYT8SQ5OG", "asin": "B000VWGYUM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "I don't think I had ever heard the long version of this song until I found it on Amazon. It makes you stop and think about what our young men went through during the Vietnam war.", "summary": "This long version is great", "unixReviewTime": 1376352000} +{"reviewerID": "AH87ZVY284O7O", "asin": "B001227IIM", "reviewerName": "dan", "verified": true, "reviewText": "Great...", "overall": 5.0, "reviewTime": "06 29, 2016", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A20IY46WBV8G6B", "asin": "B00136NVE2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Arline Dollison", "reviewText": "Oh my...this is still an oldie but goodie and always will be. Way back in the day before Jefferson Airplane became Jefferson Starship.", "summary": "Groovin'", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A1DP33NTZWL8OO", "asin": "B00137URYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leland MacMillan", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1412899200} +{"reviewerID": "A2EK1WCNYMAWO8", "asin": "B0011W0G2I", "reviewerName": "HonestToGoodness", "verified": true, "reviewText": "I did not buy the whole album, but there are a couple of Tim McGraw's songs that I just love. Just to see you smile is one of them.. This is a great recording, and whenever I press play, it puts a smile on my face!", "overall": 5.0, "reviewTime": "10 22, 2013", "summary": "Love this song!", "unixReviewTime": 1382400000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2LL94CYO88P3W", "asin": "B00137SPH4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A3P21SZEIE3V8Y", "asin": "B005UA0GTU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christopher D. Spangler", "reviewText": "This is a great song just not all year long. It is perfect for your Christmas Mix. Makes an excelent data disc!", "summary": "Great Song", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": false, "reviewTime": "01 12, 2015", "reviewerID": "A25E9K8ITX305O", "asin": "B004NYNGTQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Perry D. Stacy", "reviewText": "A very talented English singer who is very popular around the world. She has a strong following and they know her songs and all the words.", "summary": "Adele a Great Performer", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": false, "reviewTime": "04 9, 2014", "reviewerID": "A1H88B50FBNZG6", "asin": "B00BXZ6QCC", "reviewerName": "Dayna", "reviewText": "I used this song for my devotional at my ladies bible study. Wonderful lyrics! Great message. Love this group. Great price too!", "summary": "Love this song!!!", "unixReviewTime": 1397001600} +{"overall": 4.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "APSS3NMLIF7N7", "asin": "B00GJ2HOWA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Don", "reviewText": "Great song", "summary": "Four Stars", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A1U8PM2SXOWNXK", "asin": "B00136LR84", "style": {"Format:": " MP3 Music"}, "reviewerName": "Timothy McWilliams", "reviewText": "Good tune, but i've noticed most of Johnny Cash's songs are excellent, and it's so nice to hear him paired up with so much duet talent.....", "summary": "JC", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A1NUNNK7VMRN1A", "asin": "B01EPF42AO", "style": {"Format:": " Audio CD"}, "reviewerName": "Joe", "reviewText": "Blink-182 is a great band. Travis Barker is a beast!", "summary": "Five Stars", "unixReviewTime": 1470009600} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2013", "reviewerID": "A2NP9CGUSFP22E", "asin": "B003O3MTM2", "style": {"Format:": " MP3 Music"}, "reviewerName": "BG", "reviewText": "The product is well priced and very good quality as well as a good selection. I'm sure there are better products available but all the Amazon compilations represent good audio quality & excellent values.", "summary": "Compilation", "unixReviewTime": 1360800000} +{"reviewerID": "A2XSEFTZT8HWLB", "asin": "B00136NUG6", "reviewerName": "William Rodriguez", "verified": true, "reviewText": "good", "overall": 5.0, "reviewTime": "04 26, 2015", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A3MBP2BWJ0ZGI4", "asin": "B00J0SMIE4", "style": {"Format:": " MP3 Music"}, "reviewerName": "unclewimp", "reviewText": "Come Dancing is a classic rock tune with a story and plenty of nostalgia. Though the music is lite and up tempo the underlying message is a heart felt melancholy.", "summary": "you feel happy and sad", "unixReviewTime": 1508889600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A2D7O96S6X6I38", "asin": "B00JWFMVNS", "style": {"Format:": " MP3 Music"}, "reviewerName": "joseph dessena", "reviewText": "product was as advertised and very prompt delivery.", "summary": "Five Stars", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A3TLMU0R8W48SZ", "asin": "B007HID3JS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nenita andrews", "reviewText": "It blesses my heart.", "summary": "Five Stars", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A1MQHBOLQNMRAY", "asin": "B00136NLVK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Wonderful music.", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A39HZK87MMK2YE", "asin": "B001FEABI6", "reviewerName": "Steven Lott", "reviewText": "Latimore breaks it down and tell us just bet it right!", "summary": "Five Stars", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "A31SDUROBOBUCR", "asin": "B002B1JLCY", "style": {"Format:": " MP3 Music"}, "reviewerName": "M", "reviewText": "this is one of my favorite worship songs and have listened to it over and over again. its a beautiful song and I would highly recommend it", "summary": "loved it", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AO0U81XJ37XO3", "asin": "B00DE3QDKG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Erica H.", "reviewText": "Great song, heard it on the radio. I could not get the song out my head which is why I bought it.", "summary": "Great Song", "unixReviewTime": 1450310400} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A1PAS5FVWNB07R", "asin": "B00137GBC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Seen them in concert more than once and they are okay as most of their songs", "summary": "Three Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "AUWYFNDDKVHI5", "asin": "B0011Z74C0", "style": {"Format:": " MP3 Music"}, "reviewerName": "bo's girl", "reviewText": "I love Michael. I owe a lot of his music and this one did not disappoint!", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A3TZKCKUJA7UE7", "asin": "B00122X3D6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christina Hendriks", "reviewText": "One of my favorite songs of all time.", "summary": "love it", "unixReviewTime": 1411603200} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A2C9A5AHDUHDPO", "asin": "B006J2FKXK", "style": {"Format:": " Audio CD"}, "reviewerName": "Didit Trisno Wibowo", "reviewText": "Awsome, Cheers", "summary": "Four Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A3I27RSPOGWCXA", "asin": "B017JGRPEG", "style": {"Format:": " MP3 Music"}, "reviewerName": "chillsusa", "reviewText": "Love this song.", "summary": "Great song", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "AU4ED72NQTWNE", "asin": "B00122P5LO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lemarr E. Thomas", "reviewText": "The Artist. Musical Genius.", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A3M86N46CZR3RG", "asin": "B0011Z8OFG", "style": {"Format:": " MP3 Music"}, "reviewerName": "vengefuljinn", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A3ISOG8NBHAJYB", "asin": "B0011Z0YQI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Scifi Jeff", "reviewText": "Well, sounds like a classic, one that will always stand out. It has good tempo, drum beat, instrumental subtlety, vocals. While not a deep theme, it is one of introspection, and relation to one you are very close with. It rocks for me, great running song.", "summary": "Great Sounding Song", "unixReviewTime": 1368144000} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A2587O5MTO4A88", "asin": "B000W11KD8", "style": {"Format:": " MP3 Music"}, "reviewerName": "janice", "reviewText": "great sound and easy to add to my collection", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2013", "reviewerID": "A35557JNWUBLQ1", "asin": "B00AHXDKO8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diana Schlegel", "reviewText": "so far this is the best song he has ever made, but got a lot of close seconds...., anxious to hear more put of him.", "summary": "when I was Your Man", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A1IRRJ2VAZLIDI", "asin": "B00137IF7O", "reviewerName": "K. Hittle", "reviewText": "This is one of my favorite songs. I love being able to meditate on songs. Really listen to the words. There is so much meaning behind many of the words.", "summary": "Love it......", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A2ZCXQ5NU5NW1I", "asin": "B0181SNXZG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laura", "reviewText": "My favorite", "summary": "Five Stars", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "AOROFT8YI4YYV", "asin": "B0011W20PY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daniel D. Livingston", "reviewText": "like it alot", "summary": "Five Stars", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "AXLH9WIEQU8G", "asin": "B0011Z74IE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love PRINCE!!!", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "AURCMN8ARCWVD", "asin": "B00KQQYJPA", "style": {"Format:": " MP3 Music"}, "reviewerName": "d k scalf", "reviewText": "my kinda music.", "summary": "Five Stars", "unixReviewTime": 1425772800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A4RLUD8NRKOVF", "asin": "B0029CX2UM", "style": {"Format:": " MP3 Music"}, "reviewerName": "SR", "reviewText": "I like this artist and I wish he was still with us today, I do not own the cd and I wish someday to purchase the cd.", "summary": "I love it", "unixReviewTime": 1354060800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2012", "reviewerID": "A18E89JP3HVIW1", "asin": "B00940XGHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Theresa Brown", "reviewText": "Love this CD The songs on it are great. It downloaded easily and plays well on the cloud, so on my computer and on my phone.", "summary": "Great Music", "unixReviewTime": 1355702400} +{"reviewerID": "AW9U0ST9IR7W2", "asin": "B000Z7S7HQ", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "KSHE 95fm was only station in St Louis that I know of that ever played this song.", "overall": 5.0, "reviewTime": "07 20, 2015", "summary": "Five Stars", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A7YS109UNR4CH", "asin": "B004DH2F8Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Norma Keney", "reviewText": "This song is anointed really inspiring I enjoyed the quick down load from amazon it is the only place I trust", "summary": "Very anointed song and inspiring uplifting", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A17M7W86I9DBTR", "asin": "B00U3WJHCW", "style": {"Format:": " Audio CD"}, "reviewerName": "KAREN J. ANDERSON", "reviewText": "JOSH ALWAYS EXCELLANT. HAVE ALL OR MOST OF HIS MUSIC. NOT TO BAD ON THE EYES EITHER!", "summary": "WONDERFUL, WONDERFUL!", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": false, "reviewTime": "05 25, 2013", "reviewerID": "A3QYT418L7ZFP0", "asin": "B00136PTYW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nora", "reviewText": "My son got me hooked on Stevie Ray music. Like being able to select one song at a time on Amazon.", "summary": "Love Stevie Ray!", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A2403L219VOFGV", "asin": "B0011Z8PU0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Y. Giordano", "reviewText": "Brings back memories", "summary": "Five Stars", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A30M5OGVWABAXD", "asin": "B00136JJH0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tiny", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"reviewerID": "A2F6GPFH8AYXI8", "asin": "B00123M8ZY", "reviewerName": "Donald Southward", "verified": true, "reviewText": "Pure desire.", "overall": 5.0, "reviewTime": "12 15, 2016", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A1P740CQ8RIBZG", "asin": "B00NZHKYTM", "style": {"Format:": " MP3 Music"}, "reviewerName": "AussieinNY", "reviewText": "Good product, as expected.", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3IPADSXYJCYNK", "asin": "B000VRWUDM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kate", "reviewText": "love songs from when I was a teen", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A1SUP9J7BNRHGW", "asin": "B00UFZYX08", "style": {"Format:": " Audio CD"}, "reviewerName": "zentrainer", "reviewText": "From the first note I loved this album. This band to me is the Queen of our time.", "summary": "Muse....sigh...", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "AKW9T9A31BEGB", "asin": "B000VZSFUG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sands", "reviewText": "Music Soulchild is such a great R&B artist..he has a lot of the old school flavor to him...a must have for your music collection", "summary": "Music Soulchild is such a great R&B artist", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A3BIV1X1K9R796", "asin": "B00MRQZ8S4", "style": {"Format:": " MP3 Music"}, "reviewerName": "john", "reviewText": "As with all of BS's stuff, this song is truly EXCELLENT! What a love song! Excellent seller as well!!", "summary": "As with all of BS's stuff, this song is truly EXCELLENT! What a love song! Excellent seller as well!!", "unixReviewTime": 1440288000} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A205K5U0M2K8QC", "asin": "B009KGKF3M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jamell", "reviewText": "Product works great, great item to purchase. I really enjoy it. Thank you very much.", "summary": "Product works great, great item to purchase. I really enjoy it. Thank you very much.", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A3W527BN42AXN1", "asin": "B00136JF56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Resa", "reviewText": "This song sounds great on my Kindle! I have really enjoyed listening to it! I am glad that I purchased it!", "summary": "You Give Good Love", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A2GW50SX3SYTE3", "asin": "B001NSE7XY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bean's", "reviewText": "Sounds good thanks.....", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"reviewerID": "A2MC6P200KHJ2A", "asin": "B001DCX9YI", "reviewerName": "Lea Hudson", "verified": true, "reviewText": "Always wonderful!", "overall": 4.0, "reviewTime": "08 18, 2014", "summary": "Four Stars", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "A2PKB9E7772U8H", "asin": "B005OKUUQK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Juan juarez", "reviewText": "Awesome song!", "summary": "Five Stars", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A3IR8E0NKWNCP3", "asin": "B000VZLMFG", "style": {"Format:": " MP3 Music"}, "reviewerName": "syl", "reviewText": "love Keyshia Cole", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "AZY0M1ANDSEPL", "asin": "B00OIK3WQW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Adam Lickfelt", "reviewText": "loved it", "summary": "Five Stars", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A2HO0IEDD64204", "asin": "B004NYNGTQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lorene L Holbrook", "reviewText": "perfect song", "summary": "Five Stars", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A1P3Z7Z4NTZGQR", "asin": "B004SBW17W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Honey of Honey's Life", "reviewText": "Morning Little Miss Sunshine is a favorite and a great way to wake the family up or get them motivated.", "summary": "Wake up and get motivated!", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A2NX561YGCJPCZ", "asin": "B00QSDA2HE", "style": {"Format:": " MP3 Music"}, "reviewerName": "gimish3", "reviewText": "Awesome track.", "summary": "Cooking and Eatin Pies", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2013", "reviewerID": "A3T9SAL74D6ORZ", "asin": "B00BEQZ5J0", "style": {"Format:": " Audio CD"}, "reviewerName": "Morlock Loves Music", "reviewText": "This is an excellent album of new material. They are better than ever and I have really enjoyed this. Raul's efforts on his own were just not as good as with the group. I am so glad they got back together.", "summary": "The Mavericks are back and better than ever.", "unixReviewTime": 1366761600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A237E0FTADYM58", "asin": "B00BC3UH20", "style": {"Format:": " MP3 Music"}, "reviewerName": "Margaret Phillips", "reviewText": "Good song", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A1M7L82KTVKKL3", "asin": "B0098TPQ9O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cindy", "reviewText": "My son loves to listen to classical music when he's studying. Incredible music at any price.", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A3RPMH1JP2OIPO", "asin": "B0013APN80", "reviewerName": "smith, natasha", "reviewText": "her music makes me want to go back in time on sunday mornings get ready for church.. I love her words.", "summary": "i love it", "unixReviewTime": 1354665600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A1R4HQIWADCTP0", "asin": "B00QR70TC4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Darrel Poppino", "reviewText": "Clever lyrics, good beat and a catchy tune.", "summary": "Potty Mouth LOL", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2013", "reviewerID": "A1WHB4NGVJGFES", "asin": "B00137ROYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Phyl'licia L. Dixon", "reviewText": "Really like it. I do not know much about the artist, but this song is good. I might seek out more songs by her.", "summary": "Heard this once", "unixReviewTime": 1360281600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "ASCSDDBDVZLWK", "asin": "B000W04S9C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cynthia M. Tavare", "reviewText": "love", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1HO42511U4K03", "asin": "B00LIQLELO", "style": {"Format:": " Audio CD"}, "reviewerName": "R. Whiteman", "reviewText": "Outstanding music. If you love Train, you'll really love this.", "summary": "On Top Again!!", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2013", "reviewerID": "A16Z3HTUIYPDH8", "asin": "B00124HN8K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I asked my father one time, \"dad, why do people get married and make children together?\" He said \"son...\" and then put on this record for me to listen to. It all made sense.", "summary": "HE CAN DO NO WRONG", "unixReviewTime": 1363132800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2012", "reviewerID": "A6DSDTFL9O4HB", "asin": "B00122Z5A0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Baxter B.", "reviewText": "I'll be honest; I don't remember purchasing this song. But it's cool, because I've always liked it. Always sing along with it, and love the underunning theme of infidelity.", "summary": "Like this song", "unixReviewTime": 1353888000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A2FNSPM7N4V401", "asin": "B00137G8MS", "style": {"Format:": " MP3 Music"}, "reviewerName": "gloria", "reviewText": "Awesome!!", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "AUOCNNKMVP2R8", "asin": "B00122PJ0G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kimberly R. Mclean", "reviewText": "I am a huge Prince fan. This is a classic song, though lesser known. May his soul rest in peace.", "summary": "True fan", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3KKBKVYBSCXDV", "asin": "B00TJ67YUK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alex Smeltzer", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"reviewerID": "A2MZDXW018TVJE", "asin": "B00124BPBG", "reviewerName": "Liane", "verified": true, "reviewText": "Oh yeah...and I sing along. This is sophisticated country. This CD will please your senses and awaken your imagination. If you think you don't like country music...listen to this one and you'll think again.", "overall": 5.0, "reviewTime": "08 17, 2008", "summary": "This is the one I listen too when I'm driving.", "unixReviewTime": 1218931200} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A3DPVXS7PH5RTF", "asin": "B00137WZQ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diana Robertson", "reviewText": "Love the music. Thanks.", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A1UBG473OUNBE8", "asin": "B009KGKF3M", "style": {"Format:": " MP3 Music"}, "reviewerName": "renaewb", "reviewText": "I heard this one for the first time on the Victoria Secret Fashion show and just thought it was a good song. Has a nice beat and good words.", "summary": "Good song", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A1XELII27ALQVA", "asin": "B0011Z764Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Prince is awesome!", "summary": "Never going to forget about the Artist!", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A3OY5D0EKPYEWX", "asin": "B00136PY5Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Doc Younger", "reviewText": "Great song by 4 legends.", "summary": "Must have for any Outlaw Country collection", "unixReviewTime": 1523404800} +{"overall": 4.0, "verified": true, "reviewTime": "11 26, 2013", "reviewerID": "A2N5VE7XY18XES", "asin": "B005636FKU", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Begg Jr.", "reviewText": "Decent song with good rhythm and as a DJ who does a lot of events where there are a wide selection of generations, there's no cussing or explicit language.", "summary": "Good cut for parties and events", "unixReviewTime": 1385424000} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "A15T3Y3BL2AJ9V", "asin": "B00136RVG6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roger Dodger", "reviewText": "This is one of my favorite songs done by George Michael. It brings me back to the mid-eighties. I still love it. It sounds very good.", "summary": "Great Song", "unixReviewTime": 1480291200} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2013", "reviewerID": "A45TVPRSX7IT1", "asin": "B004EF3GOY", "style": {"Format:": " MP3 Music"}, "reviewerName": "BigG", "reviewText": "Great sound brought after listening to the short clips but very impress with the outcome added addition to the collection", "summary": "Great Sound", "unixReviewTime": 1366588800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A131E9IR67XE4I", "asin": "B00VYA1BP8", "style": {"Format:": " MP3 Music"}, "reviewerName": "AWOL", "reviewText": "I love Adam Lambert. That voice... This album is dark and melancholy, and I really enjoy listening to it. Definitely worth getting.", "summary": "Great album", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A3ROE739791DV4", "asin": "B002EHTTHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Greg Klebs", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1486166400} +{"overall": 5.0, "verified": false, "reviewTime": "10 7, 2015", "reviewerID": "A42FCLQZIV4YH", "asin": "B00136RUJO", "style": {"Format:": " Audio CD"}, "reviewerName": "Glenda", "reviewText": "LOVE, LOVE, LOVE!!!", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 4.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A2K1AKH1D5H8XW", "asin": "B00DRA0WXA", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Wellman", "reviewText": "Fun Song", "summary": "Four Stars", "unixReviewTime": 1416528000} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A2DMXG068N8PQ2", "asin": "B00137VGXY", "style": {"Format:": " MP3 Music"}, "reviewerName": "laura farmer", "reviewText": "This song is so true", "summary": "Four Stars", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2014", "reviewerID": "A24L0M47A6BN9P", "asin": "B005K0R3SC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Like this song and he a good singer I glad I brought it he Is a good artist like his music", "summary": "good", "unixReviewTime": 1392163200} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A28V6GYQNQFGPM", "asin": "B00TJ67YUK", "style": {"Format:": " MP3 Music"}, "reviewerName": "alyssa", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A1GUJPIEN0XH4Q", "asin": "B000TE0S22", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "The best Grand Funk song of all!", "summary": "My Favorite", "unixReviewTime": 1430956800} +{"overall": 4.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A25MDGOMZ2GALN", "asin": "B000V62QCI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alvey", "reviewText": "A fun party song", "summary": "Four Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A2LTPIQG2RWNJW", "asin": "B005VPSEVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alicia Arol", "reviewText": "I only purchase off of Amazon songs I WANT & LOVE=Why would I ever give less than 5 stars to any mp3 I had purchased unless the mp3 was bad quality which NEVER HAPPENS?", "summary": "... any mp3 I had purchased unless the mp3 was bad quality which NEVER HAPPENS", "unixReviewTime": 1439078400} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2013", "reviewerID": "A1YOWHRIWWKDYR", "asin": "B00AO7CE6C", "style": {"Format:": " Audio CD"}, "reviewerName": "woody bluezz", "reviewText": "great musicians with steve morse, roger glover, etc. but not as hard hitting as i thought it would be. great in person, if you like the hard hitting music and tremendous guitar work of morse. he can play anything and everything.", "summary": "now what", "unixReviewTime": 1379462400} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2014", "reviewerID": "A2ELQF6RB9PIM9", "asin": "B00FX8FWRU", "style": {"Format:": " MP3 Music"}, "reviewerName": "myluvrby", "reviewText": "I love Katy's music, very well written song with sweet melody. Always a good depth with each one. A must have", "summary": "Must have", "unixReviewTime": 1390435200} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A3ERMX3LZVWM98", "asin": "B000VRWV4U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lesley Byington", "reviewText": "Exactly what I expected", "summary": "Five Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A2403L219VOFGV", "asin": "B0011Z2Z4C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Y. Giordano", "reviewText": "Brings back memories", "summary": "Five Stars", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2012", "reviewerID": "A19TBGPL3KN4AS", "asin": "B007BZM30M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Munch", "reviewText": "My 7 year old daughter just loves this song. She's been singing it the past few months. I have to say we were a bit tired of it after the first week but it's fun for her so what can you do.", "summary": "Fun Song.", "unixReviewTime": 1355011200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2011", "reviewerID": "A34DR583EV8ABR", "asin": "B0011Z78V2", "style": {"Format:": " MP3 Music"}, "reviewerName": "marjoriehope", "reviewText": "one of the greatest old time singers, the song was downloaded into my computer with no problems, this is the best way to order!", "summary": "Try a little tenderness", "unixReviewTime": 1315267200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "AL6G2NJC33JJB", "asin": "B001NHGGIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diane Starnes", "reviewText": "This started it all for Dire Straits. Still holdd ip like all quality music.", "summary": "I STILL WSNT MY MTV!", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "AR7QOCLIRJ9X0", "asin": "B001229952", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aaron D. Mcmahan", "reviewText": "Great album I would highly recommend it.", "summary": "Great buy.", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A1OZJKMNTB0Q7S", "asin": "B001NTUDEU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Travis", "reviewText": "I love this song.", "summary": "5 Stars", "unixReviewTime": 1436486400} +{"overall": 1.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A1BF5JLG8WBFUR", "asin": "B00G2ID5ZG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deb", "reviewText": "I wasn't expecting a Hip Hop style Boy George. This wasn't my cup of tea, so I deleted it immediately.", "summary": "Boy George Goes HipHop?", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A1QBBI5BYRUN3S", "asin": "B00HFWYA3E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eddie", "reviewText": "Very nice beat. Love the song. Blends well with other songs. A definite must buy. I would recommend it. Good", "summary": "Nice", "unixReviewTime": 1399161600} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "AMDIOMD8FD0SC", "asin": "B00136RVDY", "style": {"Format:": " MP3 Music"}, "reviewerName": "paul sharpe", "reviewText": "Easy download and no issues", "summary": "Four Stars", "unixReviewTime": 1458259200} +{"overall": 3.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "ANOZARN8ZIT7V", "asin": "B00GLP4CRK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "enjoyed", "summary": "Three Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2013", "reviewerID": "AYM5IYPZ9P02I", "asin": "B00123JYR4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ronald L. Campbell Jr.", "reviewText": "How cool to be able to dl a song from the very 1st concert I ever attended in 1970 something\n\nFoghat & Slow Ride!\n\nthis song is a must on the 1st 60 degree day of spring , with the windows down...", "summary": "Take It EASY!", "unixReviewTime": 1363392000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A2AS3AV2LCRXRW", "asin": "B0055HVX7W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Manuel Derrett", "reviewText": "Good Album.", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "A1I2SUVSH6647T", "asin": "B00137WSWM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Troy", "reviewText": "Who can name one single thing not to enjoy about Petula Clark. Each word of this song is clear and beautiful--and very tenderly uplifting!!!", "summary": "Have you listened to the lyrics??!!", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "A2ND7WY43CKE3K", "asin": "B00J9R8TMG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dawn's got to have it!", "reviewText": "Great song, buy it", "summary": "Five Stars", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A2SAKQ7M1KSBQ", "asin": "B00SPF2HU8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steve", "reviewText": "Perfect. Just what I wanted/needed!", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A1W2GM574OMNFO", "asin": "B002FU81NG", "style": {"Format:": " MP3 Music"}, "reviewerName": "K C", "reviewText": "Very good, oldie but goodie", "summary": "George Benson", "unixReviewTime": 1463788800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "AXW0QA7B9BLIY", "asin": "B0011Z77TA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Janice Jewers", "reviewText": "great song!", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A3EWLA1F1HFM7M", "asin": "B00IR3W9B0", "style": {"Format:": " MP3 Music"}, "reviewerName": "carlos", "reviewText": "Beautiful song by colplay, truly a big hit.", "summary": "Awesome stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A2T4BCEGQOD9JY", "asin": "B01FN74ZKU", "style": {"Format:": " Audio CD"}, "reviewerName": "clarissa mcghan", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1487635200} +{"overall": 3.0, "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "A13QO6SIAAJJXZ", "asin": "B00126SGAW", "reviewerName": "KRG", "reviewText": "Kid enjoyed it.", "summary": "Three Stars", "unixReviewTime": 1511049600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2016", "reviewerID": "A10M52OJSDB8WK", "asin": "B00IWI3RUM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff Parsons", "reviewText": "I love music from this era and in this style. I am very happy I got this song.", "summary": "Great song", "unixReviewTime": 1459555200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "A1RWK72VF89I3R", "asin": "B0051QIH3A", "style": {"Format:": " MP3 Music"}, "reviewerName": "NHCrafting Lady", "reviewText": "I first heard this song on an episode of DWTS; and I loved it. It is a great song to dance to and it is an uplifting song to listen to.", "summary": "WOW! What A Song by Lady Gaga!", "unixReviewTime": 1356825600} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A38RJL6DA0KA65", "asin": "B00136JHEK", "style": {"Format:": " MP3 Music"}, "reviewerName": "dimples66", "reviewText": "Just love this song period.", "summary": "Four Stars", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A37U0AUYDK8R5", "asin": "B015F2F3ZO", "reviewerName": "Cynthia Marks", "reviewText": "Awesome single. ", "summary": "Awesome!!!!!!", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A34VUT6UEZL96V", "asin": "B00122OKQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kenneth R Dellett", "reviewText": "Great seller great product fast shipping everything A+++++++", "summary": "Great seller", "unixReviewTime": 1454371200} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "APQVUBIIPC59W", "asin": "B001UFT4LU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bruce B Buckmaster", "reviewText": "Smooth!", "summary": "Four Stars", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A21EZ8H4GCYQI8", "asin": "B00IOMXGZW", "style": {"Format:": " MP3 Music"}, "reviewerName": "judy m merrill", "reviewText": "This song fits so well with the movie easy listening", "summary": "Five Stars", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A16O9C43IK8SLW", "asin": "B00N4FVJO4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "As advertised. Fast shipment. A+", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A1SFQCUTU4ALOI", "asin": "B0012F6LL4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Da' need", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2018", "reviewerID": "AJ8M6GVFGIRLS", "asin": "B00137IO6Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "BIGGUY", "reviewText": "Good song.", "summary": "Five Stars", "unixReviewTime": 1525132800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A35DNVCVAFTT6W", "asin": "B000T1EJ0W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Scott Meyers", "reviewText": "Have liked this song since hearing it back in the early 90's. Well written and put together so a must have for my collection.", "summary": "A goodie", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A351338QZ9X5OW", "asin": "B002CAANH6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dolores", "reviewText": "He was the king of sexy music !", "summary": "Five Stars", "unixReviewTime": 1483401600} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A32SJM5GPNG5QL", "asin": "B001OFZRZ8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ron in Western Maryland", "reviewText": "The first big hit by James Taylor. A recounting of his mental health adventures. Sounds folky but I liked that when I first heard it many years ago.", "summary": "First Big Hit by James Taylor", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A4JBZJKQDUG9", "asin": "B0057TSQHI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Judy C.", "reviewText": "He has such big voice, so deep. Another Amer. Idol winner !!!!!!!!!!!!!!!!! He always remembers where he come from, that's a good thing!", "summary": "Love this song", "unixReviewTime": 1371600000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "A3ELGT0XHC8QR5", "asin": "B00137OHD0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Classic Carrie Underwood. Great beat and lyrics. She always brings everything to the table when she sings. I would recommend the song to all.", "summary": "Before He Cheats", "unixReviewTime": 1365465600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A10M52OJSDB8WK", "asin": "B00122OKQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff Parsons", "reviewText": "Aaron Neville and Linda Ronstadt are the right duo for this song. Their voices go together like a hand in a glove. I would call this a smooth, deep love song.", "summary": "A wonderful Duo Love Song.", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "A1LONDA25144EX", "asin": "B0058U20Y6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lizadoliddle", "reviewText": "I thought this was my comments but this thing requires a certain amount of words (20) to give feedback. Stupid!!! what do you think?", "summary": "love it", "unixReviewTime": 1366502400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "AAPOQVDM5ZTHB", "asin": "B00123M3CW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Emily Anne", "reviewText": "Memories", "summary": "Five Stars", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A17XF5YJQVZ6C9", "asin": "B00LI9VM7W", "style": {"Format:": " Audio CD"}, "reviewerName": "JTAG-JustTheAudioGuy", "reviewText": "Great Album", "summary": "Five Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A1A008ZY5564VC", "asin": "B0011W3WRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jim Smith", "reviewText": "Love this one", "summary": "Five Stars", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A3F283LN9FEJ5Q", "asin": "B003PY3DSO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Spencer Thompson", "reviewText": "Love it. It helps me with my tinnitus.", "summary": "Five Stars", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2013", "reviewerID": "A2K5E9YNWOP5JQ", "asin": "B00BXTXOCS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Muggle Mom", "reviewText": "I love this upbeat country song from Band Perry. I find myself singing it after I complete everything from dishes to hauling out the trash. DONE!", "summary": "Kick Azz", "unixReviewTime": 1367539200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2018", "reviewerID": "A15XLRMA218Y5L", "asin": "B00EH49FRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deb", "reviewText": "If you neef a \"lift me up\" kind of song... this is it!!!", "summary": "LOVE IT!!!", "unixReviewTime": 1517443200} +{"overall": 5.0, "verified": false, "reviewTime": "12 17, 2014", "reviewerID": "AJ5N078XSBAWJ", "asin": "B00137YNSO", "style": {"Format:": " MP3 Music"}, "reviewerName": "TY", "reviewText": "Can't get any better. I love the OJAYS!", "summary": "Five Stars", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2877WXAPQ7T50", "asin": "B0011Z4XOW", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Anderson", "reviewText": "Good song. Wow this was one talented band. Sure it goes to Chad Kroegers head and they release a few bad ones. But that man can sing.", "summary": "Good song.", "unixReviewTime": 1425081600} +{"overall": 2.0, "verified": true, "reviewTime": "11 10, 2017", "reviewerID": "A3E9KQ0H2QNH33", "asin": "B00136NP0M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Smartie", "reviewText": "after a few times listening, his voice just sounded like whining. I hate whiners. they're such weiners", "summary": "eh", "unixReviewTime": 1510272000} +{"overall": 5.0, "verified": false, "reviewTime": "01 2, 2014", "reviewerID": "A39RHC50KC4R8W", "asin": "B00137OFR8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leo", "reviewText": "A classic song from a classic collection - this should be on every iPhone and Kindle. You can't go wrong with Journey", "summary": "Classic", "unixReviewTime": 1388620800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A32I4FY0P5ZJZT", "asin": "B00137IKAQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "tedmistro", "reviewText": "Never much of an Elvis fan, but this is a good song", "summary": "but this is a good", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A3BCS8I6AZVHH3", "asin": "B00OIK3WQW", "style": {"Format:": " MP3 Music"}, "reviewerName": "nurse67", "reviewText": "I like this song", "summary": "like", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2014", "reviewerID": "A3K9AFE5DDBN2C", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "brianna bowens", "reviewText": "I totally think that this is the most awesomely song ever. It sounds kinda kiddy but come on this song makes everyone happy hence the name I recommend you buy this song you won't waste your money", "summary": "what do i have to say", "unixReviewTime": 1400198400} +{"reviewerID": "A34ITQ1H0KPLRP", "asin": "B00124B8UO", "reviewerName": "Sam", "verified": true, "reviewText": "Fav", "overall": 5.0, "reviewTime": "06 16, 2016", "summary": "Five Stars", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "A1RY08CB4CKVAK", "asin": "B00122A8HU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Molekricket", "reviewText": "Great product at a great price! Fantastic digital download was fast and at a low cost! I would recommend this to anyone.", "summary": "Great product at a great price! Fantastic digital download was fast and at a low cost! I would recommend this to anyone.", "unixReviewTime": 1383782400} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2013", "reviewerID": "AVTQB8FI2KW8Q", "asin": "B000W177O4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Annie M daffodils", "reviewText": "Jimmy Buffet is most famous for his fun hits like \"Margueritaville\". \"Come Monday\" was also a popular hit and different from the others. It is very sweet and romantic and I think it may be based on true events in his life.", "summary": "My favorite Jimmy Buffet song", "unixReviewTime": 1377648000} +{"overall": 2.0, "verified": true, "reviewTime": "11 27, 2012", "reviewerID": "A39CYUXTVGQSCF", "asin": "B008ABBC1C", "style": {"Format:": " MP3 Music"}, "reviewerName": "SaxonBlues89", "reviewText": "It was 99 cents. What can I say? I bought it and I like about three or four songs on here. Let's Talk is probably my favorite, which is odd because I enjoy almost the entire Wale CD.", "summary": "Not a fan", "unixReviewTime": 1353974400} +{"overall": 3.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A3FS251XM39UPM", "asin": "B000TDWS8A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diane Raines", "reviewText": "what can I say it is the Beach Boys", "summary": "Three Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2012", "reviewerID": "A2WGHCMD3TA0TZ", "asin": "B00136NMAU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diann Abbott", "reviewText": "Nice buy, sweet music. I usually purchase all of my music from Amazon because I am able to use it on my computer and my cell phone. Amazon's \"Cloud Player\" is absolutely awesome!", "summary": "Collecting Music By Whitney", "unixReviewTime": 1344384000} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1J5GKR4AX31BP", "asin": "B000Z1GR9C", "style": {"Format:": " MP3 Music"}, "reviewerName": "g3amazon", "reviewText": "A great song for any era with catchy lyrics and funky guitar work that makes you sit up and take notice.", "summary": "Classic", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A2R8D8HINSLT7W", "asin": "B00HZ2PJMU", "style": {"Format:": " MP3 Music"}, "reviewerName": "braiding diva", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "A18H6KCOM1IPDZ", "asin": "B001NB6YE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon1 Customer", "reviewText": "The only song they've ever had I liked, but it's a great song, which is all that counts. Make sure you get this version, and not the live one.", "summary": "U2", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AAT1JT5M65VGQ", "asin": "B01H7XAFSO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ann-Marie Jacobs", "reviewText": "Awesome song!!!", "summary": "Five Stars", "unixReviewTime": 1493683200} +{"overall": 4.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A3SVCK3QJ0QGK7", "asin": "B000W00IGY", "style": {"Format:": " MP3 Music"}, "reviewerName": "felicia", "reviewText": "good song", "summary": "Four Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2008", "reviewerID": "A1GKR5QUCDUPWP", "asin": "B000V66PDE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Priscilla Stilwell", "reviewText": "I remember when this song was \"hot\". I bought the album, and I loved listening to it. I like to think that my musical tastes are a bit more sophisticated, but once in a while, I like the \"bubblegum rap\". Whatcha gonna do?", "summary": "More for sentimental reasons", "unixReviewTime": 1220140800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A1XQRNPLYQX80Z", "asin": "B0170K9UTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "galmd", "reviewText": "Love just love this song and her music.", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1FTTVNQFMR2SX", "asin": "B000VZMO08", "style": {"Format:": " MP3 Music"}, "reviewerName": "m5d7", "reviewText": "One of my favorites. Sweet song about the innocence and devotion of love.", "summary": "Sweet song about the innocence and devotion of love", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A94I7MKR5EXC0", "asin": "B003TWX15C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Helen Blanchette", "reviewText": "FUN SONG!", "summary": "Five Stars", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A2ZEXIUAKNK5A1", "asin": "B015QOELTU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Moonduster", "reviewText": "It's a good song in my opinion, that's why I bought it.", "summary": "Good Song", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": false, "reviewTime": "04 12, 2013", "reviewerID": "A236RISSRZP8OA", "asin": "B0051QK8PU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Barclay Bicksler", "reviewText": "I really like this song and enjoy listening to it. Not much else to say at this time but it was worth the download..", "summary": "Great Song", "unixReviewTime": 1365724800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2013", "reviewerID": "A1QJSM2A4LZGXL", "asin": "B009KGKF3M", "style": {"Format:": " MP3 Music"}, "reviewerName": "CARDO K", "reviewText": "Love Bruno Mars' Locked Out Of Heaven...great addition to my play list. $.99 special was also a really great deal.", "summary": "Locked Out Of Heaven", "unixReviewTime": 1357776000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "ASFQBB524HVRJ", "asin": "B000V68VKY", "style": {"Format:": " MP3 Music"}, "reviewerName": "curly1", "reviewText": "Like", "summary": "Five Stars", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A3EQLH3KZQ40ZC", "asin": "B00137OCJO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Doctor Bob", "reviewText": "Why this isn't in the greatest hits collection I'll never know. A song that really plays off of the emotion in Elvis' voice, nice tune, strong lyrics. Part of any Elvis lover's collection, should get more credit than it seems to get!", "summary": "A greatest hit in my book!", "unixReviewTime": 1361923200} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A2INSJGT4810EJ", "asin": "B0018CEL5Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "No comment", "summary": "Four Stars", "unixReviewTime": 1419897600} +{"reviewerID": "A1AJLUUSIFSTTP", "asin": "B000V64UXQ", "reviewerName": "Melinda Geasler", "verified": true, "reviewText": "Great Song!", "overall": 5.0, "reviewTime": "07 14, 2015", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A16BPVZUE1PBVZ", "asin": "B0181SPABG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Camarogirl", "reviewText": "Cute little song", "summary": "Four Stars", "unixReviewTime": 1472947200} +{"reviewerID": "A3KGBMY4LDH2FU", "asin": "B000W20G6Y", "reviewerName": "JaNeh", "verified": true, "reviewText": "It was easy to download. We purchased the song for our vow renewal. It brought memories of dances we would attend early in our marriage!! We both love Vince's smooth voice and his feeling he puts in his music!!", "overall": 5.0, "reviewTime": "03 9, 2013", "summary": "Vince!!", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "A2FA2Z6E8LZB0N", "asin": "B00137T4WE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jonah Goodman", "reviewText": "Was exactly the track I was looking for.", "summary": "Five Stars", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "A4507F879T1SD", "asin": "B00137KNB0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard L. Kraatz", "reviewText": "A wonderful song that I downloaded and plays perfect.", "summary": "Five Stars", "unixReviewTime": 1512950400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A1QDFV2RAGU505", "asin": "B00136POME", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sunflower", "reviewText": "Great product nice sound is crisp and smooth. Love the oldies", "summary": "Nice and Crisp sound", "unixReviewTime": 1419120000} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A2FB80WKFOFI7B", "asin": "B002CAAMTA", "reviewerName": "Carmen", "reviewText": "Love Prince, Great song, ease of download always has me coming back to find my favorites. One suggestion, we should have the ability to share music between our individual apple and android devices. That would be great.", "summary": "Great song", "unixReviewTime": 1394323200} +{"overall": 4.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A3D5WJ2VXBEPPB", "asin": "B00K6B6854", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bonnie S.", "reviewText": "Good song if you like this type of music. I enjoy hearing Gilbert singing with Moore.", "summary": "Good duo", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2016", "reviewerID": "A3IRA84P3Y88SC", "asin": "B000WOT33E", "style": {"Format:": " MP3 Music"}, "reviewerName": "claudia g", "reviewText": "Tom Petty is amazing", "summary": "Five Stars", "unixReviewTime": 1481932800} +{"overall": 3.0, "verified": true, "reviewTime": "03 11, 2013", "reviewerID": "A1JCXVD6H8FSRP", "asin": "B00B0NF5UQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "greg maxwell", "reviewText": "This is a song you find that is good, that no one else seems to know about. I like the movement of the lyrics and the overall composition. I recommend it .", "summary": "Happy", "unixReviewTime": 1362960000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A1O6HQY3JLU5JG", "asin": "B001248CDK", "style": {"Format:": " MP3 Music"}, "reviewerName": "lordoflies", "reviewText": "as sad as a country song. Beautiful too.", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A2BM1908O9BBVA", "asin": "B001EEA1XC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Elizabeth Dickie", "reviewText": "Such a heart-rendingly beautiful love song.", "summary": "Wow.", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2011", "reviewerID": "A348GYLVPWT8AK", "asin": "B000WOUSRY", "style": {"Format:": " MP3 Music"}, "reviewerName": "bebex1980", "reviewText": "my mother bought a variety tape and it had this song on it and I was feeling nostalgic and wanted to hear it again.", "summary": "great song", "unixReviewTime": 1299542400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A24YHKCMAKTCZQ", "asin": "B009L5EOCU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andreas Arvanitis", "reviewText": "Well here we go again another strip club song and this one is the kind you find yourself singing all day. I don't know why it sticks in your mind for so long, but it does. Not much as far as lyrics go but it's still a cool song.", "summary": "Yet another striper song", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2013", "reviewerID": "A3J84HFTKHHJYT", "asin": "B00122L0V8", "reviewerName": "tpoland", "reviewText": "I heard this song on the radio by accident and remembered it and had to have it. Alot of fun.", "summary": "another forgotten song", "unixReviewTime": 1372291200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A2IE41W4STOS16", "asin": "B00B931GMI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heather Caudill", "reviewText": "Like song.", "summary": "Five Stars", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "ALF0HXDJGI984", "asin": "B00124209M", "style": {"Format:": " MP3 Music"}, "reviewerName": "E. D. Cunningham", "reviewText": "Love the song", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A3SKW58FJR00LJ", "asin": "B00137G9B8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Flynda R. Russette", "reviewText": "Love this song!", "summary": "Five Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2017", "reviewerID": "A2RH07W3TT0MFY", "asin": "B0011Z5L98", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "classic", "summary": "Five Stars", "unixReviewTime": 1508630400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A2EOZUCVVDB3TI", "asin": "B000W08JQA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monic Michieli", "reviewText": "Chose it for a friends funeral. It just says it all.", "summary": "Chose it for a friends funeral. It just says it all.", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A12O5B8XNKNBOL", "asin": "B00EDCIF80", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jon", "reviewText": "if you buy only one album this year, get this one!! I've told all my friends about this and there all hooked!!", "summary": "GREAT ALBUM!!", "unixReviewTime": 1354665600} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2018", "reviewerID": "A1TOHFNXQP8CTP", "asin": "B00GLP4DMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Scott Birckhead", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1530230400} +{"overall": 4.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A17RML53GUFTK1", "asin": "B003Y3ZTKG", "style": {"Format:": " MP3 Music"}, "reviewerName": "MM", "reviewText": "Product delivered as described. Ship time was expected.", "summary": "Four Stars", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A3767JX1HM1AZM", "asin": "B0045NDTUQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "TC", "reviewText": "My Wife and I enjoy setting in the family room in the evening and enjoying a cup of coffee while listening the our collection of songs.", "summary": "nice", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A2ITYL2WLHPIYV", "asin": "B00GDL60JU", "style": {"Format:": " MP3 Music"}, "reviewerName": "alberto de leon", "reviewText": "nice", "summary": "nice", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "AABZTK3UZZG3C", "asin": "B01EPHUQKW", "style": {"Format:": " MP3 Music"}, "reviewerName": "S. Babbitt", "reviewText": "This guys voice, his choice of genre, wow... It's just amazing!", "summary": "Amazing!", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A3EOHVA6CXW0HR", "asin": "B001232C32", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gwen1493", "reviewText": "Great", "summary": "takes me back", "unixReviewTime": 1440028800} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "A39ZMUF30KIY2B", "asin": "B0011Z4WT8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Southwest AZ.", "reviewText": "I know this song because we have all walk a mile in this shoes. if you have not then you have not lived.", "summary": "yes", "unixReviewTime": 1361577600} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2013", "reviewerID": "A1XV95ID4PBQSH", "asin": "B001NTIO1E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sherrill M. Meeks", "reviewText": "I used to love to dance to this song. it would totally wear you out. you knew you'd had a bit of exercise when it was over. love it.", "summary": "I love it", "unixReviewTime": 1367971200} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "AM6VTBYIG6ZLG", "asin": "B0011Z8PU0", "style": {"Format:": " MP3 Music"}, "reviewerName": "howard", "reviewText": "Greater oldie", "summary": "Four Stars", "unixReviewTime": 1466640000} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "ARJT7QGL9IVDP", "asin": "B00137IMAY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert Holley Jr.", "reviewText": "Love this song, wish I had a girlfriend. Lol!!", "summary": "Four Stars", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": false, "reviewTime": "03 4, 2013", "reviewerID": "ARQIO8JW3IGHL", "asin": "B00136RUWG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ms.Ann", "reviewText": "E. W. & F. Has always had that sound that made u feel good & wanna get up & groove!", "summary": "Hey! A song about my favourite month...the 1 I was born in.", "unixReviewTime": 1362355200} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2013", "reviewerID": "AUDIKDYOX4D3H", "asin": "B005IKZ2W8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cole", "reviewText": "Great song to work out to! Makes me feel EMPOWERED.\n\nUnsure how one reviews a song. One generally likes it or doesn't like it. I hope one isn't wasting money on just random music.", "summary": "LOVE IT!!!", "unixReviewTime": 1380067200} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A55P0DH34ZLYF", "asin": "B007QXXS80", "style": {"Format:": " MP3 Music"}, "reviewerName": "Magdalena A.", "reviewText": "A", "summary": "Five Stars", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A1923RVDMG9DBW", "asin": "B00LWC6P1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shopper", "reviewText": "All went well!", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1SJL3JBBILJ66", "asin": "B0018CGCR4", "style": {"Format:": " MP3 Music"}, "reviewerName": "PITTMAN LEARY", "reviewText": "THANK YOU", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A2M9C2VKEWMXRI", "asin": "B001NU6DMK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patti Smith", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 4.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "AFJGMZEW7XSWL", "asin": "B009KUAOH0", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Rose", "reviewText": "fantastic song. one talented lady singer", "summary": "Four Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A2EDMJSIH8ZUIT", "asin": "B00I9FF4NQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "CannieKoo", "reviewText": "Love the mp3 option, downloads automatically to your Amazon Cloud!", "summary": "Great!", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2016", "reviewerID": "A1OKPC1K12YZEP", "asin": "B000W25BXM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ezrway", "reviewText": "I really like the song. I'm glad I can download only what I want from Amazon Digital Services.", "summary": "California Dreamin' The Mamas & The Papas", "unixReviewTime": 1480291200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "AE3BW47WDD9MX", "asin": "B00O6DWFW8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Katherine Dye", "reviewText": "I love this song it has an awesome beat and the lyrics are fantastic!", "summary": "AC/DC Rocks!", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A37HZGUIKUB8IX", "asin": "B004BUGZFE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tim Miller", "reviewText": "Like it", "summary": "Pink", "unixReviewTime": 1419465600} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2013", "reviewerID": "AJU9STZCDSWD", "asin": "B001666SCG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Slow, Warm, Fuzzy Feeling", "reviewText": "I enjoyed this piece. Marcia's sound is distinctive and this track is solid. Plus she's singing about the best southern summer fruit (besides the georgia peach) there is.", "summary": "why complain about free music", "unixReviewTime": 1387411200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2018", "reviewerID": "A2I8HKMXVI3ZL8", "asin": "B00BXGWR56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon User", "reviewText": "Enjoying.", "summary": "Five Stars", "unixReviewTime": 1526342400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2018", "reviewerID": "A18MLLWYY7KDSZ", "asin": "B01BNCET2S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lesli Zavala", "reviewText": "I love song as much as the greatest by same singer. Just pefect when ur chilling w/ faimly & friends doing Nothing too fancy.", "summary": "Well there's not Cheap Thrills about it!!", "unixReviewTime": 1520726400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A12Z4MTMIX08EM", "asin": "B00MW6WEZ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Denise Glover", "reviewText": "Awesome song.", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 4.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "A2TVPIDNOLDYXG", "asin": "B00137IN76", "style": {"Format:": " MP3 Music"}, "reviewerName": "zach", "reviewText": "It's a great song of inspiration and motivation for those souls in a dead end relationship. It gives both involved a clear message - shape up or I am history.", "summary": "Inspiring Song for Change", "unixReviewTime": 1365465600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A3TCHY05OCHZDJ", "asin": "B005G8WE82", "style": {"Format:": " MP3 Music"}, "reviewerName": "Avocado lover", "reviewText": "God loves you", "summary": "uplifting", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2014", "reviewerID": "A79U60CCB9XF4", "asin": "B000WLOMUQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tionia", "reviewText": "How can I not love one of my favorite Christmas Songs from my childhood?\nI see Rudolph every time I hear this!", "summary": "LOVE BURL IVES", "unixReviewTime": 1390435200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A2RL0I88E0TFFE", "asin": "B000XNZN6U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Beautiful!", "summary": "Five Stars", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A2FPKF3FA5XA7D", "asin": "B0011Z768M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Glenda Vasquez", "reviewText": "Brings back happy memories of better times.", "summary": "Prince favorite", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A24EQHOEJN266W", "asin": "B00137ODKM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dee Tetangco", "reviewText": "love this song", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A36O4M7Z7L5IFA", "asin": "B000W00IGY", "style": {"Format:": " MP3 Music"}, "reviewerName": "spenny", "reviewText": "Happy-happy music", "summary": "Four Stars", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1RODKYAD5AN41", "asin": "B008HTZDWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steven Hendricks", "reviewText": "Such a great, but yet a sad song.", "summary": "Five Stars", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A32TGHD77OX43A", "asin": "B000TEC91A", "style": {"Format:": " MP3 Music"}, "reviewerName": "diane miller", "reviewText": "Love this song.", "summary": "Five Stars", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "ACK1Y9ITISF1C", "asin": "B00137Z7K2", "style": {"Format:": " MP3 Music"}, "reviewerName": "JohnEd", "reviewText": "You know the song; you've heard it on the radio, maybe on mixes, this is the song of faith, with all these wonderful performers. It's a song filled with the love of Christ for all of us. There IS nothing better than that.", "summary": "By His Wounds, always time to hear this one", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A4RTYQ6Z0UFJA", "asin": "B00H4KX6IC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Oschye", "reviewText": "This is a song about feelings and emotions that goes beyond words but the feelings express in the melody. Loving someone require courage.", "summary": "Honest Love", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "AR4UFLL7PKBWO", "asin": "B00136NNN6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Issac Myers", "reviewText": "Wonderful rhythm, love the song.", "summary": "Wonderful rhythm", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "AGII6DYTJI0AB", "asin": "B00LXII6CM", "style": {"Format:": " MP3 Music"}, "reviewerName": "STEVEN JAMISON", "reviewText": "good song", "summary": "Five Stars", "unixReviewTime": 1421539200} +{"overall": 4.0, "verified": true, "reviewTime": "02 5, 2014", "reviewerID": "AKZSQ2GK82QCR", "asin": "B0050GN6QE", "style": {"Format:": " Audio CD"}, "reviewerName": "David Pyron", "reviewText": "My first venture with these artists is a joy...nicely done with something to say and musical talent to spare. Fine.", "summary": "Really Fine", "unixReviewTime": 1391558400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A3G6F9P47FPCIG", "asin": "B000V66IVS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Claudia", "reviewText": "I'm madly in love with this song", "summary": "Five Stars", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A3DWY1CWEPGCYU", "asin": "B001BHG1FE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daniel Walter", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A5O05DQANCVF8", "asin": "B00137KEZ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "mmm", "reviewText": "A good feel song.", "summary": "Five Stars", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A1PIOP87VTLAV9", "asin": "B007G3S8RG", "style": {"Format:": " MP3 Music"}, "reviewerName": "L T", "reviewText": "Great song by great artist.", "summary": "Love it", "unixReviewTime": 1420156800} +{"overall": 3.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "AIGLTKLQP6HFN", "asin": "B00136PY9M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cynthia Goldstein", "reviewText": "it's ok", "summary": "it's ok", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A3SYJC4ZO4QTBE", "asin": "B01EQGOXEC", "style": {"Format:": " MP3 Music"}, "reviewerName": "DJ Nate", "reviewText": "Excellent!", "summary": "Excellent", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2018", "reviewerID": "A3UYBSSM90CG45", "asin": "B00I3499QQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angela Bradley", "reviewText": "Great song", "summary": "Great song", "unixReviewTime": 1524528000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "AYN5QLPU7Y83Z", "asin": "B00O6DQIYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Debbie Ramsey-Hanks", "reviewText": "Stands alone- still an incredible performance-", "summary": "Timeless", "unixReviewTime": 1423872000} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "AAH3KOCYCBIQI", "asin": "B00YIB0R9Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "the450r", "reviewText": "vicegrip is the best", "summary": "Four Stars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A1QBBI5BYRUN3S", "asin": "B009G3T1J8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eddie", "reviewText": "great", "summary": "great", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A2U35PNT7LGIHR", "asin": "B000W1MCQW", "style": {"Format:": " MP3 Music"}, "reviewerName": "DSMITH", "reviewText": "cool song", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2014", "reviewerID": "AJCC7PGJWTO7A", "asin": "B00136JD9Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shyri H.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1413590400} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "A1VTEL32W5FM13", "asin": "B00136LEN2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Blair M. Camp", "reviewText": "Music is personal. Yes, I am satisfied with this purchase. Search was easy, purchase was easy. Others will pick what they want to listen to.", "summary": "Heard it on The Voice and Had to have it", "unixReviewTime": 1388620800} +{"overall": 3.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1BZ0R7S4146YZ", "asin": "B000S53HNE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike Mendoza", "reviewText": "\"Smile\" is just as relevant today as it will be tomorrow and long after you check out. A music classic.", "summary": "I said, \"Smile!\"", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A2S65D5YDIACVW", "asin": "B0198DSL3M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Lo c e", "summary": "Five Stars", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A1T022MQSJ3R4U", "asin": "B00K138JR2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donald B.", "reviewText": "Great song done by an excellent band.", "summary": "Five Stars", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A3IRAA9JD6HBO1", "asin": "B000V68ZHS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bill", "reviewText": "I've never been a big fan of Sammy Davis, but when I heard this song on XM I loved it and had to get a copy.", "summary": "Best version of \"Mr. Bojangles\" I've ever heard", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A2USJ3U5OP34N", "asin": "B00137IKAQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "fishng1", "reviewText": "very nice !", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2013", "reviewerID": "A3JGY8WYUZBU6D", "asin": "B0092MKTWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "BookDevour", "reviewText": "I really liked this song, so much that I bought it. I hate reviewing music, who am I Rolling stone magazine? but this reviow your purchases keeps coming up, so to clear it I wrote a review.", "summary": "ok", "unixReviewTime": 1383523200} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A2RRDGWVSUGOGM", "asin": "B00IDXTDUE", "style": {"Format:": " MP3 Music"}, "reviewerName": "tim", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2012", "reviewerID": "A1TLU2ZI099I54", "asin": "B005636FKU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lone Wolf", "reviewText": "This song is so funny. I first heard it on a m&m commercial. I had to have it after that. I even have some of my friends downloading it too. It is such a great song to have fun with:-)", "summary": "Awesome song!!!", "unixReviewTime": 1342742400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A2LXUWJCDLXIFI", "asin": "B00137KM84", "style": {"Format:": " MP3 Music"}, "reviewerName": "Raymond W.", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "A1JOU1MS2BMR5P", "asin": "B00G725PDW", "style": {"Format:": " MP3 Music"}, "reviewerName": "TropicThunder", "reviewText": "ZZZZZZZZZZZZZZ....any questions?", "summary": "Five Stars", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "AQXONP44SBNOR", "asin": "B00MW6WEZ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "K. Lajuene", "reviewText": "Loved this song the first time I heard it and just HAD to have it. Thanks for selling it as a single. She is a gem :)", "summary": "Loved this song the first time I heard it and ...", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "A3QA50UH619V4S", "asin": "B00IWWUBEI", "style": {"Format:": " Audio CD"}, "reviewerName": "cherylotr", "reviewText": "Love this cd", "summary": "Five Stars", "unixReviewTime": 1482451200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A1AOUPRA02ZT0M", "asin": "B0017VJXEA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jade", "reviewText": "Exactly what I expected.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2016", "reviewerID": "A3MO7SE07HXY4D", "asin": "B00YX1GY0M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeffrey A. Bobetich", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1479427200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A18PHRALHBLMF4", "asin": "B00137G6XO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jessica", "reviewText": "since buying cds are out of style and iTunes is always expensive I prefer to use amazon for music song is great and the preview is long enough for you to get an idea of the song", "summary": "love it", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A25LOA48NZ89TZ", "asin": "B000ZMUV2K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tiffany", "reviewText": "I love this song ", "summary": "Awesome", "unixReviewTime": 1415145600} +{"overall": 2.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "AXHSMI8VFE39H", "asin": "B00VXUDYEK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sparklemonkey", "reviewText": "Excellent concept. Horrible singer. He was strafing at the top of his range entire song.", "summary": "Good song wrong performer", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2014", "reviewerID": "A1NDUWSM5UV6OI", "asin": "B00I1B8HTG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Life is good", "reviewText": "I love when Amozn MP3 Store has a sale on music! I paid only $4 for this album. I loved some of the song on this Album.", "summary": "Great Deal", "unixReviewTime": 1397692800} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A1QANKB6T6TRMF", "asin": "B00138HPZ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tamala Gage", "reviewText": "All time favorite song", "summary": "5 stars", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A1BERCE19OOQGI", "asin": "B00JLJ11QI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Super T-Funk", "reviewText": "I Just Love This Song. This Is My Jam When I Need A Pickup. Thanks.", "summary": "Song #1", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A3BMOPZE7O8BZ2", "asin": "B00137O88O", "style": {"Format:": " MP3 Music"}, "reviewerName": "BassFighterJ", "reviewText": "Casting Crowns has always been my favorite for quite awhile now, and they did not disappoint me. I would recommend this song to anyone!", "summary": "Love it!", "unixReviewTime": 1396310400} +{"overall": 5.0, "verified": false, "reviewTime": "03 30, 2014", "reviewerID": "A1OBQ5I31GW1TG", "asin": "B00940XET6", "style": {"Format:": " MP3 Music"}, "reviewerName": "WFTM (cntryrox)", "reviewText": "I love all of Little Big Town's songs. This one is about love being compared to the feeling you get when your high.", "summary": "Excellent", "unixReviewTime": 1396137600} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A2HEHFISDS76P5", "asin": "B0182YO8YY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Don", "reviewText": "Very nice cd...", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "AQSRGXTSUPEJT", "asin": "B00O46VJ56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Petra", "reviewText": "Good Cd almost all songs a great", "summary": "Take your Time", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2013", "reviewerID": "A1GYYF3HYWAEEG", "asin": "B00137VSMS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer Jack in Tucson", "reviewText": "This is one of those songs you'll never understand the words to -- not that they're mumbled, it's just that some of the key words are not in English. But the piece is beautifully arranged and sung. One of those haunting classics that just sticks with you.", "summary": "Haunting classic", "unixReviewTime": 1369180800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "AYHIJ942LTGZM", "asin": "B007LE341K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angela Holliday", "reviewText": "Fantastic", "summary": "Love it", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A1W6JCWM31JADV", "asin": "B00136J7OA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Carla Hecht", "reviewText": "Good.", "summary": "Five Stars", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": false, "reviewTime": "03 16, 2013", "reviewerID": "A2CA8W5VZSPYY2", "asin": "B004BS87XE", "style": {"Format:": " MP3 Music"}, "reviewerName": "BLUZMAN1", "reviewText": "Ever so often I find something by Mr. NE-yo that's nice. All I can say its a great song! Its not too short and has nice rhythm too it.", "summary": "nice!!", "unixReviewTime": 1363392000} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2NC714R2PYQAZ", "asin": "B00123FT50", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rebecca Kruger", "reviewText": "Thank you", "summary": "Four Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A22ZCVMXSHXOFS", "asin": "B00XV64KBA", "style": {"Format:": " MP3 Music"}, "reviewerName": "william a fisher", "reviewText": "Great song! no problems with download.", "summary": "Great song! no problems with download", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2018", "reviewerID": "A2K6RT4ET41MQC", "asin": "B00137MI6S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Prez", "reviewText": "NiCE", "summary": "nIce", "unixReviewTime": 1525392000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A38K7UAQYBQ6D7", "asin": "B00ET7EYV6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tamera Foster", "reviewText": "IT is never really the meaning of the words with this group its the arrangement and the flow. Love IT!", "summary": "Love IT!", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "ACU8AI7XZA7G1", "asin": "B00B113E0U", "style": {"Format:": " MP3 Music"}, "reviewerName": "moworm 55", "reviewText": "Great music", "summary": "Five Stars", "unixReviewTime": 1404345600} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "ABLEIUCEBZZ9I", "asin": "B000W1WRAS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "great song!", "summary": "ronan keating", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2013", "reviewerID": "A3JE7WSD6ZUVA7", "asin": "B004GKI7AU", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. Catello", "reviewText": "Brandon Heath is a new discovery for me. His songs are inspiring; his voice is heaven. I look forward to listening to it often!", "summary": "Uplifting", "unixReviewTime": 1373760000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 12, 2012", "reviewerID": "A3QMW0R63QGZT2", "asin": "B000VZSBPK", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. W. Hollis", "reviewText": "Great song by great band. Love the pick me up every time I hear it. And, it makes me smile.", "summary": "Love!", "unixReviewTime": 1331510400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A3MXOADFVNME9Q", "asin": "B00137KFLS", "style": {"Format:": " MP3 Music"}, "reviewerName": "SprayPaint", "reviewText": "Another one for the Music Collection", "summary": "Five Stars", "unixReviewTime": 1475107200} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A3EHHUDXBDKLFX", "asin": "B001O3CSR0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Twitchy", "reviewText": "TY", "summary": "Four Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "AWDV9SO13LN8M", "asin": "B0011Z2Y16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Luis E. Zacarias", "reviewText": "One of my favorite songs.", "summary": "Five Stars", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2014", "reviewerID": "A1BFMWEWDIHU1L", "asin": "B008XCJ0KI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeremiah", "reviewText": "I'm not a big fan of Folk music, which is what this is classified as, I guess?\nThe lyrics are so fair and true, simple yet profound. I listened to this over and over recently while working on something and it was like mental Yoga.\n\nFantastic!", "summary": "Wonderful Music", "unixReviewTime": 1389657600} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2015", "reviewerID": "A3HDREYV273WYK", "asin": "B0011Z77TA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dotsy", "reviewText": "Loved this. Still listen to it.", "summary": "Loved it then, love it now", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": false, "reviewTime": "07 3, 2015", "reviewerID": "AIZWM3J1HG027", "asin": "B00G2J3X20", "style": {"Format:": " Audio CD"}, "reviewerName": "rfbest", "reviewText": "I love Christmas music and this is a good Christmas album.", "summary": "Album", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A1KD0VWHR8GCPH", "asin": "B00U1XBXUW", "style": {"Format:": " MP3 Music"}, "reviewerName": "ntaguchi", "reviewText": "Surprising fine sounding tune. A slow and melodic tune.", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A3KJMZ5UKPSQ59", "asin": "B00GDL60JU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A1VDMACMMSBDRV", "asin": "B00JGEYCJG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Suzanne Alberts", "reviewText": "Yet another great set from VoxBox! I am very partial to chamber music and these solo piano works are great to listen to.", "summary": "Mozart Complete Works For Solo Piano", "unixReviewTime": 1399161600} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "AFLQK4C1ZES72", "asin": "B00PHV7D7U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steven P. Gordon", "reviewText": "Pretty good.", "summary": "Four Stars", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": false, "reviewTime": "10 30, 2012", "reviewerID": "A1ZHUYBOXIFDJ9", "asin": "B001230RCK", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. Henry", "reviewText": "Another song that I can't get enough of. Shinedown is my favorite!!! The Band is AWESOME!!! Number 1 in my book!!!", "summary": "Metal Rock n Roller", "unixReviewTime": 1351555200} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2010", "reviewerID": "A1IF1KAHUTAXLH", "asin": "B00137ILBE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ronnie D. Yapo", "reviewText": "When buying this off of amazon download, it almost sounds like your in the recording room with the band. Excellet work", "summary": "Great Quality", "unixReviewTime": 1270944000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A3KS6HP6Y86SQR", "asin": "B0011ADSZ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Buddymack", "reviewText": "I have always loved this song it was beautifully written.", "summary": "Five Stars", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "AIYB608EHCLYT", "asin": "B00FHU3G6I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daniel S", "reviewText": "Great Song!", "summary": "Five Stars", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A3BIV1X1K9R796", "asin": "B00PGO7O7C", "style": {"Format:": " MP3 Music"}, "reviewerName": "john", "reviewText": "Great rendition - great song!! A real foot-stomper!!", "summary": "Great rendition - great song!! A real foot-stomper!!", "unixReviewTime": 1497312000} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A19X9HOX9MUV5P", "asin": "B0170K9VS4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael L Key", "reviewText": "Excellent Tune!!!", "summary": "Excellent Tune!!!", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": false, "reviewTime": "10 16, 2014", "reviewerID": "A275RDLETWT4MC", "asin": "B00IHBSWH2", "style": {"Format:": " MP3 Music"}, "reviewerName": "K. A. Schlabach", "reviewText": "The artist on this said he named his group that way because if your head is held under water you gasp for breath & you should feel that way wanting God. Well don't quote me but i thought the song really says it & helps you worship the King.", "summary": "The artist on this said he named his group that ...", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A1N96MRPYMGBIV", "asin": "B006UO63VU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Louetta Mae Cody", "reviewText": "This song will bring you into the very presence of God. It is so humbling to know that we can have audience with the most High!", "summary": "GIVE ME YOU", "unixReviewTime": 1358121600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A3CFZWOQ7ONYYB", "asin": "B000WLOMUQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "AVMCB55O45ASJ", "asin": "B001IX073S", "style": {"Format:": " MP3 Music"}, "reviewerName": "J-Ort", "reviewText": "Great extended version for those who enjoy Simple Minds. If you like \"The Breakfast Club,\" you will enjoy a longer version of this song featured at the end of the movie.", "summary": "Great sound and lyrics!", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "AMRVMIRRZE4E6", "asin": "B007QNRC3W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pappy", "reviewText": "Great song!", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A30C2ZPWDLE5NV", "asin": "B000TE0PVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jim", "reviewText": "Great rock an roll music", "summary": "The power of love", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A1T022MQSJ3R4U", "asin": "B00122CB70", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donald B.", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A12OSNTDE2U22V", "asin": "B003DDY3NG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "I love this song by Elvis !! It's sounds great !!!", "summary": "Yes it Rocks !", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A12V3ULISM3YZY", "asin": "B002EHTPE4", "style": {"Format:": " MP3 Music"}, "reviewerName": "brian", "reviewText": "fun, fun, fun,....", "summary": "no questions!", "unixReviewTime": 1410307200} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A2EZRCK4FT0VQS", "asin": "B00Q80BTQK", "style": {"Format:": " Audio CD"}, "reviewerName": "MARY LEE MICKENS", "reviewText": "like this", "summary": "Four Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "AY6MROBVEIDS8", "asin": "B0052Q3T6E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Terina", "reviewText": "This song is a great classic. I can't help but be reminded of the movie Beetlejuice when I hear this.", "summary": "Anyone thinking Beetlejuice?", "unixReviewTime": 1372032000} +{"overall": 3.0, "verified": false, "reviewTime": "12 8, 2014", "reviewerID": "A36EDWL4F3AASU", "asin": "B0011ZTCN4", "style": {"Format:": " MP3 Music"}, "reviewerName": "&quot;Sonny&quot; Di Degrassi", "reviewText": "Anyone remember this eighties a$$ song? Anyway, it's a direct ripoff of an Elvis Costello song from the late seventies called Pump It UP and it sounds a lot like a group that's trying to imitate INXS' sound too. Still, it invokes warm fuzzy memories of the late eighties", "summary": "wild wild west", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A7Z8V25VA5IUQ", "asin": "B002CACL1M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gus Richardson", "reviewText": "This track is on the B side of another Prince 12' single!", "summary": "Prince #MUSICALGENIUS!!", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2012", "reviewerID": "A38D4KPA3VPOZP", "asin": "B0013TVZTC", "style": {"Format:": " MP3 Music"}, "reviewerName": "LAURENCE", "reviewText": "Download a copy, turn down the lights, sit back, releax, hit the \"play button\" on your device of choice and enjoy!", "summary": "speaking of 1-hit-wonders, look at what i found", "unixReviewTime": 1328227200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A3PNCXP3I8XIZJ", "asin": "B00122OKQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Odysseous", "reviewText": "Another great song. The combination of these two voices made this song a treat for the ears and the brain.", "summary": "Another great song. The combination of these two voices made ...", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "AJZR37LXKSI7P", "asin": "B00136LJO6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dan", "reviewText": "Great song", "summary": "Good", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A1DSCK45R2GH0Z", "asin": "B00BS4QSEE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Karrey Marron", "reviewText": "another country song by Blake Shelton", "summary": "mine would be you", "unixReviewTime": 1426118400} +{"overall": 4.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A3OKJFE4SESD3K", "asin": "B004BTGX8E", "reviewerName": "jonnyBOLD", "reviewText": "Money well spent. This item came in a timely manor and performed as expected. I am satisfied and would recommend to a friend.", "summary": "great", "unixReviewTime": 1357430400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A2WAO1RTDNN80O", "asin": "B00137OA0K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mildred Partin", "reviewText": "This was a beautiful song. My husband is in Heaven and i will see him again When I Get Where I'M Going.", "summary": "Waiting", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2014", "reviewerID": "A24CE9Q5NX2KDE", "asin": "B005C0WN3U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heavy Duty", "reviewText": "This song brings back memories of days gone by. I love it. This is just another great hit from Eric Church.", "summary": "Love it", "unixReviewTime": 1393372800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A4KVXNCQI8A5Q", "asin": "B000W25KG0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jorjie69", "reviewText": "An oldie but a goodie.", "summary": "Good song", "unixReviewTime": 1442016000} +{"overall": 4.0, "verified": false, "reviewTime": "04 7, 2008", "reviewerID": "ATULSPPAU8X15", "asin": "B00137OCY4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dcl70", "reviewText": "A good song - sorta on the depressing side. I'd buy the CD, however can't go wrong with the Amazon DRM free downloads. Great price and great flexibility. I love it!", "summary": "Buy the CD", "unixReviewTime": 1207526400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A218KQKVMLNVQ3", "asin": "B00EH49FRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Jones", "reviewText": "I love it", "summary": "amazon for life", "unixReviewTime": 1424390400} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "AZGFIBEPXL8VT", "asin": "B00123LZT4", "style": {"Format:": " MP3 Music"}, "reviewerName": "PJB", "reviewText": "SATISFIED", "summary": "Four Stars", "unixReviewTime": 1407715200} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A36CZGN9FBE0IB", "asin": "B011ECYQC0", "style": {"Format:": " Audio CD"}, "reviewerName": "EMO 74", "reviewText": "Dance beats with good lyrics? What's not to like? It's not quite Dance Music, more like a updated version of 80s New Wave. However, that's what I like about it. A long of dance songs have stupid lyrics, if they have lyrics. This album is Pop, but with high energy beats.", "summary": "Not quite dance music, but close. Great high energy beats coupled with lyrics that are actually thought out.", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A2W9E0C1QMM6A3", "asin": "B000W08GMW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Edward R", "reviewText": "My love this song", "summary": "Five Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": false, "reviewTime": "01 8, 2014", "reviewerID": "A18J8XO5A3Z947", "asin": "B0048W3SRS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deborah Scruggs", "reviewText": "I like Chris Tomlin and this song really gets you in the worhip moodl A wonderful, uplifting song. All ages will enjoy!", "summary": "Praise and Worship", "unixReviewTime": 1389139200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A3E9CJFN8V6PKR", "asin": "B00U3WJHCW", "style": {"Format:": " Audio CD"}, "reviewerName": "Chris", "reviewText": "I gave the CD as a Christmas gift. The person loved it.", "summary": "The person loved it.", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": false, "reviewTime": "05 1, 2016", "reviewerID": "A2VB72GXLHX1HX", "asin": "B00Z86W0QI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael F.", "reviewText": "I have followed rob from the start. Another good one..But thats my opinion. And opinions are like #*@%^*#*s Everybody has one....", "summary": "Another good one.", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A1HHUO8M8W98RN", "asin": "B00136RGWK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Carolann S.", "reviewText": "Love the boss", "summary": "Five Stars", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "A2CW1TZPPYWRDV", "asin": "B000W272FC", "reviewerName": "Kate Young", "reviewText": "Always great to hear music that brings back great memories. Suggest to anyone that loves the late 60's and 70's", "summary": "Sweet to hear", "unixReviewTime": 1386720000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2012", "reviewerID": "A1G11AV1BLGLVW", "asin": "B0071CBEWS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Helene Domi", "reviewText": "This song is spiritual and healing. I first heard it at a time when I needed reminding that God and my departed Mom were always with me.", "summary": "Awesome", "unixReviewTime": 1346889600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A3F8NYVKJMJW53", "asin": "B003YO07BQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "robert herrington", "reviewText": "love this version", "summary": "Five Stars", "unixReviewTime": 1518652800} +{"reviewerID": "A5ECBSB9OKQK4", "asin": "B001416OXG", "reviewerName": "frances nichols", "verified": true, "reviewText": "love it", "overall": 5.0, "reviewTime": "07 18, 2014", "summary": "Five Stars", "unixReviewTime": 1405641600} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A3PTFHOID3I4MD", "asin": "B00136Q22A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ed B", "reviewText": "Takes me back to high school.", "summary": "Great harmonies", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A1OGZ5BBG9MQI0", "asin": "B00FX8F6VM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Z-74", "reviewText": "Purchased the song for my grand daughter and she loved it. Was is easy to download and play.", "summary": "Would consider again for my next song purcahse", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A3HZSTAQW8IDYM", "asin": "B000VZSBPK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Taz@2013", "reviewText": "Good sound, fun, good energy. Good message on reaping what is sown. This song has a good vibe. That is all.", "summary": "Remember you get always get back", "unixReviewTime": 1386633600} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "AFY24PNQY8KEG", "asin": "B009VLX8FS", "style": {"Format:": " Audio CD"}, "reviewerName": "L. Burroughs", "reviewText": "Most of the songs are pretty good. If you like Taylor Swift, this is a good CD because she's pretty much doing the same thing.", "summary": "Good CD", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "A3QXAIQ3EHY7AD", "asin": "B000WOXPNS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sonya Wright", "reviewText": "This song reminds me of kicking back driving down a uncongested freeway after work in my younger days. Oh those were the days. I love the song.", "summary": "Awesome song", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2013", "reviewerID": "A2NQTZEM32F9H6", "asin": "B00136PSJI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Valerie J. Darling", "reviewText": "What a talent! What ever emotion Whitney wanted you to feel, you felt as you listened. This one makes my heart hurt. And I like it!", "summary": "Heart Wrenching", "unixReviewTime": 1364256000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A2IEX7ESCYYD5H", "asin": "B00136LQC6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa McAlpin", "reviewText": "rock your world", "summary": "rock on baby", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A2HBUO3PBSC12Y", "asin": "B0011Z1DPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Venus Lincolngrl", "reviewText": "I liked this song, but didn't want the whole album. I just searched for the names of this group's songs that I want.", "summary": "Loved it", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A36RAZ5A9H23XW", "asin": "B00137WS2C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Citygirl808Livin", "reviewText": "In the newest version of Footloose, it was alllll messed up. This is the version you want to hear. It gets you moving and feeling like to really are on the look for a real hero. Haha", "summary": "This song ...", "unixReviewTime": 1358121600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A8CVI82KIIW99", "asin": "B00ILCBDNM", "style": {"Format:": " MP3 Music"}, "reviewerName": "G", "reviewText": "Music sounds good and quality is perfect!", "summary": "Good Buy", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "AR3N1VLW722V9", "asin": "B00137MHIM", "style": {"Format:": " MP3 Music"}, "reviewerName": "BUDDYBOY51", "reviewText": "Love her music !", "summary": "Five Stars", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "A2XVPL86PHZTIX", "asin": "B00136RGM0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lynne D. Harris", "reviewText": "When I first heard this song. I was on my feet worshiping God. What a beautiful song. They sound so good", "summary": "Great worship song", "unixReviewTime": 1365465600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A2E6H899T4DEI8", "asin": "B00970FKQ8", "style": {"Format:": " MP3 Music"}, "reviewerName": "614 Buyer", "reviewText": "Kid love this song.", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A1I3PNNXJ8YHPW", "asin": "B00CRDB4RQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charles B.", "reviewText": "Enjoyable !", "summary": "Enjoyable !", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A1QD4R1C4MV3JS", "asin": "B0011Z8PU0", "style": {"Format:": " MP3 Music"}, "reviewerName": "jk", "reviewText": "Very happy with purchase!", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2011", "reviewerID": "A283HYRKHPCZT5", "asin": "B000TRTMNU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cambeul", "reviewText": "brings back memories of hot summer days and long lazy evenings over a backdrop of the space race and Roy Orbison et. al serenading us over the AM radio. This is a must have for your reoord colletion. Just stay away from the Tallahatchie Bridge while listening...", "summary": "ode to billy joe", "unixReviewTime": 1320451200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A1A1IHJPPKS14U", "asin": "B00122CB4I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Springrain", "reviewText": "brings back memories of my youth", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A1OHVSA3B6IR9B", "asin": "B000W177O4", "style": {"Format:": " MP3 Music"}, "reviewerName": "helen hughes", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"reviewerID": "AFT5G07P3J5NQ", "asin": "B00136NUG6", "reviewerName": "david_zack@yahoo.com", "verified": false, "reviewText": "If you buy only one EWF recording, this is the one to have. All the major hits are here, and the sound quality is excellent.", "overall": 5.0, "reviewTime": "02 28, 2013", "summary": "Greatest indeed!", "unixReviewTime": 1362009600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A16QI8XW5VAV5P", "asin": "B00122FO56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Fighter Pilot", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1445212800} +{"reviewerID": "A1TK6SJIJB0FCT", "asin": "B00137GAQM", "reviewerName": "JOHNNY A. ROBERTSON", "verified": true, "reviewText": "pretty song", "overall": 5.0, "reviewTime": "07 20, 2017", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A1YLAOKY7A27KS", "asin": "B000QWOLVQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "RICHARD J. SPANBURGH", "reviewText": "NIce to hear Christmas Music palyed by different artist and this is a obsurce cd with a very nice christmas theme,I am glad I downloaded a song from this cd.", "summary": "MUSIC FROM A LOST GENERATION by Rich Spanburgh", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A1DRH97CJJQNG6", "asin": "B00EELD9F4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cheryl the biggest book worm.", "reviewText": "Huge Steven Curtis Chapman fan!", "summary": "Five Stars", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "AI2WD20YMB1TS", "asin": "B00123JP8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike Breeze", "reviewText": "This was one of CS&N's first hits if I remember correctly. It had a great melody and always made me think of Judy Collins. These guys are very talented and are still making music today.", "summary": "This was one of CS&N's first hits if I remember correctly.", "unixReviewTime": 1443398400} +{"overall": 2.0, "verified": false, "reviewTime": "07 31, 2015", "reviewerID": "A36EDWL4F3AASU", "asin": "B00136NE8A", "style": {"Format:": " MP3 Music"}, "reviewerName": "&quot;Sonny&quot; Di Degrassi", "reviewText": "this song is soooo played out!! it wasn't all that to begin with! but it only annoys me more b/c it is played tirelessly", "summary": "played out", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A183A7K0KUL7DS", "asin": "B001249RDY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dave Rodriguez", "reviewText": "love it!", "summary": "Five Stars", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A236G9CMWRTKEQ", "asin": "B001BZH72C", "style": {"Format:": " MP3 Music"}, "reviewerName": "bluelover324", "reviewText": "Added to favorite songs CD!", "summary": "Five Stars", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "AH1N8TYU0QMG0", "asin": "B0018QZ46K", "style": {"Format:": " MP3 Music"}, "reviewerName": "steve viesti", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A8WHB9D30Z3D0", "asin": "B00122MLIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "mistydawn", "reviewText": "love this song", "summary": "wonderful song", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1JEX6OBMK0GKA", "asin": "B005KHCQQO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pistol Packing Momma", "reviewText": "great music", "summary": "Five Stars", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A1M3F4G45OXRDI", "asin": "B00FY9PGJ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Victor1212", "reviewText": "Bought this because I already liked it.", "summary": "Five Stars", "unixReviewTime": 1446854400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A2CH93RTSBBB3U", "asin": "B000W0227C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leonard Lawson", "reviewText": "The one I was looking for.", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2018", "reviewerID": "ALH4PWXTRLHOT", "asin": "B00SZQ487M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beverly", "reviewText": "Love the songs. They are all by great artist. Wonderful dance tunes.\n\nMy music goes to the download part of my computer but never goes to my music library. I always have to transfer it myself. I did not used to have to do it this way. I guess things change.", "summary": "Love the songs", "unixReviewTime": 1528502400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2014", "reviewerID": "AE3L3XAS2I6SX", "asin": "B00HL826RY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jocelyn R", "reviewText": "'Sharp Dressed Man' is a song that was played quite a bit when I was younger. Brings back fond memories. I find myself reflecting back in time when I listen to it.", "summary": "ZZ Top's 'Sharp Dressed Man'", "unixReviewTime": 1394064000} +{"overall": 1.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A3DG93E8TXMKZF", "asin": "B001KOWH0G", "style": {"Format:": " MP3 Music"}, "reviewerName": "JohnAroundTheCornerReviews", "reviewText": "This is NOT a piece of music.\n\nIt is only used for tuning up an orchestra or instrument.\n\nUnless you want to tune your musical instrument, DO NOT DOWNLOAD.\n\nAll this is is a single tone, DO NOT DOWNLOAD.", "summary": "All this is is a single tone, DO NOT DOWNLOAD.", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A154IJ2MRT7TYY", "asin": "B00GJ8H168", "style": {"Format:": " MP3 Music"}, "reviewerName": "JANICE MARIE BRYSON", "reviewText": "Using Amazon to buy music is great. I have used the mobile app on ALL my phones and downloading music is automatic when purchased and it will automatically save on device also if selected.", "summary": "Love song.", "unixReviewTime": 1389052800} +{"reviewerID": "A2KXBCCGCHU00U", "asin": "B000VZJS84", "reviewerName": "KCJR", "verified": true, "reviewText": "Excellent performance and sound quality", "overall": 5.0, "reviewTime": "08 19, 2014", "summary": "Five Stars", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": false, "reviewTime": "11 3, 2016", "reviewerID": "A8JB67XL4RR6V", "asin": "B0039A8QVI", "style": {"Format:": " Audio CD"}, "reviewerName": "Marcella Iovino", "reviewText": "Very good music.", "summary": "Five Stars", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2014", "reviewerID": "A10M52OJSDB8WK", "asin": "B00137O8ES", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff Parsons", "reviewText": "I have been listening to country music for over 40 years. And I know a classic when I hear one and video s\nis very good as well.", "summary": "A classic for sure.", "unixReviewTime": 1397865600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A31CP63BILVWG0", "asin": "B000V61B1K", "style": {"Format:": " MP3 Music"}, "reviewerName": "kina", "reviewText": "Here I am babe", "summary": "Can't beat Stevie", "unixReviewTime": 1473984000} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2013", "reviewerID": "A3KE9D58PF3VW", "asin": "B007B6VOII", "style": {"Format:": " MP3 Music"}, "reviewerName": "B. Smith", "reviewText": "Somewhat heavy lyrics delivered with a nonchalant tone. Good song. Decent for working out or just sound enjoyment. Talent apparent.", "summary": "Love this band", "unixReviewTime": 1366329600} +{"overall": 5.0, "verified": false, "reviewTime": "08 28, 2015", "reviewerID": "A3NLAEQKDVQUKA", "asin": "B013XBYQOS", "style": {"Format:": " MP3 Music"}, "reviewerName": "H. Baker", "reviewText": "Another Jackie hit. Her voice is so wonderful. I hope she will add this to her live performances.", "summary": "Another Jackie hit added to my Jackie playlist", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A3D0LRNCCIY6O4", "asin": "B0062WV57W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Larry", "reviewText": "LOVE IT", "summary": "Five Stars", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": false, "reviewTime": "02 4, 2016", "reviewerID": "A15JCU6SFHYE35", "asin": "B0051QIJLA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sharon", "reviewText": "Simply a great song sung by a truly amazing voice!", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A1TI2L994OYRZU", "asin": "B000VZV9Y0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kikaida", "reviewText": "Everyone has that special song that brings them to a certain point in life...This is one of them.", "summary": "Five Stars", "unixReviewTime": 1413072000} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A27QZFQMCV70PM", "asin": "B0064Z903I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gene Patton", "reviewText": "Classic smashing pumpkins!", "summary": "Alternative at its finest", "unixReviewTime": 1516492800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2012", "reviewerID": "A203FQ3TWCLY0L", "asin": "B00137YJJM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "When I listen to this song, it makes me know everything will work out find. Because I am loved. :)", "summary": "Feel Good Music", "unixReviewTime": 1344816000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A1L0SX1QEOT8PD", "asin": "B00YI4BBA2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mathew D Fuller", "reviewText": "Great song. Excellent sound quality.", "summary": "Great song. Excellent sound quality", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": false, "reviewTime": "11 30, 2015", "reviewerID": "A3W3WDF85ITON6", "asin": "B00DPJ22JA", "style": {"Format:": " MP3 Music"}, "reviewerName": "MichiokoXIII", "reviewText": "I read that classical music is great for babies to listen to so I quickly downloaded this one. I was originally going to buy a few individual songs but it ends up being way cheaper to just buy the entire soundtrack. Now we listen to it all the time and my son loves the songs.", "summary": "I read that classical music is great for babies to listen to so I quickly downloaded ...", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "AUXYVLRUCYHRP", "asin": "B00IK3WAYI", "style": {"Format:": " MP3 Music"}, "reviewerName": "aurora", "reviewText": "Good!! song", "summary": "Five Stars", "unixReviewTime": 1503360000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A1RMD40AALELU0", "asin": "B000V68TXI", "style": {"Format:": " MP3 Music"}, "reviewerName": "drjfk", "reviewText": "Excellent!!!", "summary": "Five Stars", "unixReviewTime": 1445472000} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "ATQEQ2MEJQAKY", "asin": "B00D4PDOMY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Adamchick", "reviewText": "good tune", "summary": "Four Stars", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": false, "reviewTime": "01 2, 2013", "reviewerID": "ABTGKB3WXCNAW", "asin": "B0011W7E78", "style": {"Format:": " MP3 Music"}, "reviewerName": "Meredith Alleruzzo", "reviewText": "Hits a note for many of us, male and female, young and old, who've stuck around past the expiration date of a relationship.", "summary": "Ode for many!", "unixReviewTime": 1357084800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A3MENTBP18FSSX", "asin": "B00121WWXO", "style": {"Format:": " MP3 Music"}, "reviewerName": "tanner", "reviewText": "All good--I've always been very happy with all my purchases from Amazon, and I'm STILL happy!", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A3PGSA1WVYIQJN", "asin": "B000W23918", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laurie Romero", "reviewText": "Mr. Manson is not my usual cup of tea, but I really do like this song, and had to purchase it for the playlist.", "summary": "but I really do like this song", "unixReviewTime": 1418342400} +{"overall": 1.0, "verified": false, "reviewTime": "05 29, 2014", "reviewerID": "A3KENOAUKTWZJL", "asin": "B003BSCYYI", "style": {"Format:": " Audio CD"}, "reviewerName": "SxS", "reviewText": "HERE I AM!!! IS THE BEST THING ON HERE,also, if You Were My Man!!!.Everything else was wacc even that weak sample of \"Silly\".Shout's ta Lady Dee Dub,also checc out \"Free\",It's Gonna Take..., & That Family Ties Theme Song.", "summary": "This Is Just Weak...", "unixReviewTime": 1401321600} +{"overall": 3.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A1PU6U585S5Q4M", "asin": "B0011Z0XSC", "style": {"Format:": " MP3 Music"}, "reviewerName": "JohnP", "reviewText": "This was a gift, so I cannot comment.", "summary": "Three Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A3ONQ6H1DXL8A1", "asin": "B00IONQJI2", "style": {"Format:": " MP3 Music"}, "reviewerName": "hoptown", "reviewText": "Good quality sound. Love the track. Would recommend item.", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2014", "reviewerID": "A1TC6XBC3NVRFM", "asin": "B00137KH9S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christopher Wunsch", "reviewText": "Have loved this song since it was released, old file I had became corrupted, so I had to get this song again, this time from Amazon....no problems at all!! Thanks Amazon!", "summary": "Great addition to my playlist", "unixReviewTime": 1400112000} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "A3JVQ2CT05PJUN", "asin": "B00157JUH6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donna L.", "reviewText": "Love this artist and all his music. Yes, I will order other songs as needed.", "summary": "Music", "unixReviewTime": 1459036800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2013", "reviewerID": "A1B1B68XXFLUGC", "asin": "B00A4A2OOQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Meow", "reviewText": "i don't care what no ones says i love nicki minaj ! i love her music but THIS SONG PUTS THE ICING ON THE CAKE TO ME !! I LOVE THAT HER AND WAYNE FINALLY DID A VIDEO TOGETHER TO GO WITH IT CLASSIC !", "summary": "nicki nicki !", "unixReviewTime": 1370822400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A3Q6QTY45IHMMZ", "asin": "B004BDCKBE", "style": {"Format:": " MP3 Music"}, "reviewerName": "milena yarbrough", "reviewText": "Great song. Makes you think. I know He is always just a prayer away.", "summary": "Five Stars", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "A135GWMXMTR58Z", "asin": "B000S57HC6", "style": {"Format:": " MP3 Music"}, "reviewerName": "patom", "reviewText": "Another great old song from long ago that is on my Sansa fuze to enjoy daily at work. The old songs when music was great.", "summary": "neat", "unixReviewTime": 1361318400} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A1WPI972N5B9DR", "asin": "B000W216ZY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Felicia J.", "reviewText": "it is awesome", "summary": "Four Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2012", "reviewerID": "A1PBK25WOPM6QA", "asin": "B0014LRLVA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Courtney", "reviewText": "This song has one the great bass lines ever. Mother's Finest is a very underrated band. The words are simple but very true.", "summary": "Great old school song", "unixReviewTime": 1353110400} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A1G9RG4UAHD8PE", "asin": "B00UB4WZSA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ten2bears", "reviewText": "I ordered the MP3 download for my music library, sounds great.", "summary": "sounds great.", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2018", "reviewerID": "A3BAZDC6XJMKPV", "asin": "B001J17AK2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joseph D Perkins", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1524268800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A2EZJS7VN60IR3", "asin": "B00MRQYYSO", "style": {"Format:": " MP3 Music"}, "reviewerName": "PPRICE", "reviewText": "love some blake shelton, too....", "summary": "Five Stars", "unixReviewTime": 1411689600} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2013", "reviewerID": "A45TVPRSX7IT1", "asin": "B00B361JJ6", "style": {"Format:": " Audio CD"}, "reviewerName": "BigG", "reviewText": "Classic truly someone that left us way to early I really liked this album and wish I had seen her perform live", "summary": "Classic", "unixReviewTime": 1366588800} +{"overall": 1.0, "verified": true, "reviewTime": "07 26, 2013", "reviewerID": "A2024JF3VOLJ6X", "asin": "B000W07FYC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike", "reviewText": "i don't listen to music at all. i rather be in a quiet room than listen to music at all.", "summary": "i", "unixReviewTime": 1374796800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A28MHRAM6WZ5AO", "asin": "B00U0YCXII", "style": {"Format:": " MP3 Music"}, "reviewerName": "smiley2", "reviewText": "Very moving and inspiring.", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "AYPBARWXSSISN", "asin": "B00QVZ1VXI", "style": {"Format:": " MP3 Music"}, "reviewerName": "David W Mills", "reviewText": "Another amazing album by these guys! Can't stop listening to it!", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A2XOWXRG7V95RF", "asin": "B0181SPABG", "style": {"Format:": " MP3 Music"}, "reviewerName": "A Teacher", "reviewText": "Great song,", "summary": "Stitches song", "unixReviewTime": 1479168000} +{"overall": 4.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A8FV0TLMNQKEW", "asin": "B0011Z3GL8", "style": {"Format:": " MP3 Music"}, "reviewerName": "danny cotton", "reviewText": "love it", "summary": "Four Stars", "unixReviewTime": 1515542400} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A1NOVA7B6P2C6W", "asin": "B00137VIKU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ron Rener", "reviewText": "MY mothers favorite singer, bought it to remember her!", "summary": "Four Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A8HGRYMBSJF6Y", "asin": "B008MJC3QU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Frank", "reviewText": "great!", "summary": "Five Stars", "unixReviewTime": 1424304000} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "08 28, 2009", "reviewerID": "A3UNPDOS40TSF1", "asin": "B00122X5VG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hoolia", "reviewText": "I heard this song for the first time at a volunteer camp for the american cancer society.\n\nIt is a great song that gets kids and adults out on the dance floor.\n\nThe steps are easy to do and the song still makes me dance in my chair when I hear it on my iPod.", "summary": "Great song for camp/groups", "unixReviewTime": 1251417600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2018", "reviewerID": "A13JZW84U5J38N", "asin": "B00137ILJQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dwight M. Brothers", "reviewText": "very good song", "summary": "Five Stars", "unixReviewTime": 1525824000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A2D7N0WLVFIRMD", "asin": "B00136JID0", "style": {"Format:": " MP3 Music"}, "reviewerName": "stephenstefl", "reviewText": "Love Alan Jackson. This is one of his best songs, and clearly a drinking song...I liked it a lot, it was easy to download to my computer, and to my Kindle Fire...", "summary": "Five O'Clock Somewhere...", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2018", "reviewerID": "A1L0Q9MAROIMJM", "asin": "B00C6MQ9VE", "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1525305600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A3GJ6CFWN47N0U", "asin": "B00136NJCG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Francis Tuifao", "reviewText": "I love this song. It is now in my video library. Thank you very much.", "summary": "Living Colour - Cult Of Personality", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A14RCZXAW50QR1", "asin": "B001246D68", "reviewerName": "Alivia Dockery", "reviewText": "great stuff. I love all of the songs on their albums and now have put some songs into my phone while working out", "summary": "This album is great to listen to love all of the songs on the album", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A35GZCRVKJFUHV", "asin": "B007B6VOII", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hatchiekid", "reviewText": "For some of the best new music, I seek out groups like Fun because of the beat and the meaning of the lyrics. \"Some Nights\" is just that type of song and the video for it is amazing!", "summary": "Great Song!", "unixReviewTime": 1360454400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A22W8HWB3JI2O2", "asin": "B000TEPHD2", "style": {"Format:": " MP3 Music"}, "reviewerName": "needsunshine", "reviewText": "What can you say about this incredible singer who has a 50+ years career? This album is a great sampling of some of Kenny's best work.", "summary": "Kenny's best!", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A1UEQU0XIXHUG0", "asin": "B00123NB5K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jazz Lover", "reviewText": "Song this in the youth choir.", "summary": "Great.", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "AN9AXUWNL1KNQ", "asin": "B000V66RH8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff L Cope", "reviewText": "yes", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A2M3TT19H660NL", "asin": "B0042HQBQ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jack Edelstein", "reviewText": "Good price. Quick delivery.", "summary": "Good price. Quick delivery.", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A2T7HT0PESHY17", "asin": "B00LFVTH84", "style": {"Format:": " MP3 Music"}, "reviewerName": "busybird", "reviewText": "Heard him sing it on Jimmy Kimmell and had to download song. Reminds me of songs back in the 70's.", "summary": "Ryan Adams", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A3GXTW4OYQG1CG", "asin": "B00V0799AE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pixydust", "reviewText": "Very relaxing.", "summary": "Perfect & peaceful...", "unixReviewTime": 1467331200} +{"overall": 4.0, "verified": true, "reviewTime": "04 1, 2016", "reviewerID": "A3UXYZVOTGI120", "asin": "B00MRQZ8S4", "style": {"Format:": " MP3 Music"}, "reviewerName": "stephlynn", "reviewText": "I love Blake Shelton on the voice and this song is a sexy country number. Nice work, Blake.", "summary": "Four Stars", "unixReviewTime": 1459468800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "AF9AKNFFW0LI4", "asin": "B0011Z1BXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ann", "reviewText": "My favorite Big and Rich song", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": false, "reviewTime": "11 24, 2012", "reviewerID": "A12Z3M26VFCAAY", "asin": "B00124HN8K", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Chiles", "reviewText": "Went to get it...forgot along the way...what can I say? If you get into that type of music at all you really should have this album in your collection. It's smooth and sets a nice mood.", "summary": "Didn't get it...need to", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A2LUL484RRIPLT", "asin": "B005F1WJPS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ciji Morris", "reviewText": "My new favorite song. So glad I was able to find it", "summary": "Five Stars", "unixReviewTime": 1463097600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2VCJHFSXEOXV7", "asin": "B01018ECNQ", "style": {"Format:": " Audio CD"}, "reviewerName": "Kenneth R. Springer", "reviewText": "fantastic and excellent", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2013", "reviewerID": "A16ITYYOPBBP2R", "asin": "B004B4P1SM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael D. MCKinney", "reviewText": "Not my favorite GLEE song, but I can't help but think of that 'Rain' dance with Gwyneth in that cute outfit every time I listen to it. Reason enough to listen to it often!", "summary": "Gwyn!", "unixReviewTime": 1364342400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2015", "reviewerID": "A2FA2SKTMBFT8G", "asin": "B0042UC0SO", "style": {"Format:": " Audio CD"}, "reviewerName": "Kelly S Szymanski", "reviewText": "Love it", "summary": "Love it", "unixReviewTime": 1450569600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A3SR2FSNU40ZSD", "asin": "B001BJGC5Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. Boki", "reviewText": "The definitive contemporary gospel that flew up not only the R&B Singles chart, but, a near #1 on the Hot 100", "summary": "When He Washed My Sins Away.....Ahhhh Such a Happy Day!!!", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A1H6V2X6LTGBRS", "asin": "B0013AUH36", "style": {"Format:": " MP3 Music"}, "reviewerName": "M. Kollen", "reviewText": "Beautiful rendition of this song!!", "summary": "Five Stars", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A1BNZVP7NR7PCR", "asin": "B0011Z5IJG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pen", "reviewText": "A beautiful love song. Have no idea what the lyrics mean, but it is truly heart-wrenching.", "summary": "Heart-wrenching", "unixReviewTime": 1412035200} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A1EQYMWJPM3CZ0", "asin": "B000VZKNU6", "style": {"Format:": " MP3 Music"}, "reviewerName": "d b moore", "reviewText": "i like iti like it", "summary": "Four Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "AT38DS3CU7I1P", "asin": "B000V68RP8", "reviewerName": "Willard Hutt", "reviewText": "Little bubble gum song but it works.", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2013", "reviewerID": "A1EO9BFUHTGWKZ", "asin": "B0012287IW", "style": {"Format:": " MP3 Music"}, "reviewerName": "johnnyz3", "reviewText": "A most beautiful song, great lyrics, poetry put to music. an aching heart waiting for it's love, will wait until that heart is given. Knows that it's real.", "summary": "Ahhh, beautiful.....", "unixReviewTime": 1364169600} +{"overall": 5.0, "verified": false, "reviewTime": "12 8, 2014", "reviewerID": "AWG2O9C42XW5G", "asin": "B0038YID1S", "style": {"Format:": " Audio CD"}, "reviewerName": "Carl Wierzbicky 2018", "reviewText": "this is a awesome soundtrack it is fun and enjoyable to listen to. the best songs on this soundtrack are all of them if you have not listened to this soundtrack then I recommend you do", "summary": "Dreamworks: How To Train Your Dragon", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A33H2FCAJE6W8K", "asin": "B000ULGKIK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Carmen Cheek", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A3DRU4KMCUAS8Y", "asin": "B0057ZSPZK", "style": {"Format:": " MP3 Music"}, "reviewerName": "al", "reviewText": "This is a good song, words can be bad but like it anyway. why do we have to type so may words?", "summary": "Good Song", "unixReviewTime": 1354060800} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A1TYZ7YDVXB82Q", "asin": "B00136LIMO", "reviewerName": "Tim", "reviewText": "This song has a lot of meaning to it if you are older!! LOL", "summary": "GREAT SONG", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A26RIG340ORKA0", "asin": "B00122MLIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anthony crawford", "reviewText": "Sexy. southern style.only Alannah Myles can bring it.she can sing to me anytime.", "summary": "Her song is beautiful", "unixReviewTime": 1455235200} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "AT94BH5KB83AS", "asin": "B00136PO8I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ryan L", "reviewText": "Great Song, what can I say... I needed that song for a party and it was easy to get, just downloaded it.", "summary": "Great", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "A2FTKM8IE55TGE", "asin": "B0013F48FY", "style": {"Format:": " MP3 Music"}, "reviewerName": "JT", "reviewText": "This is a great old song, I had no issues with downloading it nor did I have any issues with billing.", "summary": "Great Song", "unixReviewTime": 1361664000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A2K7GCHDI8PEDQ", "asin": "B00136JF8I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shari B.", "reviewText": "Love Whitney's songs. Saw the movie she sang it in.", "summary": "Buy it!", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "A2MGGTDT8AMKJ5", "asin": "B00D7HQ0AW", "style": {"Format:": " MP3 Music"}, "reviewerName": "j", "reviewText": "awesome", "summary": "Five Stars", "unixReviewTime": 1414800000} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "AP3ESH7BJM3DE", "asin": "B01BEI5XQC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michelle P", "reviewText": "like it, catchy. dirty lol", "summary": "down in the dm", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A3VPEY3KJDU20G", "asin": "B000V61GBA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Regina DeQuier", "reviewText": "I love music", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "AHCVIFWZCCEWB", "asin": "B01BHELQD2", "reviewerName": "Margo D Schafer", "reviewText": "Music from Home. Love it", "summary": "Love", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2013", "reviewerID": "A2UH5BWDLK5EK0", "asin": "B00AHXDGBA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Destined", "reviewText": "OMG so in love with this record! Every time I hear it in a store and just want to dance and it makes me so happy! Great job Bruno!", "summary": "Party!", "unixReviewTime": 1376265600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A272YRDI49GO15", "asin": "B00124B5NY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Allen D. Swalling", "reviewText": "It is a timeless classic with the instrumentation of of country with a story telling lyric that captures your soul.", "summary": "Story teller", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A3IPADSXYJCYNK", "asin": "B0011Z8PXC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kate", "reviewText": "good song", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": false, "reviewTime": "07 24, 2013", "reviewerID": "A12BUKR6ZSOMXT", "asin": "B0092MKTWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "M. Vanco", "reviewText": "I was first introduced to this song through the music video. I LOVED IT! They said I would be shocked when I saw it and WOW... Put a big smile on my face =) There are no offensive lyrics so even my 6 year old can listen and rock along!", "summary": "Great beat that gets stuck in your head!", "unixReviewTime": 1374624000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A3NN6YTVON1Y1H", "asin": "B0011Z310Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "favor2u", "reviewText": "It's a good song.", "summary": "Five Stars", "unixReviewTime": 1471737600} +{"overall": 1.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A3DG93E8TXMKZF", "asin": "B001KOWH0G", "style": {"Format:": " MP3 Music"}, "reviewerName": "JohnAroundTheCornerReviews", "reviewText": "This is NOT a piece of music.\n\nIt is only used for tuning up an orchestra or instrument.\n\nUnless you want to tune your musical instrument, DO NOT DOWNLOAD.\n\nAll this is is a single tone, DO NOT DOWNLOAD.", "summary": "All this is is a single tone, DO NOT DOWNLOAD.", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A2A8O9PJP457LT", "asin": "B00V94HHI4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chacha1077", "reviewText": "Love this song!", "summary": "Must listen!", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A1H8ZNDBQ4JYWM", "asin": "B00MXBUWV6", "style": {"Format:": " MP3 Music"}, "reviewerName": "William Melton Jr.", "reviewText": "Hendrix best instrumental", "summary": "Only Hendrix", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": false, "reviewTime": "11 2, 2015", "reviewerID": "AQXKNBI0RMS8R", "asin": "B013SZK968", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sam C", "reviewText": "Great lyrics, very biblical.", "summary": "Very biblical.", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A3P1508PZ0UADD", "asin": "B0083EW97W", "style": {"Format:": " Audio CD"}, "reviewerName": "B. Bates", "reviewText": "This is the kind of music that suits John Mayer. I might offend his fans from years gone by, but his two latest releases are so much better, years ahead of anything previous.", "summary": "John Mayer as he should be", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": false, "reviewTime": "02 13, 2015", "reviewerID": "A34RKOWXPYA4DU", "asin": "B00R9D2K5Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Billie Davis", "reviewText": "Love it. I'm going to purchase the soundtrack.", "summary": "GLORY!!", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A5WRWOODTAY1U", "asin": "B00AN93Q0O", "style": {"Format:": " Audio CD"}, "reviewerName": "Samuel E. Smith", "reviewText": "A lil' something for everyone! Rap, hip-hop, electronic, techno & reggae! A masterpiece! Deserves a six star rating! Thanx!", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A2JMRUN0QULNLI", "asin": "B00136LEMS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Indy Mog", "reviewText": "One of her best", "summary": "I love it", "unixReviewTime": 1399161600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A9SS08LPHP2GN", "asin": "B00137YKU0", "style": {"Format:": " MP3 Music"}, "reviewerName": "EVANB", "reviewText": "A contraversialsong but very stron vocals. this is the one that sent her career rocketing to the top of country music.", "summary": "What a strong voice", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A1MVLJ6N2ZZZZK", "asin": "B0053JDR7G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike", "reviewText": "Good product, excellent seller", "summary": "Five Stars", "unixReviewTime": 1488672000} +{"overall": 3.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A1MMVVQCCCZP9L", "asin": "B01D5HT49C", "style": {"Format:": " MP3 Music"}, "reviewerName": "arolpl", "reviewText": "Not as good as his debut album.", "summary": "Three Stars", "unixReviewTime": 1504656000} +{"overall": 3.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "A3BIV1X1K9R796", "asin": "B000V61700", "style": {"Format:": " MP3 Music"}, "reviewerName": "john", "reviewText": "I bought it because it was from Melissa Etheridge, but this song just didn't seem up to her usual standards when compared to other pieces she's done over the years; I don't necessarily regret buying it, but I find I don't listen to it very much compared to her other stuff.", "summary": "Not too bad of a song, but Melissa Etheridge has done much better with others.", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A2V01T1USL7EKV", "asin": "B000V8CBB2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kelly Brandon", "reviewText": "I love this song and others from Enrique Iglesias. His voice is so sexy.", "summary": "Great song", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A3UGHNEHEVSFPT", "asin": "B0030BDDWI", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. Belasco", "reviewText": "I'm not the biggest techno fan, but Haddaway had a great voice, and he did a really nice job on this record. I just love it.", "summary": "nice record", "unixReviewTime": 1354060800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A3LGNTK49DRLOM", "asin": "B00137KH6G", "style": {"Format:": " MP3 Music"}, "reviewerName": "M C", "reviewText": "A truly inspired tune with a transparent sound. I love the pristine sound Beamish creates for Kenny and the various \"atmospheres\" for the various elements in the mix--voice, snare, etc. The seal of the greats.", "summary": "Incredible Sound", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A1MAHON3RNXQBH", "asin": "B00IB4DTFU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Marilyn A. White", "reviewText": "One of my fav christmas songs. I love how Mark sings it too!", "summary": "I love how Mark sings it too", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "A1CEFL2JDFR8TU", "asin": "B00136JODY", "style": {"Format:": " MP3 Music"}, "reviewerName": "LilBell", "reviewText": "I WAS YOUNG. This was the kind of music I listened to. It made sense,and a lot of people fell in love dancing\nclose to some of the songs.", "summary": "Great old school music.", "unixReviewTime": 1367452800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "AOMGS7KCVP9VI", "asin": "B00UZ4GVMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Crystal", "reviewText": "Amazing & inspiring song. Praise God!", "summary": "So inspiring!", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "A54F5QOHATBV2", "asin": "B008XCJ0KI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andrea", "reviewText": "LOVE this song. Love that I can purchase 1 or 2 songs I like from Amazon. Doesn't take all my phone memory and I can hear what I want by sitting up playlists. Not sure there's a more heartfelt song playing right now!", "summary": "Heartfelt", "unixReviewTime": 1399593600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1L74C63Q730LW", "asin": "B00136NXGS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monty", "reviewText": "One of my favorite worship songs of all time", "summary": "great song", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2014", "reviewerID": "A1A9XX7CM9SPES", "asin": "B00137Y3AM", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Roy Henderson", "reviewText": "REMEMBER LISTENING TO THIS SONG WHEN i WAS A KID SO i DOWNLOADED IT. GREAT SONG THAT BROUGHT BACK ALOT OF MEMORIES.", "summary": "GOOD SONG", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "ALD1VE4VP3JYS", "asin": "B00137KPMW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ralph Boone", "reviewText": "Very happy with this purchase!", "summary": "Five Stars", "unixReviewTime": 1478390400} +{"reviewerID": "A363HKFJUQ1NHF", "asin": "B00123M8ZY", "reviewerName": "Sandra K. Mcclaflin", "verified": true, "reviewText": "good song Sandra K.", "overall": 5.0, "reviewTime": "02 10, 2016", "summary": "Five Stars", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "AF3QLJ0JIPK0Y", "asin": "B00NQLSJNA", "style": {"Format:": " MP3 Music"}, "reviewerName": "tedrick deon parker", "reviewText": "Theme song right now", "summary": "Just buy it", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A3KI6BR7K37S1I", "asin": "B001232CNW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monica R. Brown", "reviewText": "I love this old school song; it brought back fun memories. Plus, the quality is good.", "summary": "Five Stars", "unixReviewTime": 1472342400} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A36KP6KBIR04A6", "asin": "B0011Z7LBE", "style": {"Format:": " MP3 Music"}, "reviewerName": "gilsgarage", "reviewText": "Hey whats not to like !!", "summary": "Four Stars", "unixReviewTime": 1426550400} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A8YC98UJE6HUM", "asin": "B00FAEQ22G", "style": {"Format:": " MP3 Music"}, "reviewerName": "ichthus derivative", "reviewText": "Is not like the YouTube version. Beat starts at singer's voice", "summary": "Is not like the YouTube version. Beat starts at singer's voice", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A1W7268RRFD3DJ", "asin": "B00137IPME", "style": {"Format:": " MP3 Music"}, "reviewerName": "chrystal segers", "reviewText": "always have loved this artist. i reminds me of high school again. love the ease of finding what you want", "summary": "great song", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A2BBQVVB0XMJTM", "asin": "B000S51XMQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joyous Everyday", "reviewText": "One of my favorite songs. Christ Tomlin has an excellent voice.", "summary": "Wonderful song", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": false, "reviewTime": "02 2, 2014", "reviewerID": "A7AO0PBCKSW82", "asin": "B00136PZ6Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Beautiful lyrics beautifully sung by an often underrated talented lady. Another classic my tweens can't stop singing. : )I love bringing some of my favorites to my kids.", "summary": "lovely song", "unixReviewTime": 1391299200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2013", "reviewerID": "A2X3EN6HYWSRNP", "asin": "B0064Y5ZBU", "style": {"Format:": " MP3 Music"}, "reviewerName": "M. Schwalm", "reviewText": "What an amazing song, as always from Mickelback. You can never go wrong with a purchase of one of their songs.", "summary": "Soulful profound song", "unixReviewTime": 1358467200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A2PU8OJH5O6VHE", "asin": "B00C5ZMK5Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "james", "reviewText": "Great!!", "summary": "Five Stars", "unixReviewTime": 1422230400} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A1QO29GBXI2ZNR", "asin": "B01CUV1N5M", "style": {"Format:": " Audio CD"}, "reviewerName": "LastCoonassStanding", "reviewText": "There are many positive things to be said about this CD. There is no need to state the negative. It is to be enjoyed.", "summary": "Enjoy it.", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A2WEHGEXFP1NDP", "asin": "B00122MLIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mel", "reviewText": "Cool song, I think she's singing about me. :>)", "summary": "Five Stars", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A381IORSE8W4VJ", "asin": "B0011Z1BHO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beverly Popenoe", "reviewText": "love this song cleaning house", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A2OKG8UA0G4OXS", "asin": "B00JC8EIS6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ms.Bane", "reviewText": "A great dance your pants off tune.", "summary": "A gold classic from disco - a must have for every dance library", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "AOJFMFWJM4HO8", "asin": "B003Y3ZTKG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alice Bryant", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A2MBE697G5OZAV", "asin": "B000VZXFQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. HOOVER", "reviewText": "A great old tune, a terrific mix of pop with some very hard edged guitar work.", "summary": "Classic", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A3NFZR5IWPACQD", "asin": "B0012QHVEE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Harold J", "reviewText": "The jazz inspired drumming is fantastic. As are the keyboards & guitar.", "summary": "A 'sticks in your head\" Classic", "unixReviewTime": 1419033600} +{"overall": 5.0, "verified": false, "reviewTime": "11 5, 2013", "reviewerID": "A1IEJOPR3T86Y0", "asin": "B0013ASJP4", "reviewerName": "E. Thomas", "reviewText": "Awesome, a spiritual sense of calm and peace just imagining what it would be like to see Jesus ,beautifully written and sang with such grace and emotions, I can truly only imagine what it would be like to meet the king of all kings. Great music for the soul.", "summary": "Truly Amazing", "unixReviewTime": 1383609600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "AVPE11DRBCGAA", "asin": "B000T00GF0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tina M. Gallaher", "reviewText": "great and moving song that remind that we are to worship the Lord with all the we are and all that we have.", "summary": "great and movie song that remind that we are to ...", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A1QBBI5BYRUN3S", "asin": "B00KOMZJGY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eddie", "reviewText": "very great song", "summary": "nice", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": false, "reviewTime": "04 9, 2016", "reviewerID": "A1DW48CPF98IBR", "asin": "B01AZG1SQ8", "style": {"Format:": " Audio CD"}, "reviewerName": "speedythecat", "reviewText": "I can't find anything to gripe about, and lots to like about it. So I can sit here and waste my time writing a long winded review, or I can just lay back and enjoy this album in its entirety for the 4th time since I got it less than 24hrs ago. L8r", "summary": "Sounds like Deftones = Awesome", "unixReviewTime": 1460160000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A1G6DM0DEPOP6V", "asin": "B0161BPHKY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Di", "reviewText": "Love Tim and this is another one of his great hits.", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A22MEMTZDJB36C", "asin": "B002A5UZPI", "style": {"Format:": " MP3 Music"}, "reviewerName": "lynpez", "reviewText": "Really great music.", "summary": "Four Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "ARYVQL4N737A1", "asin": "B00123FXXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charles Brown", "reviewText": "This is another great song from the disco era of the '70s. Besides some of Donna Summer's songs and, of course, Gloria Gaynor's \"I Will Survive,\" this song by Candi still sounds great and has withstood the test of time. A great song!", "summary": "Another great song from a memorable period in time!", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A3B0SLHC9GK7VP", "asin": "B001NB57PS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Really cool song", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A2M7ID4MA014UO", "asin": "B00137R3HM", "style": {"Format:": " MP3 Music"}, "reviewerName": "&amp;#34;inspiration&amp;#34;", "reviewText": "Sexy love song! I love the Intruders! I heard this song a long time ago, but, it still has the same affect on me as then.", "summary": "Sexy Umm Umm, baby making song!", "unixReviewTime": 1396224000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "AQLLYDJGKJ5U5", "asin": "B004FEZ4C6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hephzibah 39", "reviewText": "Loved this song back in the 80s and still love it today. Absolutely one of my all time favotites and always will be.", "summary": "Love this song", "unixReviewTime": 1400371200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A3NVLXRZRHLBZE", "asin": "B00136RF5S", "style": {"Format:": " MP3 Music"}, "reviewerName": "LookForDeals", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A142HAT43L5W4W", "asin": "B0170K9XVY", "style": {"Format:": " MP3 Music"}, "reviewerName": "rnj1", "reviewText": "Great song", "summary": "Love the song", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A1RRJ3TYIU0WOB", "asin": "B002HHBRUG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joseph", "reviewText": "Great oldie, but not forgotten?", "summary": "Five Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A1RVMFS3FRCZDE", "asin": "B002EHTTHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Will Hill", "reviewText": "Great Service, and Great Product", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A3NGKYUT5LP9U2", "asin": "B0011Z30SM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chelle", "reviewText": "Bought this for my daughter because one of our favorite bands covers it.", "summary": "One of our favorite songs", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A3CW0ZLUO5X2B1", "asin": "B000ULCVYC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Long-Suffering Technology Consumer", "reviewText": "This is a warm, wonderful song that invokes all that is good about country music ballads. Get out your tissues: this is simply three minutes of hearfelt tenderness.", "summary": "Pure American magic...", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A5011NVCXD4HN", "asin": "B001KWGTRU", "style": {"Format:": " MP3 Music"}, "reviewerName": "BargainShopper", "reviewText": "No problems with downloading this song. Used it for a 75th Birthday memory compilation DVD. It was very clear and fit the bill perfectly.", "summary": "Great!", "unixReviewTime": 1475193600} +{"overall": 3.0, "verified": true, "reviewTime": "06 4, 2014", "reviewerID": "A1TEYLNTK6RICG", "asin": "B00138F25Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bob Gall", "reviewText": "I enjoyed \"Fat Bottomed Girls\". It has a lot of energy. I play it a lot. I recommend it to friends.", "summary": "Fat Bottomed Girls: a Good Song", "unixReviewTime": 1401840000} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A1VFOUHOYX29YP", "asin": "B015U2LLIW", "style": {"Format:": " Audio CD"}, "reviewerName": "Matthew kelly", "reviewText": "A strong album, worth every penny!", "summary": "Strong album", "unixReviewTime": 1463788800} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A3TEU7G2FCRKI8", "asin": "B000VRSWW0", "style": {"Format:": " MP3 Music"}, "reviewerName": "barbdwire", "reviewText": "I got this for my MP3 player & loved it. Great sound & enjoy it very much. I will download more", "summary": "great music", "unixReviewTime": 1397001600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A3BNVMPIHDYGNQ", "asin": "B00AJRP4FU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Windmere", "reviewText": "This is an amazing deal with 30 tracks of music. My wife and I like \"Canon\" because it reminds us of good times when we were dating. The claim of this album just might be true: \"A collection of the most relaxing classical music in the universe.\"", "summary": "What a nice collection of music.", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A6XHF110BC856", "asin": "B00137TK00", "style": {"Format:": " MP3 Music"}, "reviewerName": "lyndajean23", "reviewText": "Cool song, and great beat. I like this a lot!!", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A2EX5PIHMFGRXA", "asin": "B00X5MVZ6I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Murphy Lathanial Greene", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A1U4GOVZWL8ZTL", "asin": "B00AKKZ3S4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard J.", "reviewText": "Although the disco era produced a lot of trash this song was an exception and the movie was good also.", "summary": "Excellent dance song", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A38DE2TCRXTVJL", "asin": "B000W25BZU", "style": {"Format:": " MP3 Music"}, "reviewerName": "james l ritchie", "reviewText": "Great music! Loved IT! Thanks A Lot!", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "AD25C6IFH2G0T", "asin": "B000W1RDNY", "style": {"Format:": " MP3 Music"}, "reviewerName": "YU DIN LU", "reviewText": "Like it.", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": false, "reviewTime": "06 23, 2014", "reviewerID": "A2EAH0POB0H0WJ", "asin": "B00IL15I48", "style": {"Format:": " MP3 Music"}, "reviewerName": "JackyBabyT", "reviewText": "This album is a fantastic way to get ready for MOTM3. The tracks are so well produced, and really once you listen to this you can hear how dated MOTM1 is. He is showing off how talented an artist he really is with this one.", "summary": "Amazing Prelude", "unixReviewTime": 1403481600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A25RJE09TR901Y", "asin": "B00137XLYQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Luis G. Hernandez Jr.", "reviewText": "This beautiful song is one of the best songs of the 80s and a beautiful single from Steve Perry as a single artist. Runs shives down your spine.", "summary": "This beautiful song is one of the best songs of the ...", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2013", "reviewerID": "A2B8MPKB1J5GHG", "asin": "B00136LO9G", "style": {"Format:": " MP3 Music"}, "reviewerName": "John", "reviewText": "This song was purchased to add to my collection and it was what I expected and the cost was great.", "summary": "Song to add to my collection", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2012", "reviewerID": "A1IC7EE3DOMWLY", "asin": "B004DH2F8Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Panther Judo", "reviewText": "Very inspiring gospel song that is awesome when sung in church or played while exercising at the gym. I highly recommend this song.", "summary": "NOBODY GREATER", "unixReviewTime": 1353888000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A1VTEL32W5FM13", "asin": "B005Y0R810", "style": {"Format:": " MP3 Music"}, "reviewerName": "Blair M. Camp", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A1J9MBHX0NB53X", "asin": "B00SDOM12A", "style": {"Format:": " MP3 Music"}, "reviewerName": "LJordan", "reviewText": "Love this song. Could listen to it all day.", "summary": "Great song", "unixReviewTime": 1515456000} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "AUM0F0PNAZWAF", "asin": "B00137OHD0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "nice song", "summary": "Four Stars", "unixReviewTime": 1439769600} +{"overall": 4.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A1EI8AZHZIGBXI", "asin": "B00C6MPW12", "style": {"Format:": " MP3 Music"}, "reviewerName": "David Courter", "reviewText": "Enjoyable if you like this genre.", "summary": "Enjoyable if you like this genre.", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A39JZXGQPTFW60", "asin": "B00137IDMQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "AB0ARZZCB97SK", "asin": "B00IWI3RUM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dave", "reviewText": "No problems. Thanks!", "summary": "Five Stars", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A3AU0683BTPNNZ", "asin": "B00DH72QZA", "style": {"Format:": " Audio CD"}, "reviewerName": "Sunday's Best Fan", "reviewText": "Money well spent.", "summary": "Five Stars", "unixReviewTime": 1473552000} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A3SNJORZ5SMZZ9", "asin": "B009Y2KRIA", "reviewerName": "PeachPecan", "reviewText": "A nice medley of favorite Christmas classics. Just enough \"Celtic\" to enjoy without being hit over the head with it.", "summary": "Very Nice", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "A3MCGBUVTKXERU", "asin": "B006ZDS9TU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dionne", "reviewText": "she has the sweetest voice and makes you think of old school black and white movies I can just see her sitting in a club singing", "summary": "love it", "unixReviewTime": 1403049600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "AWV7Z0K99EGBE", "asin": "B003BNHM1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "ed", "reviewText": "Nice as expected.", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "AZEIN3RR1ZY5C", "asin": "B00B931TLG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jo-Ann Colein Hall", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1409356800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A2BWBXAVVIRRAR", "asin": "B00B6CDOFO", "style": {"Format:": " MP3 Music"}, "reviewerName": "C.M. Blackwood", "reviewText": "I can't believe this was free! One of my favorite free albums, perfect for my Irish roots, when I'm feeling especially Celtic :)", "summary": "Irish Heaven.", "unixReviewTime": 1446854400} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A1PR9PF2Y0B0DY", "asin": "B00NJT3BUK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ablesd1", "reviewText": "This rendition of a 'sweet' Christmas carol will take you straight to church. Remarkable!", "summary": "Four Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "A3GPUENL9LWO7C", "asin": "B00123HXG8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Smiley Bennett", "reviewText": "Great song!", "summary": "Great song!", "unixReviewTime": 1477267200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3TL36QX5YQZL3", "asin": "B000W0V2XW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Serious", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1412812800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 23, 2013", "reviewerID": "A4FBU70Y5BLGH", "asin": "B00G7K9F3U", "style": {"Format:": " MP3 Music"}, "reviewerName": "I_Like_Luciano", "reviewText": "It's a sure bet if you'll put quality recordings of Christmas Music on an album and offer it for a song, I'll buy. This album is another in the great inexpensive series that Amazon has offered. My cup of itunes overflow!", "summary": "Lovely way to keep the Christmas Mood for hours!", "unixReviewTime": 1385164800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A1T60QWFIPE480", "asin": "B0011Z764Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Queenie", "reviewText": "This is Prince's anthem song that made his career what it was. I have added this song to my Prince collection.", "summary": "One of the best Prince songs - It will be popular for years to come", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A165P3MOJV3OVZ", "asin": "B000TDSQGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cesar", "reviewText": "Enjoyed it", "summary": "Five Stars", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A1IMI4B95YDMV5", "asin": "B003HB9GYU", "style": {"Format:": " MP3 Music"}, "reviewerName": "William J. Flucas", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2012", "reviewerID": "A6WSPBL9IY5CB", "asin": "B000V61688", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I liked the song and that's all I can say about it as, I didn't buy the whole CD just the one song. Funny song it always gives me a laugh when I listen to it.", "summary": "Great song", "unixReviewTime": 1356566400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A3RFPA4HRHWNIP", "asin": "B00B113C0C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Malinda McLean", "reviewText": "Lord no matter what you want me to do, I'll do and say what you want me to bc it's for your Glory not mine!!! I want to see you in peace. I want to be where you are God.", "summary": "In God's Presence!!", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A2TXKUC8SN53H7", "asin": "B001ME5Q2U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joel Holloman", "reviewText": "This is the jam", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 3.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A209NKYUI17LQG", "asin": "B0170K9XVY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Randy C.", "reviewText": "I am NOT an Adele Fan, BUT.. I can Appreciate her Talent.", "summary": "Three Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 20, 2009", "reviewerID": "A8IVYKSKP8QFY", "asin": "B001QLEXB4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Astrotrain", "reviewText": "Somebody at Amazon wrongfully labeled this album as 'explicit'.\n\nThis is a gem from the 60's and the lyrics are not racial, but about\na guy getting dumped by his girlfriend.", "summary": "what!? explicit?!?!", "unixReviewTime": 1248048000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A2N1BOWGW5F2RP", "asin": "B014FO6H5S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa Gordon", "reviewText": "Any man that writes a song about his wife like this one is 5 stars to me.", "summary": "Five Stars", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "AD8CTVTLU7Y5U", "asin": "B007NT4DXQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "A. Chang", "reviewText": "Parking Lot Party is a simple, enjoyable, catchy country song. This song keeps the country music tune and also catchy lyric.", "summary": "Simple, Enjoyable, Catchy Country Song.", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2015", "reviewerID": "A3HDREYV273WYK", "asin": "B00136JL8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dotsy", "reviewText": "Always good", "summary": "always good", "unixReviewTime": 1441584000} +{"overall": 4.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "AEIA51OWTPG66", "asin": "B00136JODY", "style": {"Format:": " MP3 Music"}, "reviewerName": "archer47", "reviewText": "replacing old LP and cassette music with MP3 or CD. I like the MP3 option since many CDs (albums) only contain a couple keepworthy songs.", "summary": "I like the MPS option since many CDs (albums) only contain ...", "unixReviewTime": 1411084800} +{"overall": 4.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "AGA6B2IDC8WE", "asin": "B0012FAZRK", "style": {"Format:": " MP3 Music"}, "reviewerName": "DreamcastExotic", "reviewText": "GREAT OLD TUNE And MP3 QUALITY RECORDING SOUNDS GREAT :)", "summary": "GREAT OLD TUNE AND GOOD QUALITY MP3 VERSION, BETTER THEN MOST I'V BOUGHT HERE LATELY", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A1L05QJXHRBB87", "asin": "B002O1QKGQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diana", "reviewText": "Great Workout Song. Love it! v", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A4IUYXZCRHS3N", "asin": "B00QNAIWRO", "style": {"Format:": " MP3 Music"}, "reviewerName": "apple irj", "reviewText": "Excellent album from an Excellent Artist! A+++++", "summary": "Way to go Fall Out Boy!", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A2TBMW5ISE03F8", "asin": "B001CP3OZA", "style": {"Format:": " MP3 Music"}, "reviewerName": "B. L. Minor", "reviewText": "Love this song!", "summary": "Five Stars", "unixReviewTime": 1410480000} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "A2QQH28V1R1Y53", "asin": "B000W23IE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steady_01", "reviewText": "This product is as advertised. Satisfactorily made and serves the purpose for which it was designed. Would recommend it to others.", "summary": "This product is as advertised.", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A2S8DJRIJBAQZP", "asin": "B01F9EIW2E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jana", "reviewText": "As soon as I notice a new album release I'm all over it. This guy makes my little heart HAPPY!", "summary": "This guy makes my little heart HAPPY!", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "A14YTPQDH3PAZU", "asin": "B003ME7PPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "jay jay", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2012", "reviewerID": "A2GFYQD27R568G", "asin": "B00138H3LC", "style": {"Format:": " MP3 Music"}, "reviewerName": "meowkins66", "reviewText": "This CD is amazing to say the least. It may be some of the artists earlier work, but it is great ! Songs are catchy and easy to listen to.", "summary": "breakaway", "unixReviewTime": 1348185600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A2IT9IHVGNU10D", "asin": "B009S6HVHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wes I.", "reviewText": "12 out of 12 keepers.", "summary": "Five Stars", "unixReviewTime": 1509148800} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2013", "reviewerID": "ADWSD45P3NZGU", "asin": "B00137KPOA", "style": {"Format:": " MP3 Music"}, "reviewerName": "WakkyWabbit", "reviewText": "I bought this song when Amazon had a special on Styx, Kansas, Foreigner and Journey. MP3 is typical Amazon quality, no bad spots", "summary": "MP3 review", "unixReviewTime": 1359849600} +{"overall": 3.0, "verified": true, "reviewTime": "04 9, 2016", "reviewerID": "A3EDOCB2CUGDF9", "asin": "B00330WKMA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Ok", "summary": "Three Stars", "unixReviewTime": 1460160000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A2Z29OSISZ2SY3", "asin": "B002XSWNES", "style": {"Format:": " MP3 Music"}, "reviewerName": "Geney Lou", "reviewText": "I love the song and the beauty that is resonated by the way Susan Boyle sings it. Not many people can accomplish this. Her voice expounds her beauy and artistic abilities.", "summary": "AMAZING GRACE", "unixReviewTime": 1359504000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A29CU4A972A8BX", "asin": "B00137QS28", "style": {"Format:": " MP3 Music"}, "reviewerName": "Miguel", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": false, "reviewTime": "08 26, 2013", "reviewerID": "A32KSX0E7YOUTK", "asin": "B00136PQYU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mary Unger", "reviewText": "I love it, but anything from Streisand is gold. She never disappoints. The intro was a bit off though. Why do I need to put in a certain # of words to rate this?", "summary": "Woman in Love", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": false, "reviewTime": "06 13, 2013", "reviewerID": "A381F0LULQJL36", "asin": "B0014J3AH6", "style": {"Format:": " MP3 Music"}, "reviewerName": "luv it!!!", "reviewText": "How could old heads not like this song? this song was the defining moment in Hip-Hop! Too bad the record industry ruined hip-hop!", "summary": "This is a great song.", "unixReviewTime": 1371081600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2014", "reviewerID": "A3DEV4Y8NFVV0M", "asin": "B006Z1XZFK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Turquindiga", "reviewText": "Great song!", "summary": "Five Stars", "unixReviewTime": 1413590400} +{"overall": 1.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A3SNJORZ5SMZZ9", "asin": "B00FFKV8J2", "style": {"Format:": " MP3 Music"}, "reviewerName": "PeachPecan", "reviewText": "Tried something a little different than what I usually listen to; glad I did not pay for this song. Not my favorite.", "summary": "Amazon Freebie", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A3C6PXNVM5LAMF", "asin": "B018YMH23I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anna Lee", "reviewText": "Best album of 2016 hands down enough said!", "summary": "I've just discovered my new favorite band of this decade. I'm serious. Great alternative album.", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A27ICF1FRK1KJX", "asin": "B00MUN30O8", "style": {"Format:": " MP3 Music"}, "reviewerName": "shawn", "reviewText": "Amazing song", "summary": "Five Stars", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A1MSA79F5J0KXW", "asin": "B0012CR22E", "style": {"Format:": " MP3 Music"}, "reviewerName": "kilamazara", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A1L74C63Q730LW", "asin": "B00330UFQS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monty", "reviewText": "Great album", "summary": "Five Stars", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "AVK12IGNSH3XE", "asin": "B00136J7ZE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sergio", "reviewText": "great music!", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "AWS3ZNOPCH244", "asin": "B00ADYYBZS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I really enjoy Nashville and the music they play because it is different. However, this song has to be my favorite of all of the songs on the show, maybe because of what I was thinking about at the time.", "summary": "Beautiful", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "AW9U0ST9IR7W2", "asin": "B001BK9KCM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "great - wish you could make your own samplers with individual songs - would be cheaper than buying individual songs or buying an album for only one or two songs", "summary": "great - wish you could make your own samplers with ...", "unixReviewTime": 1419724800} +{"overall": 1.0, "vote": "4", "verified": false, "reviewTime": "12 20, 2009", "reviewerID": "A20DZX38KRBIT8", "asin": "B002T08TMK", "style": {"Format:": " Audio CD"}, "reviewerName": "Deimos", "reviewText": "There does not need to be yet another Al greatest hits album.....just more of the same here, nothing new and it's not that great to begin with.", "summary": "Not needed", "unixReviewTime": 1261267200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A203ECX3R69YU2", "asin": "B000VWP7FA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Axelbrode", "reviewText": "Great!!! Don't usually listen to Rap. But this is a great one. Just might become a fan of. EMINEM.", "summary": "Five Stars", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A1VRD8L02M7BQJ", "asin": "B001451TEQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stef Butterflies", "reviewText": "Great music by Eurythmics. . had to have them on my MP3 player on my Kindle Fire HD. Got several songs by them.", "summary": "Love this song", "unixReviewTime": 1393545600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "A1987U6E87EAN1", "asin": "B00NOYYX52", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nitenurse", "reviewText": "Jackie's voice adds a new high to this beautiful song by Cohen.", "summary": "Five Stars", "unixReviewTime": 1450051200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A29O3NE3A4EJ20", "asin": "B00136Q24I", "style": {"Format:": " MP3 Music"}, "reviewerName": "cctyger", "reviewText": "This is a typical recording of the song everyone knows. It is a nice addition to a 1960's/1970's collection. Enjoy!", "summary": "Typical recording", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "AX5QSURBETCMH", "asin": "B01929I76S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Classic song and one of my favorite songs of all time", "summary": "Five Stars", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "A25WMDPFXUX5YL", "asin": "B00940XL62", "style": {"Format:": " MP3 Music"}, "reviewerName": "Margaret Jones", "reviewText": "I love the beat of the song and it is good to workout with. Buy it", "summary": "You can dance to this", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": false, "reviewTime": "07 1, 2013", "reviewerID": "A19KYXYYT9ZEWU", "asin": "B00CRMX4CA", "style": {"Format:": " MP3 Music"}, "reviewerName": "teej", "reviewText": "This song is one if the best around! It's timeless and within the first few few seconds of Audio you feel infected with the uncontrollable desire to move. This is a gem!", "summary": "The best!", "unixReviewTime": 1372636800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2015", "reviewerID": "A1DTQ2IIPRDTST", "asin": "B00137XDLM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff", "reviewText": "One of my favorite older songs and kept hearing it and finally downloaded.", "summary": "Five Stars", "unixReviewTime": 1423267200} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "AB1J0F8UWM6Z6", "asin": "B000VWPWNW", "style": {"Format:": " MP3 Music"}, "reviewerName": "SLGP", "reviewText": "Thank You", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2018", "reviewerID": "ADOFUACYHY8W4", "asin": "B004SBST2S", "style": {"Format:": " Audio CD"}, "reviewerName": "don phillips", "reviewText": "Now I have this Newsboys cd too.", "summary": "Five Stars", "unixReviewTime": 1527379200} +{"overall": 2.0, "verified": true, "reviewTime": "12 16, 2012", "reviewerID": "A2UY1O1FBGKIE6", "asin": "B00126UVH8", "reviewerName": "U. Kane", "reviewText": "This has to be one of the worst versions of the song I have ever heard. Even my two year old Wheels on the bus expert had issues signing along", "summary": "oh dear", "unixReviewTime": 1355616000} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "A19KYXYYT9ZEWU", "asin": "B001IA469W", "style": {"Format:": " MP3 Music"}, "reviewerName": "teej", "reviewText": "I first heard this song during the into of an indie movie and fell in love with it. The album may be old but it's proven to be timeless.", "summary": "Great song", "unixReviewTime": 1368748800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A255G0KORJ3W0O", "asin": "B00137ILJQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "debra howard", "reviewText": "great!", "summary": "Five Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A1VOSVK55YQMYD", "asin": "B001NYVYAW", "style": {"Format:": " MP3 Music"}, "reviewerName": "McMueller", "reviewText": "Down loads o.k. but is hard to find ( no thanks) on icloud player launch. It sounds good once it on your listen device.", "summary": "Sounds great", "unixReviewTime": 1378425600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A2ZZWOWUV0FO2B", "asin": "B00O46VM8K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rachel", "reviewText": "Good song", "summary": "Five Stars", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A16P4QHHIYXG3U", "asin": "B00137ILPU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shaun M. Anderson", "reviewText": "Wouldn't have got it if I didn't like it, right?", "summary": "Five Stars", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A1Z9ULR2V4W082", "asin": "B000ZN101U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ron Ray", "reviewText": "Great classic Roger Miller tune.", "summary": "Five Stars", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2011", "reviewerID": "A34DR583EV8ABR", "asin": "B00122A26W", "style": {"Format:": " MP3 Music"}, "reviewerName": "marjoriehope", "reviewText": "another awesome singer, the song was downloaded into my computer with no problem, the best way to order! No waiting for shipment!", "summary": "These arms of mine", "unixReviewTime": 1315267200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "AMXOKGEPUY7H9", "asin": "B000ZN1ZPG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lilith", "reviewText": "Classic", "summary": "Tupac Download", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2014", "reviewerID": "A20EGXO469AEQ3", "asin": "B00137T4WE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jashawnda Washington", "reviewText": "I love this album it is good for the soul and ministers to your heart and is in good taste.", "summary": "love it", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A1RAEV1L3W5IFK", "asin": "B000SXKWXY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rosendo Morales", "reviewText": "Beautiful song I love it, it's one of my top favorite songs.", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A8C2U9MF4UIF3", "asin": "B00W8DLF7Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "shegar", "reviewText": "He's a Bad Boy!", "summary": "Love this Guy!", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A1LYI2GAWGU41S", "asin": "B001O4TK20", "style": {"Format:": " MP3 Music"}, "reviewerName": "StealthMode", "reviewText": "I have this song at the head of my Classic Rock playlist. Mr. Grey had a great voice, this song has a happy/upbeat tempo and it serves as a kinda thank you for all the songs that follow: \"Give me the beat boys!\" Just writing this review I need to listen to this again.", "summary": "Truly a classic", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A31ZZEJZTIE8VM", "asin": "B007JOMCE2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeonjungkookie", "reviewText": "A great song! Always loved this. I'm happy I could get this song at such a low price", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "A3GYWZE27QBMY7", "asin": "B002EHTTHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeffrey N. Giampetro", "reviewText": "You Got have this song if you like linkin Park it there best song of all time so far !!!", "summary": "Excellent", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A1MAKB0RRC8TZ1", "asin": "B00123HXG8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jackie", "reviewText": "Good sound quality.", "summary": "Five Stars", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A44EUYBEBDX20", "asin": "B00I1A5CTU", "style": {"Format:": " MP3 Music"}, "reviewerName": "seeker of truth", "reviewText": "I use these songs for Group x classes...", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A223J82C2YCYOH", "asin": "B00122YIDK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bill", "reviewText": "This song goes along with the best TV series. I watched the show every time it was on.", "summary": "Five Stars", "unixReviewTime": 1479168000} +{"overall": 3.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "ANU0PIE1JVNK8", "asin": "B0011Z762I", "style": {"Format:": " MP3 Music"}, "reviewerName": "life is now", "reviewText": "no review", "summary": "Three Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2018", "reviewerID": "A2J94RBT2849R", "asin": "B017V1W09O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rick F", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1535241600} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A1NC1CS97388TZ", "asin": "B00DLA5SEY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jerry Harvey", "reviewText": "Free music, cannot beat the price!!!", "summary": "Great Sound", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": false, "reviewTime": "03 23, 2013", "reviewerID": "A1WNWGDWDBH88E", "asin": "B007ONSOPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Larry H.", "reviewText": "I love the song and the group as well. The whole album is great and can't wait to hear more great music from the group", "summary": "Halestorm", "unixReviewTime": 1363996800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A3JGYIKK05O68T", "asin": "B00138547C", "style": {"Format:": " MP3 Music"}, "reviewerName": "S.T. Somers", "reviewText": "This a tear bringer but really allows you to spend time with blessed memories of growing up.\nWow what great lyrics..", "summary": "Daddys' Girl", "unixReviewTime": 1361923200} +{"overall": 4.0, "verified": true, "reviewTime": "10 6, 2012", "reviewerID": "A2JJSTD063JQSG", "asin": "B008HI6H18", "style": {"Format:": " MP3 Music"}, "reviewerName": "wolfgang", "reviewText": "And I don't mean the color, the artist and I love her song \"Blow Me One Last Kiss\". I love her voice, so mature, deep, soulful. In fact I love all things Pink! (the artist) If it is by Pink I am buying it.", "summary": "Love PINK!", "unixReviewTime": 1349481600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "AVVE8L6Q5O04G", "asin": "B01DGM51NE", "style": {"Format:": " MP3 Music"}, "reviewerName": "THOMAS MCFARLAND", "reviewText": "Very nice song.", "summary": "Five Stars", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2014", "reviewerID": "A39CYUXTVGQSCF", "asin": "B00DUIC12O", "style": {"Format:": " MP3 Music"}, "reviewerName": "SaxonBlues89", "reviewText": "Sometimes I forget that Selena Gomez is a legal adult, so this is a song that reminded me of her actual age. It's just a fun, \"we're going clubbing\" song and I really enjoy it!", "summary": "Whoa Selena!", "unixReviewTime": 1398729600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A3J28ZZZN1XTQJ", "asin": "B0013AQOMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tammy", "reviewText": "I love this song! Listen to it all the time at Christmas! Works great in my Light O Rama Show!", "summary": "Great Song!", "unixReviewTime": 1354665600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2017", "reviewerID": "A1BQOCHVEQSNYS", "asin": "B002BPKWH8", "style": {"Format:": " MP3 Music"}, "reviewerName": "jose figueroa", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1490313600} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2014", "reviewerID": "A3PBHXP4THCNMG", "asin": "B0013F48FY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Harold E. Howse", "reviewText": "liked", "summary": "Five Stars", "unixReviewTime": 1412467200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A3B1188EKD158V", "asin": "B000VSPII0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steve", "reviewText": "Can't say much. I was just looking for some digital music to add to my collection. Np problems", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": false, "reviewTime": "06 9, 2013", "reviewerID": "A38OP28CXT25SQ", "asin": "B001CS2UN4", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. P. Beard", "reviewText": "This is a great song. I highly recommend this song song as well as going after others by this artist.", "summary": "awesome", "unixReviewTime": 1370736000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A3RDHSSNRB4Q60", "asin": "B00122NPNO", "style": {"Format:": " MP3 Music"}, "reviewerName": "dennis j hopkins", "reviewText": "great", "summary": "great", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A17OPOE7FVEMO5", "asin": "B0047FPY64", "style": {"Format:": " MP3 Music"}, "reviewerName": "suncerea", "reviewText": "love music", "summary": "Five Stars", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2011", "reviewerID": "A3E2FGR7OTA351", "asin": "B004386MMU", "style": {"Format:": " MP3 Music"}, "reviewerName": "William", "reviewText": "It's hard to come across a good country song these days, but this on is ok. Zach Brown does a pretty good job and Jimmy is always great.... but maybe including Jimmy is getting a bit old... lot's of country stars are doing that now.", "summary": "One of the few country songs I like", "unixReviewTime": 1323043200} +{"overall": 5.0, "verified": false, "reviewTime": "03 4, 2013", "reviewerID": "A2SGRGLBDQ69GR", "asin": "B00137MI6S", "style": {"Format:": " MP3 Music"}, "reviewerName": "kwsm", "reviewText": "I think this song will always be a favorite, or it will be for a long time at least. Brings back fond memories.", "summary": "Awesome", "unixReviewTime": 1362355200} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A2Y4QMRYZ5J208", "asin": "B001JOJXUY", "style": {"Format:": " MP3 Music"}, "reviewerName": "bkeaAZ247!", "reviewText": "Muse rocks. Really cool band with unique sound.", "summary": "Awesome Band", "unixReviewTime": 1433462400} +{"overall": 3.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "AVPUHL2ZHHPKG", "asin": "B005CV7CNA", "style": {"Format:": " MP3 Music"}, "reviewerName": "P. Coleman", "reviewText": "Nothing to add here. \"text filler material for review\".", "summary": "Three Stars", "unixReviewTime": 1447718400} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A30EDYRZD5GMLC", "asin": "B00F9NF9O0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Skip", "reviewText": "Good song with a good beat. I play this song while working around the house.", "summary": "Good working song", "unixReviewTime": 1404518400} +{"overall": 3.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A2N2L43JCTL4T8", "asin": "B00UMI95DI", "style": {"Format:": " Audio CD"}, "reviewerName": "Big JT", "reviewText": "The most inconsistent album from Ben. I can overlook that because of the long hiatus but please try harder next time. I don't really care for the new guitarist.", "summary": "I'll call this one a pass", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "AVFMNO930HKJ5", "asin": "B01B8I3RVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "cre8ivenail", "reviewText": "Nice song", "summary": "Nice", "unixReviewTime": 1521504000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A3GI0C8DD9BLJK", "asin": "B00124410S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Mony Mony is as good today as it was in the 60s and its on amazons digital music and you can get the other mony mony by Billy Joel", "summary": "Mony Mony is as good today as it was in the 60s and its ...", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "AQ4F1Z8KMD3AI", "asin": "B00137MPOI", "style": {"Format:": " MP3 Music"}, "reviewerName": "J.W. - GA, USA", "reviewText": "Great \"oldies\" for someone who grew up with Journey, Beatles and the Beach Boys too. Excellent music to swing by. Great quality and sound.", "summary": "Great \"oldies\"", "unixReviewTime": 1386288000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A32UZE5D7LPH8L", "asin": "B008WHTXT2", "style": {"Format:": " MP3 Music"}, "reviewerName": "arnold", "reviewText": "a great jazz sampler from beegie adair and friends.", "summary": "great jazz music", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A2JE1FQQBSH8N0", "asin": "B00137KERI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andrea Longwith", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"reviewerID": "A1RP6YCOS5VJ5I", "asin": "B00110JDUQ", "reviewerName": "GameraRocks", "verified": false, "reviewText": "I was totally sure what I was going to get when I bought this album, but I have to say that it is amazing. If you are a Weezer fan, than this is a must own. I can't think of a song on this record that I didn't like.", "overall": 5.0, "reviewTime": "12 23, 2007", "summary": "Awesome", "unixReviewTime": 1198368000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A30EXIZ7F3V3Q3", "asin": "B01DEBJDS6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome and powerful.", "summary": "Five Stars", "unixReviewTime": 1503187200} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A3KMKSFK5SJE4", "asin": "B000W1WRAS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michelle A.", "reviewText": "Good Song!", "summary": "Four Stars", "unixReviewTime": 1488672000} +{"overall": 3.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "A3ITD2FDGPB5CR", "asin": "B000W1T29C", "style": {"Format:": " MP3 Music"}, "reviewerName": "LISA", "reviewText": "THIS IS A OK SONG IT WAS EASY TO DOWNLOAD WITH NO PROBLEMS AT ALL THE ALBUM MIGHT BE OK", "summary": "SONG", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A2G128L2ORHD08", "asin": "B008GVTTC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mr. Mark T. Schmidt", "reviewText": "Great Song", "summary": "Great Song", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "AMWDFMQE3IQCQ", "asin": "B005C0WN3U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dan Davidson", "reviewText": "A great tune!", "summary": "Five Stars", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "AEIZT7PGSXHUM", "asin": "B013D1KC9Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jennifer", "reviewText": "Shinedown is the best!", "summary": "Five Stars", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A26W9APKJGXU37", "asin": "B000W11M86", "style": {"Format:": " MP3 Music"}, "reviewerName": "deborah spiegner", "reviewText": "THIS WAS A WONDERFUL CD.", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A1BOH4BGCPUVPL", "asin": "B00IXBOM3O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jen", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1457049600} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A3GGA163GM7VX7", "asin": "B00137MTF8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sonja Johnson", "reviewText": "I liked this to begin with and I was very happy to find it as a single. Maybe I'll save my pennies and get the whole album another time but for now this makes me very happy. Great vocals and of course amazing guitar", "summary": "Love it", "unixReviewTime": 1390953600} +{"overall": 3.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A24AGZ8LUR9WHE", "asin": "B003VXHTG6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jason McCollin", "reviewText": "It's cool and dazzling", "summary": "Three Stars", "unixReviewTime": 1425859200} +{"reviewerID": "A1XB4BK0I9QWW2", "asin": "B001CKWT74", "reviewerName": "Cquintgreen", "verified": true, "reviewText": "Very inspiring!", "overall": 5.0, "reviewTime": "03 29, 2016", "summary": "Oldie but goodie", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "A1MNU9CWDMJ67C", "asin": "B00G07ITSW", "style": {"Format:": " MP3 Music"}, "reviewerName": "jkantor", "reviewText": "Really love this, very festive and she has an awesome voice. Easy to sing along to which I'm sure is rough on my co workers:)", "summary": "love it", "unixReviewTime": 1386979200} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A33V6E6D7XPPUL", "asin": "B00136LTT6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Billy Daukei", "reviewText": "catchy tune got stuck in my head", "summary": "Five Stars", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A2ABJ4XM4MJ5CD", "asin": "B000V66YS0", "style": {"Format:": " MP3 Music"}, "reviewerName": "russ hoepfer", "reviewText": "a ok", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A36JS4EXOJXJOT", "asin": "B00O46VJ56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Danielle W.", "reviewText": "Great artist, great music!", "summary": "Great quality!", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "A5PNNWS2MUZSG", "asin": "B00YHTP2OO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jae Hall", "reviewText": "Good song.", "summary": "Five Stars", "unixReviewTime": 1510876800} +{"overall": 3.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A2ZS2F9GZPKL5R", "asin": "B011DBWJ58", "style": {"Format:": " MP3 Music"}, "reviewerName": "dave garman", "reviewText": "heard it on tv and the downloaded song was not as good", "summary": "... on tv and the downloaded song was not as good", "unixReviewTime": 1468713600} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A13RAH7G4SJMGT", "asin": "B00B0M2EVK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle User", "reviewText": "Brought back memories and even had me exercising again. This makes you want to turn up the sound and jam!", "summary": "Groove and Moves As it Should Be", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A3NHUK1ISMZCFZ", "asin": "B000VRUYI0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eric", "reviewText": "Good sound", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2013", "reviewerID": "A3W527BN42AXN1", "asin": "B00136RSFK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Resa", "reviewText": "I just love this! It sounds so wonderful on my Kindle! I have really enjoyed listening to it. This was a great find!", "summary": "My All", "unixReviewTime": 1373414400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A228N2E5YBLK2U", "asin": "B01AX3MJ5M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tammy Mckenzie", "reviewText": "Love it. Anthony Hamilton is underrated. This man has a great voice...he could sing the dictionary and I would listen. He sounds even better in person...such a great performer!", "summary": "Love him", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A303RCTW7WAUO1", "asin": "B0026P7SNO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steven P.", "reviewText": "Great song. I love the duet with Petty.", "summary": "Classic.", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A2IUCH656JN379", "asin": "B0011Z310Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nikki", "reviewText": "I love this song, I love his voice", "summary": "Inspirational", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A1K5FDP8C5G5EI", "asin": "B00330WF7K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Adair", "reviewText": "Fun song that will get in your head! Nice to hear drummer Gerry Polci sing a song. I wish he had performed more! What a lovely voice.", "summary": "Gerry Polci Stars in this Song", "unixReviewTime": 1424563200} +{"overall": 3.0, "verified": true, "reviewTime": "01 5, 2013", "reviewerID": "AB9EWO8ESOSJC", "asin": "B000TE4J90", "style": {"Format:": " MP3 Music"}, "reviewerName": "Firstbank", "reviewText": "i liked this song the extended version was oka at the and of the song i thought it was a little drawned back", "summary": "good song", "unixReviewTime": 1357344000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A1PXD7WBWZFY03", "asin": "B001B65PCA", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Whitt", "reviewText": "Great Song!", "summary": "Great Song!", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "A3HUP7XOHR382Z", "asin": "B000W020TW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tina", "reviewText": "There's no reason not to love this purchase. It's a great song with great quality and I'm super excited to add it to my collection. Totally worth the little bit of change it costs!", "summary": "Love this song", "unixReviewTime": 1355184000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A3KDAC88FV2GMS", "asin": "B00136LLTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jan", "reviewText": "great for a wedding line up!", "summary": "Good song!", "unixReviewTime": 1441152000} +{"reviewerID": "A1KHJ490IINW9D", "asin": "B0013JWPPU", "reviewerName": "Willow Kandra", "verified": true, "reviewText": "Awesome", "overall": 5.0, "reviewTime": "09 4, 2014", "summary": "Five Stars", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A3KA1BJ6054XFF", "asin": "B001PIYIYK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris", "reviewText": "I love James Taylor and this is another one of his great songs.", "summary": "Five Stars", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A22COT2LBTGICF", "asin": "B001I8YKMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laureyn Lee", "reviewText": "This song is one of my childhood favorites. It still has the same powerful effect on my life as it did before.", "summary": "POWERFUL", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2012", "reviewerID": "A6WSPBL9IY5CB", "asin": "B000VZKP8G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Great song is all I have to say about this as I didn't buy the whole CD but just one of the songs on the album.", "summary": "Great song", "unixReviewTime": 1356566400} +{"overall": 3.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A3BIMAUO4JKCRJ", "asin": "B000TD76UA", "style": {"Format:": " MP3 Music"}, "reviewerName": "dm8711", "reviewText": "Has a nice beat and is easy to dance to. I give it a rating based upon my tastes. Your mileage may differ!", "summary": "Ok", "unixReviewTime": 1360454400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "01 27, 2016", "reviewerID": "A3U7247JF0L52E", "asin": "B015U2LLIW", "style": {"Format:": " Audio CD"}, "reviewerName": "JaguarDog", "reviewText": "I almost didn't bother with this after Supercollider but gave it a shot after hearing Chris Adler was drumming and I'm glad I did. Best work in a long time.", "summary": "Back yet again!", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "A3LFOGPED50UZF", "asin": "B0067XTZPA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joyce Hicks", "reviewText": "A good song", "summary": "Five Stars", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "AEM1QMZ7BPTGT", "asin": "B0170K9XVY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Adrienne Finn", "reviewText": "Downloaded fine, no glitches.", "summary": "Five Stars", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1NP4RUJDJJH96", "asin": "B00JJOG5D4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Humblemonk", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 3.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A3BIMAUO4JKCRJ", "asin": "B0011Z0YR2", "style": {"Format:": " MP3 Music"}, "reviewerName": "dm8711", "reviewText": "Has a nice beat and is easy to dance to. I give it a rating based upon my tastes. Your mileage may differ!", "summary": "Okay", "unixReviewTime": 1360454400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A23347TOF5Z2ED", "asin": "B00JS00CZG", "reviewerName": "puppysmom", "reviewText": "Wonderful voice, song, music, words, message, inspiration. Great song", "summary": "Far be it from me to not believe", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "ADHZ0ABZBBDFJ", "asin": "B001BHP9M0", "style": {"Format:": " MP3 Music"}, "reviewerName": "GatorFan", "reviewText": "Takes me back in time!", "summary": "Review of Bridge Over Troubled Water", "unixReviewTime": 1475366400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "AC1W046DT3OFX", "asin": "B00382MONS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sharon Brabble", "reviewText": "Love this album !!!!!!!!!", "summary": "Johnny was the man !!!!!!!!!!!", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A3BHOM951PY42M", "asin": "B00137TFZU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "This is the most elusive hit single from Dylan I finally got here. I've been hunting for this online since the old school file share site is defunct. The other, yet more legit file share is online but it doesn't have that single. Thanks amazon.com!", "summary": "I have been hunting for this!", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A31X4VZA11Y071", "asin": "B00123LVQ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "moonsmuses", "reviewText": "haunting song, great rythm", "summary": "love it", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A2IEX7ESCYYD5H", "asin": "B0013DDLTK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa McAlpin", "reviewText": "this is a song like the most", "summary": "it's a great song", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A1N3ZBC7S9WG37", "asin": "B001AAAT7I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mona", "reviewText": "This @#$#% Rocks.", "summary": "This @#$#% Rocks.", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A7NB773T98WSK", "asin": "B00CWQBM1G", "style": {"Format:": " MP3 Music"}, "reviewerName": "steeltoedgloves", "reviewText": "Great !!", "summary": "Five Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A35JCASWZL0XBH", "asin": "B00CMIUNXM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gadget Queen", "reviewText": "I can't think of a better way to thank Him than to lift my voice and sing praises unto Him who keeps me from falling.", "summary": "Every word of Worship", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A2ZPTVRAIOOA6I", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Samantha Stafford", "reviewText": "This song just makes me \"happy\"", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A3KBZVXTHO9GWI", "asin": "B001230AJ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bcapollo", "reviewText": "Classic", "summary": "Five Stars", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "AVMEEY4UR2JLA", "asin": "B00OLSUQJW", "style": {"Format:": " MP3 Music"}, "reviewerName": "drew kohl", "reviewText": "Great price, item exactly as advertised. Overall very happy with purchase.", "summary": "great sounds", "unixReviewTime": 1450224000} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A26G36QPEF062A", "asin": "B0057UVLVK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deon Allen", "reviewText": "Nice Voice", "summary": "Four Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2013", "reviewerID": "A23ZUK1J474V80", "asin": "B001UVF0NU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Billy Jordan", "reviewText": "I still remember hearing this song for the first time not really paying attention to the lyrics. Now that I am older, its kind of funny yo listen to and still very catchy. Great song.", "summary": "Still a catchy song.", "unixReviewTime": 1365897600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "AFMS7BOC8B6PK", "asin": "B00NERRC3Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "U291832", "reviewText": "My 4 year old daughter loves this song and its lyrics are clean so we can listen to it over and over without fear.", "summary": "Cute song!", "unixReviewTime": 1425340800} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A3SNJORZ5SMZZ9", "asin": "B00126SG6G", "reviewerName": "PeachPecan", "reviewText": "Very nice version. Relaxing. Thanks for the free song!", "summary": "Nice", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A231OAMWPDR8G3", "asin": "B000VZXFQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Good tunes", "summary": "Five Stars", "unixReviewTime": 1423526400} +{"overall": 4.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A28AJ511MTC11F", "asin": "B000TPJLU6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jewell", "reviewText": "Great Song", "summary": "Great Song", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "ADHZ0ABZBBDFJ", "asin": "B000WLKHUU", "style": {"Format:": " MP3 Music"}, "reviewerName": "GatorFan", "reviewText": "Love Cher", "summary": "Review of Half Breed", "unixReviewTime": 1475366400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "AOGCNP6XYIRCV", "asin": "B0016O6QIE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Detail", "reviewText": "Great song! Crystal clear when playing on my thumb drive connected to my aftermarket stereo USB connection. I love music, it is my life, so I don't mind paying for a few tracks here and there to ensure clarity in the music!", "summary": "content", "unixReviewTime": 1357171200} +{"overall": 3.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A3HTWH15F39ZX1", "asin": "B005M92M1E", "reviewerName": "Gregg B.", "reviewText": "Funny", "summary": "Freddy B.", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "A1WFE97YZL349Q", "asin": "B0013G2SFK", "style": {"Format:": " MP3 Music"}, "reviewerName": "madame", "reviewText": "She left us too soon, thank goodness we have her music.", "summary": "Five Stars", "unixReviewTime": 1437782400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2013", "reviewerID": "A1VZDPPHLYZ0KB", "asin": "B0070N03OI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angie Perez", "reviewText": "The music picks for Stars on 45 are the very best. I am happy to have found this version. I have added it to my music mix.", "summary": "Great Music!", "unixReviewTime": 1365984000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "AO0F2LUS35SPA", "asin": "B00S22I09G", "style": {"Format:": " Audio CD"}, "reviewerName": "Amazom Customer", "reviewText": "Love this album !", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A22VZ4GIQN0GNZ", "asin": "B00LWC6P1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mabel", "reviewText": "What a fun great song! Well done!", "summary": "Fun for your ears and head!", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A2L4INFM2NF8US", "asin": "B00137GHF6", "style": {"Format:": " MP3 Music"}, "reviewerName": "David", "reviewText": "Excellent music at a great price. Always shop at Amazon Music to get the exact mil of tunes that I want!", "summary": "Excellent music at a great price", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A1L5C5FV7N4G02", "asin": "B000VZV9Y0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Ty", "summary": "Five Stars", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": false, "reviewTime": "08 18, 2014", "reviewerID": "A2QR9IXLMIDL5U", "asin": "B0043CODXG", "style": {"Format:": " Audio CD"}, "reviewerName": "Liberal Clown seeks safe space in a neighborhood near you!", "reviewText": "This band kicks some major ass", "summary": "Kicks ass", "unixReviewTime": 1408320000} +{"overall": 4.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A2UKF1VZLFEKM3", "asin": "B00EE96CFU", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Durocher", "reviewText": "Free", "summary": "Four Stars", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "AEVH2LE98Y63J", "asin": "B016RM03YC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sherry", "reviewText": "My daughter quickly fell in love with this excellent inspirational song! My daughter is in middle school.", "summary": "LOVE IT, beautiful inspirational song, high quality MP3 from Amazon as usual!. Easy to transfer to PC desktop and your devices!", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A167IVEYZYP7T0", "asin": "B00137GB0M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angie B", "reviewText": "great song for our photo memorial for my dear friend", "summary": "Five Stars", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1KTSEE65DOQF8", "asin": "B00158SHD8", "style": {"Format:": " Audio CD"}, "reviewerName": "Paul Micheal", "reviewText": "beautifully composed", "summary": "Five Stars", "unixReviewTime": 1469923200} +{"overall": 3.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A1134PBU6YZ6T2", "asin": "B00137RFPC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lynn", "reviewText": "Bought for a friend", "summary": "Three Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A1LEOCJPSOKYQT", "asin": "B00LWC6P1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "samone", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1449619200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A18XU3HSZ5YLQ9", "asin": "B006Q77W8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "elizabeth coyle", "reviewText": "i love this song and couldn't stop playing it when it first came out i deff recommend it u will love it", "summary": "awesome song", "unixReviewTime": 1354838400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A19ZKO7I1RKY2Q", "asin": "B0011Z0W3S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Frederick Chase", "reviewText": "Time travelin' feel good music!", "summary": "Five Stars", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2012", "reviewerID": "A6ZFPIS8MDMFG", "asin": "B00137YJ38", "style": {"Format:": " MP3 Music"}, "reviewerName": "divinedreamer", "reviewText": "I consider Abraham and Moses, both called friends of God. And as I listen to the lyrics of this song, I am invited to examine my relationship with God. Oh Lord I hope and pray that you call me friend.", "summary": "a song for examination", "unixReviewTime": 1344124800} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A2I9HQB5LYLQMZ", "asin": "B0181O8VO8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ricky", "reviewText": "Good album, Thanks!", "summary": "Five Stars", "unixReviewTime": 1475539200} +{"overall": 5.0, "verified": false, "reviewTime": "06 12, 2018", "reviewerID": "A2FMPWCAQSQJ2E", "asin": "B014XRRHN8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Fitgirl6096", "reviewText": "MGK is an amazing artist. He can hold his own even at a Rock and Metal festival. He puts his heart and soul into his music and it shows with this record. Love it! Keep it coming MGK!", "summary": "MGK rocks!", "unixReviewTime": 1528761600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "ASRI9RMATQEH6", "asin": "B00SQ0H6U8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Wonderful sounds. Relaxation. Love it !", "summary": "Five Stars", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A13ZE9XWRQPPYC", "asin": "B000TRVDNC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Desiree'", "reviewText": "Great music.", "summary": "Review:", "unixReviewTime": 1436745600} +{"overall": 3.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1RRX5XG4ZPUZ1", "asin": "B00FR0MC1I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Niki", "reviewText": "its free", "summary": "Three Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "A1DEZRF2VB6OGA", "asin": "B00122KLMW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Already knew about it, so what more is there to say? Love him, and love the song. I urge anyone to add it to their collection.", "summary": "Always loved this Song", "unixReviewTime": 1357084800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A1RSVRAU9WGD8G", "asin": "B017OHGGRC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1474329600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2018", "reviewerID": "A2JPVQJFL6Y0D", "asin": "B0021QDXIW", "style": {"Format:": " MP3 Music"}, "reviewerName": "James R. Cena", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1515110400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "AXMY9GFLR6U8H", "asin": "B015L1ZBY2", "style": {"Format:": " MP3 Music"}, "reviewerName": "SnapA", "reviewText": "I don't buy music that I don't love.", "summary": "I don't buy music that I don't love.", "unixReviewTime": 1448064000} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A1ZJWJWVR4M7EG", "asin": "B000TDSPN2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cherokee Lady J. H. M.", "reviewText": "This was a Strange Group But yet I did like this song.", "summary": "Four Stars", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "AA1WS0IDYCBYK", "asin": "B0043ZFAIA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa C.", "reviewText": ":)", "summary": "Five Stars", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A1H5J0QXN86CU2", "asin": "B00137KI1A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gala", "reviewText": "Mark Anthony has tremendous talent, and his songs are incredibly beautiful and spiritual. When I hear this song, I feel younger - brings me back to the time when I heard this piece first time.", "summary": "Mark Anthony", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A2DY7N9SKROB5I", "asin": "B00136LQQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "nelson", "reviewText": "oldie goodie", "summary": "Five Stars", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "AR8O7SVSEUI9Z", "asin": "B001A7FDT0", "style": {"Format:": " MP3 Music"}, "reviewerName": "lagirl", "reviewText": "Great old school song", "summary": "Five Stars", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A1AJLUUSIFSTTP", "asin": "B00GLP4H7K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Melinda Geasler", "reviewText": "My kids love this movie and loved the soundtrack.", "summary": "Five Stars", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A252UVOWRR2KPW", "asin": "B002UXI3JA", "style": {"Format:": " MP3 Music"}, "reviewerName": "John E. Gabor", "reviewText": "Natalie Merchant's voice. I'd say she's one of the singers I would actually give the title of diva, along with Carly Simon, Sarah McLachlan, and Annie Lennox. The diva title is given to singers way too easy these days is what I'm saying. This is one of Natalie's best songs...", "summary": "I love...", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A2CSBLBWR8BG6E", "asin": "B001NZE4SU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andrea Stewart", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "AAC67P4KTM968", "asin": "B00GLP4JP0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Montgomereez", "reviewText": "This song is so popular right now! My two young ones love to run around singing this one all day long, and when others hear it, they start singing it, too. What a powerful and wonderful voice!", "summary": "Wow!", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "A3D6JBF59PAZRW", "asin": "B000S51XMQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "june", "reviewText": "I have loved this song for a long time and had no idea that it was Chris Tomlin. Great singer/songwriter", "summary": "Chris Tomlin is great!", "unixReviewTime": 1367625600} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A6NE172YDSU5Q", "asin": "B001NSGUWA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wilfred T. Guerin", "reviewText": "As advertised..", "summary": "Five Stars", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A26R6G1Y373FWQ", "asin": "B00R4PKGYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "G. Monk", "reviewText": "Love this song, make me feel great.", "summary": "Five Stars", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A1X4BC98BZVWG6", "asin": "B00137MKC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "me", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1483488000} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A3RMZPK9F8EV1M", "asin": "B000W1W96K", "style": {"Format:": " Audio CD"}, "reviewerName": "DjCrazzyman", "reviewText": "void", "summary": "Four Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A3GS4092ELSQ4W", "asin": "B000V68VCM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Trish M", "reviewText": "This is the song that made me fall in love with Stevie Wonder! To me, his best!!", "summary": "Can't go wrong with \"Overjoyed\"!", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A2Y4QMRYZ5J208", "asin": "B002O1RJO8", "style": {"Format:": " MP3 Music"}, "reviewerName": "bkeaAZ247!", "reviewText": "Loving Muse They are awesome.", "summary": "Great band", "unixReviewTime": 1433462400} +{"overall": 1.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A3DG93E8TXMKZF", "asin": "B001KOWH0G", "style": {"Format:": " MP3 Music"}, "reviewerName": "JohnAroundTheCornerReviews", "reviewText": "This is NOT a piece of music.\n\nIt is only used for tuning up an orchestra or instrument.\n\nUnless you want to tune your musical instrument, DO NOT DOWNLOAD.\n\nAll this is is a single tone, DO NOT DOWNLOAD.", "summary": "All this is is a single tone, DO NOT DOWNLOAD.", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A2J096HDALTSMA", "asin": "B000T1A1YU", "style": {"Format:": " MP3 Music"}, "reviewerName": "DMDean", "reviewText": "It is the original from Roxette. Recommend for anyone that wants a classic 80s hit that is fun and brings a great sound to any set of speakers.", "summary": "She's got the look", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2018", "reviewerID": "A34CZSRQZHZ6AF", "asin": "B0018PZAWE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1525651200} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2012", "reviewerID": "A2BSYR3R6JNN0E", "asin": "B00122B34C", "style": {"Format:": " MP3 Music"}, "reviewerName": "tunesmoker", "reviewText": "The lyrics to this song are superb, and they are more than matched by the music. Its slow, mysterious tempo makes you fall in love with her.", "summary": "I can't afford not falling in love with you, Madonna", "unixReviewTime": 1352937600} +{"overall": 4.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A123M8XAG2N1EC", "asin": "B0013DA8R8", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. Hayes", "reviewText": "nice lift me up song", "summary": "Four Stars", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A2DFVKQS2TJCTP", "asin": "B005T18DOK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Superman4life", "reviewText": "classic song to cherish...", "summary": "Five Stars", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "A264LJ7DXWHJQH", "asin": "B001J9L06O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dave D.", "reviewText": "xlint", "summary": "Five Stars", "unixReviewTime": 1448582400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A1MSUVQZ3KJ4O6", "asin": "B0012358GK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Johnny B", "reviewText": "Love Rob Thomas", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2018", "reviewerID": "A20UD44JQIKHIJ", "asin": "B00JTHY2YA", "style": {"Format:": " Audio CD"}, "reviewerName": "Q", "reviewText": "One of the best metal groups today. This album doesn't disappoint. If you enjoy Mastadon you will enjoy this.", "summary": "Good album...", "unixReviewTime": 1517875200} +{"overall": 5.0, "verified": false, "reviewTime": "04 14, 2013", "reviewerID": "A3KE4D2HIN75NM", "asin": "B00137GB8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Karla Bradley", "reviewText": "Love this song for the words are straight to the heart. Can enjoy it on my smartphone and my KindleFire!", "summary": "Great song and artist", "unixReviewTime": 1365897600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A1DKZIJN9AN7XD", "asin": "B00HAPUEX6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Thomas Wakefield", "reviewText": "Another great from the days of the banana chocolate double malt malted milk era. \"Hey.\"", "summary": "One of the Biggest Hits of the Time", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "A1P1OXF1OL6DTS", "asin": "B01AZG5ZN0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1505779200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "ACYB7AREWJTKM", "asin": "B00K6B66LU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Davis", "reviewText": "A truly awesome song and story.", "summary": "Awesome", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A2ABJ4XM4MJ5CD", "asin": "B014FO6M8K", "style": {"Format:": " MP3 Music"}, "reviewerName": "russ hoepfer", "reviewText": "a ok", "summary": "Five Stars", "unixReviewTime": 1468713600} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A1QSM4J5IKE4BQ", "asin": "B0011Z0XFK", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Horn", "reviewText": "Good song really like it", "summary": "Four Stars", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2014", "reviewerID": "A10KHX41ONY4U1", "asin": "B00G2IAIVK", "style": {"Format:": " MP3 Music"}, "reviewerName": "C E Matthews", "reviewText": "I bought this for y 5 year old who LOVES One Direction. She tells me that this song IS AWESOME! So, there you have it. I don't mind it either. She likes all of the One Direction songs and I would rather her go this way than Justin Beiber.... :)", "summary": "My kids love One Direction!!", "unixReviewTime": 1390694400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A12EGIBE31CTRF", "asin": "B00137T9A6", "style": {"Format:": " MP3 Music"}, "reviewerName": "denease matchett", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1411171200} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A1IQTY6MQP0WR1", "asin": "B002XMJ7IO", "style": {"Format:": " MP3 Music"}, "reviewerName": "em", "reviewText": "song", "summary": "Four Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A5FVH10JBPVAH", "asin": "B00PN14AKC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chap", "reviewText": "The guys in our chapel services at the jail love this music. He's got a great voice and his music ministers to the soul.", "summary": "This guy is great!", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A2LDEDOQZH3VTP", "asin": "B00137O9J2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andy", "reviewText": "Great Song", "summary": "Five Stars", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2012", "reviewerID": "A2H6M74DHZ8BIP", "asin": "B00136J9YI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alucard21", "reviewText": "Another great song from Three Days Grace, and one of their best. This song really speaks for people who actually care about each other even though they fight and curse each other all the time. I see this song great for sibling rivalry analysis.", "summary": "For people who fight/hate each other, but actually care.", "unixReviewTime": 1351987200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A2U35PNT7LGIHR", "asin": "B00T6H4DYC", "reviewerName": "DSMITH", "reviewText": "cool", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 4.0, "verified": true, "reviewTime": "02 12, 2013", "reviewerID": "A3923W0OJNGUHN", "asin": "B000W1WRAS", "style": {"Format:": " MP3 Music"}, "reviewerName": "RALPH MANN", "reviewText": "I liked the other versions, and had to get this one also. I wanted to get a bunch of the same some. But done in different\nways. This was one.", "summary": "Wanted the song", "unixReviewTime": 1360627200} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2013", "reviewerID": "A260QLS8Z33KCQ", "asin": "B0032PI4K8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bun", "reviewText": "Being over 60, I remember so many of these musical groups and I enjoy adding them to my IPod. Great song", "summary": "Golden Oldie", "unixReviewTime": 1362182400} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2013", "reviewerID": "AUYT4LZ8HNBXC", "asin": "B00137QRAQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kenny B", "reviewText": "Brotha's is a song that helps clarify that \"tall dark and handsome\" mood. It helps lift up the Black Mans image of himself and they need that.", "summary": "Brotha's is real.", "unixReviewTime": 1371513600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2013", "reviewerID": "AS80QORCQRPN5", "asin": "B00CRMX53S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Enigma", "reviewText": "Great song for a great price\na must have for music buffs!\nGreat sound for the mp3 cannot be beat", "summary": "Love this hit of the summer 2013", "unixReviewTime": 1376352000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A28AJ511MTC11F", "asin": "B00O3V8U90", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jewell", "reviewText": "Great song", "summary": "Great song", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2013", "reviewerID": "A1R8VKMP29VO4R", "asin": "B002WQ0TN8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mr.Bill", "reviewText": "I can only say I bought this one song, and love it, so does my wife.\n\nNow to get the album.", "summary": "Love this song", "unixReviewTime": 1357344000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "ADTJABF10OHHC", "asin": "B000TDYPBS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Levine Fan", "reviewText": "Frank Sinatra was an amazing performer and I will always love his music!", "summary": "Sinatra", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A8CVI82KIIW99", "asin": "B000V638BQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "G", "reviewText": "Music sounds good and quality is perfect!", "summary": "Good Buy", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A14024NE0FPVFJ", "asin": "B000W174S8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert Casey", "reviewText": "Great Product, Excellent seller.", "summary": "Five Stars", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "AN0DDBQW1I5A3", "asin": "B0011Z5KBC", "style": {"Format:": " MP3 Music"}, "reviewerName": "marky01", "reviewText": "Great song.", "summary": "Nice Clapton hit song.", "unixReviewTime": 1449014400} +{"reviewerID": "A1RTW9J0D7QMRJ", "asin": "B001GH1ZQE", "reviewerName": "BulldogDan", "verified": true, "reviewText": "Amy left us too soon. It seems so many of the great ones lead a lonely and tragic life....like Janis, Jimi and Jim Morrison before her. Her music transcends all genres. It's pure genius.", "overall": 5.0, "reviewTime": "03 14, 2018", "summary": "It seems so many of the great ones lead a lonely and tragic life", "unixReviewTime": 1520985600} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "AV943DFXW1724", "asin": "B00480DMJ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lory", "reviewText": "Love that song. She has a great voice.", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A3G6QZJBB466TC", "asin": "B0011W5T52", "style": {"Format:": " MP3 Music"}, "reviewerName": "tundrakid", "reviewText": "Was a download- worked well, even though some of my songs have something\nwrong with them as in they don't finish playing, which drives me nuts.", "summary": "Was a download- worked well, even though some of ...", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A10AJ9LBWE2ZZR", "asin": "B01B73WO3Y", "style": {"Format:": " Vinyl"}, "reviewerName": "Timothy C. Flood", "reviewText": "Great album. You're missing out if you don't listen to it regularly.", "summary": "Excellent work by an excllent artist!", "unixReviewTime": 1464220800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A3HUD6U7RWX8E8", "asin": "B01FT5U3OI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kevin Ross", "reviewText": "I love this album.", "summary": "Five Stars", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A2FJJ02KXUGVFO", "asin": "B0170K9UTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Addict", "reviewText": "I love Adele as an artist, her distinguished voice and how she is able to use it to bring every lyric to life so that you can actually feel what she is singing is just amazing. I love, love, love, this song and have enjoyed listening to it just as I do with all of her music!!!", "summary": "Just awesome! Adele does it again.", "unixReviewTime": 1449446400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A13MGCVPCAB8ZO", "asin": "B013SZK968", "style": {"Format:": " MP3 Music"}, "reviewerName": "Healthy living", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"overall": 3.0, "verified": true, "reviewTime": "05 7, 2013", "reviewerID": "ACQT14ZN20YQY", "asin": "B005IKZ2W8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bobby D.", "reviewText": "I like this song, it is worth buying and spending the money on. Instrumentals and the vocals are great. Good lyrics. (wife)", "summary": "I don't care for it but the wife loves it", "unixReviewTime": 1367884800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "A2CU8WP92BF1AD", "asin": "B004UOECW4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Todd M. Losey", "reviewText": "Great great song, if you like the artist you will love love this song, one of there best songs ever.", "summary": "Graat", "unixReviewTime": 1389139200} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2013", "reviewerID": "A22NJUJ257QS0J", "asin": "B00B637896", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kent Tompkins", "reviewText": "I like this song can't shake you is really good song to have. This song is a really good song.", "summary": "Good Song!", "unixReviewTime": 1373155200} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "AARHFHP17QFNG", "asin": "B005I6I0DA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Music Lover", "reviewText": "Great song on a sunny day! I love the lyrics and he has a good voice. I like to blast it on the highway when I am feeling happy.", "summary": "Great Upbeat Song", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A2HIQA1RBR1GTP", "asin": "B0012EJGRG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael E.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A38H4ESE7TPRB", "asin": "B004LETD8G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nancy", "reviewText": "I downloaded this song because my husband likes it.\nHe has dedicated it to me because that's how he feels\nabout me. I would recommend this song.\nIt's a nice love song, with a soft rock theme\nand not a tear jerker at the same time", "summary": "Every Woman in The World", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": false, "reviewTime": "01 5, 2016", "reviewerID": "AXVPKMCUEIZUQ", "asin": "B003RRFVYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Catmando", "reviewText": "Thanks just what I was looking for.", "summary": "Thanks just what I was looking for.", "unixReviewTime": 1451952000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A3VB6O2AQ1CXNH", "asin": "B000VWS0FY", "style": {"Format:": " MP3 Music"}, "reviewerName": "suburbanloki", "reviewText": "Kurt Cobain does this old blues song justice. Not one to miss.", "summary": "nirvana like you have maybe never heard it.", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2017", "reviewerID": "A26EEB706LXTJY", "asin": "B000SZIVVM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tammy A.", "reviewText": "Great, happy.", "summary": "Great, happy.", "unixReviewTime": 1509408000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A2SP7WD6OEYG5M", "asin": "B00137KRYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christine", "reviewText": "awesome!!!!!", "summary": "Five Stars", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A1LOA4KCVVK6QG", "asin": "B00BKEMP62", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Shiver", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A260QDPOB2XKHP", "asin": "B00MIUBYYQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "jennifer", "reviewText": "Recommend to anyone", "summary": "anyone", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A1S52QAGI5WT51", "asin": "B004XNE2X6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shayna Jones", "reviewText": "Loved!", "summary": "Five Stars", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A1UHVZD5ZC29E0", "asin": "B01F49DZEO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "This song makes me inexplicably happy.", "summary": "Five Stars", "unixReviewTime": 1479600000} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A1LBZF8G8DD9YF", "asin": "B00137OD84", "style": {"Format:": " MP3 Music"}, "reviewerName": "JoieB", "reviewText": "Good song, clear track.", "summary": "Four Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A3LOXO7WG8AXRW", "asin": "B004NYNGTQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "customer", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A1UIMVL82IHCDS", "asin": "B009D9L77Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "jlm", "reviewText": "I gave it 5 stars. The song has all the qualities I look for in a song when I run. It has a fantastic beat as do the other songs I have from this singer.", "summary": "Phenomenal", "unixReviewTime": 1368144000} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A3VYAQT6XLWZWU", "asin": "B000VHP1BU", "reviewerName": "Seffnerman", "reviewText": "It's OK", "summary": "Digital music hound", "unixReviewTime": 1506816000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2013", "reviewerID": "A2EAQRKG2C652V", "asin": "B001BW6ID4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff S", "reviewText": "Lifehouse have unique ways of making their music. When you hear this song you KNOW it's Lifehouse. I have most all songs by Lifehouse and look forward to anything new by them. This is a different version of this song by them, but it's great.", "summary": "lifehouse are great song writers.", "unixReviewTime": 1365206400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A38K5A38JROTJD", "asin": "B00122T5SI", "style": {"Format:": " MP3 Music"}, "reviewerName": "A Reader is...Is a Reader does..", "reviewText": "I love Chaka Khan and this was an awesome song by her I play this jam everyday I love her music.", "summary": "Music Lover and big fan", "unixReviewTime": 1408406400} +{"overall": 1.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A5UVADHADDI62", "asin": "B00MS42KMM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brandy", "reviewText": "I didn't mean to buy this song I don't like it", "summary": "Sad", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A14WNGN6PAF2LN", "asin": "B00R4PKGYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alma J Scott", "reviewText": "This song is so so SEXY. It makes me feel sexy all over. I just love this...", "summary": "I just love this.", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2013", "reviewerID": "A16B9B96UEJY3", "asin": "B0060YHIT6", "reviewerName": "Letina Renne Kelly", "reviewText": "I am enjoying this song greatly. It is a wonderful life lesson song for all humanity; young and old. This band has a cool sound and I will buy more of their songs.", "summary": "Great!", "unixReviewTime": 1379894400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A3F6KOXFEYZO0C", "asin": "B006G21U8M", "style": {"Format:": " MP3 Music"}, "reviewerName": "HALLIE FOARD", "reviewText": "Great soul song!", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2013", "reviewerID": "A14T3IEJX18CNZ", "asin": "B00B5Q7M90", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dale K", "reviewText": "Music is subjective, I love this song, others might not. I just put this in here since I can't rate it without a review.", "summary": "Standard Music Review", "unixReviewTime": 1367193600} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A22NZMC61DR253", "asin": "B009VQ1B16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I buy songs I like and I love most the ones I get!", "summary": "Five Stars", "unixReviewTime": 1463961600} +{"overall": 1.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A206NGCA03DXVO", "asin": "B006VRG3K2", "style": {"Format:": " MP3 Music"}, "reviewerName": "mrs.", "reviewText": "did not play on my kindle", "summary": "try again", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "AYMEISX4F7VOP", "asin": "B000TE0PVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "wendy", "reviewText": "I like this music very much and it was easy to download. I am still listening to it. great music", "summary": "grrat", "unixReviewTime": 1360108800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A21S4UPW9NW99D", "asin": "B00JL6C7L4", "style": {"Format:": " MP3 Music"}, "reviewerName": "JM", "reviewText": "Wonderful! I have become a fan of Audiomachine over the past year and I have collected every album they have put out. Their music serves as wondrous inspiration for me.", "summary": "Wonderful! I have become a fan of Audiomachine over ...", "unixReviewTime": 1405296000} +{"overall": 3.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A3I27RSPOGWCXA", "asin": "B00QYCHX3U", "style": {"Format:": " MP3 Music"}, "reviewerName": "chillsusa", "reviewText": "Decent", "summary": "Three Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2012", "reviewerID": "AVJZNPBQYC4PL", "asin": "B002XSP1A6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alice", "reviewText": "I had heard this song by the rolling stones many years ago, and it was just a song. Susan Boyle turned it into a love song, a ballad. Her voice took it to the top where the song belonged.", "summary": "An old song a NEW VOICE", "unixReviewTime": 1356912000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "A1V00FL1S9N229", "asin": "B00137TSBG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dee Durbin", "reviewText": "Great to listen to and good sounds and music. Sounds come through very well, even on mps player and smartphone.", "summary": "Excellent Classic", "unixReviewTime": 1387843200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A1JG5CUW19D45", "asin": "B00136J7RC", "style": {"Format:": " MP3 Music"}, "reviewerName": "make your election sure", "reviewText": "enjoy the testamony", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A1TUBQUT3J81Q3", "asin": "B00FAEQ22G", "style": {"Format:": " MP3 Music"}, "reviewerName": "lisaLara", "reviewText": "good music", "summary": "Four Stars", "unixReviewTime": 1421971200} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2017", "reviewerID": "A2GNZBWEYRJJO1", "asin": "B0061RAXEY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dianne", "reviewText": "GOOD SONG", "summary": "Four Stars", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2013", "reviewerID": "A1EM70V2QHYO82", "asin": "B0011Z4Y6E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrs H.", "reviewText": "I love this song! It's lovely and he has such an amazing voice it's wonderful to listen to. I like this song best on the cd.", "summary": "love", "unixReviewTime": 1376438400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A2DY7N9SKROB5I", "asin": "B000V6PAHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "nelson", "reviewText": "good classic reggae", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"reviewerID": "A19TS53L7W571Z", "asin": "B00123M8ZY", "reviewerName": "JOE PEARSON", "verified": false, "reviewText": "In my humble opinion one of the best love songs ever! Just try listening to it without it making you close your eyes and bringing to mind someone you love!", "overall": 5.0, "reviewTime": "10 7, 2015", "summary": "One of the best love songs ever!", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "AXOZKBFOB1PHZ", "asin": "B005RAQUI4", "style": {"Format:": " MP3 Music"}, "reviewerName": "robert aguilar", "reviewText": "Not familiar with the artist until his music was used in a beer commercial. Ever since then I have become a fan. Truly enjoyable song and album.", "summary": "Not familiar with the artist until his music was used ...", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A292ZFVKSR1QY6", "asin": "B00U0YCVCG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donna L", "reviewText": "Love this song!", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2017", "reviewerID": "A25L5ZKTSXRYWY", "asin": "B002GKKBH4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lynne OConnor", "reviewText": "Classic, but unbeknownst to me, selected for my dance with my son at his wedding.", "summary": "Yes, do it", "unixReviewTime": 1507075200} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A6EPUTCKQ5IDV", "asin": "B000V62ZOC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "A Stevie Wonder classic.", "summary": "Five Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A2BCQG3L5JE814", "asin": "B00BZOI8OA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sherrie N Williams", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "AT7BAYCP65QYL", "asin": "B009L5EOCU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bethany Palmer", "reviewText": "Watching my little girl dance to this song makes me very uncomfortable, but she loves it.", "summary": "Four Stars", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A20B9T7LR97AEW", "asin": "B000V6LVTC", "style": {"Format:": " MP3 Music"}, "reviewerName": "KATCARVING", "reviewText": "these songs brought back memories for me i enjoyed listening to them , play them just for romance to come back once in a while for husband , the song sounded great the download was fast", "summary": "these songs brought back memories for me i enjoyed listening to them", "unixReviewTime": 1412035200} +{"overall": 1.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A12C0V1WFJG3HB", "asin": "B00149F6R8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alex S.", "reviewText": "This song sucks.", "summary": "One Star", "unixReviewTime": 1457740800} +{"overall": 4.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2BFN2BINFJLDV", "asin": "B001J2DEDI", "style": {"Format:": " MP3 Music"}, "reviewerName": "David R.", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A35RU1WNV77SBJ", "asin": "B001FIYL88", "style": {"Format:": " MP3 Music"}, "reviewerName": "ks of Florida", "reviewText": "Great music!", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2009", "reviewerID": "ALK88KXNK17GL", "asin": "B00137G8FK", "reviewerName": "Fox61", "reviewText": "This song has been out for a while but still seems new every time I hear it. I have it saved to all of my collection folders . . . smart phone, etc.", "summary": "Very Inspriational!", "unixReviewTime": 1253836800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A5UNQFT0JQ8B", "asin": "B00137VCQK", "style": {"Format:": " MP3 Music"}, "reviewerName": "merrill cone", "reviewText": "GOD will forgive your sins as far as the east is from the west, because there is no end in ether direction. awesome!!!", "summary": "awesome!!", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A6USLAOLCHZRJ", "asin": "B00CD86RZY", "reviewerName": "Leslie Wells jr.", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A30QGCSBD37MFR", "asin": "B009Y4FXT6", "style": {"Format:": " MP3 Music"}, "reviewerName": "loretta l strickland", "reviewText": "good music", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A3ANUL5PKMNNQG", "asin": "B000V66UV6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark58tx", "reviewText": "Enjoying the music.", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2017", "reviewerID": "A18IZJWX057AZ1", "asin": "B00137INHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heartland Texas", "reviewText": "So amazing.", "summary": "Beautiful", "unixReviewTime": 1485216000} +{"reviewerID": "A1P097GD6WMEBI", "asin": "B000W20G6Y", "reviewerName": "Classy Lady", "verified": true, "reviewText": "Vince Gil delivers a wonderful message of hope. We have all lived through difficult times, but the love and support we give to others is one way to show our love for them and to never give up on them.", "overall": 5.0, "reviewTime": "08 18, 2013", "summary": "Powerful romantice message", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": false, "reviewTime": "04 27, 2016", "reviewerID": "AP3ESH7BJM3DE", "asin": "B01B8I3RVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michelle P", "reviewText": "like it, good beat. nice to have something new", "summary": "needed me", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2017", "reviewerID": "A2BR1XLK1TF7GB", "asin": "B00136RSBE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wayne W. Laursen", "reviewText": "A great George Jones song.", "summary": "Good Cut", "unixReviewTime": 1493424000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "AX0SU4B0UV35F", "asin": "B00JLJ185C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rob", "reviewText": "This song is all over the radio and every tv awards show, but I'm still not tired of it.", "summary": "Hope to hear much more from this artist", "unixReviewTime": 1428796800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A86WP180LOBGH", "asin": "B00N468SWO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Happy Shopper", "reviewText": "Love this song...one of Jason Aldean ' s BEST yrt!", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "AZGFIBEPXL8VT", "asin": "B00137XHN6", "style": {"Format:": " MP3 Music"}, "reviewerName": "PJB", "reviewText": "SATISFIED", "summary": "Five Stars", "unixReviewTime": 1407715200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A28HFME4Q16M4X", "asin": "B00UO4UIDQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "JC", "reviewText": "Good product for the price.", "summary": "Five Stars", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2013", "reviewerID": "A3RFPA4HRHWNIP", "asin": "B0011ZYPWM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Malinda McLean", "reviewText": "This song is giving me a direction for the destiny that God has shown for my Purpose. Only God given!", "summary": "Destined for Purpose!", "unixReviewTime": 1375142400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A2U9TMU40ZJWBL", "asin": "B000V62YY8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eric Yu", "reviewText": "Good song", "summary": "I've the song", "unixReviewTime": 1446508800} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2018", "reviewerID": "A7B5Q809F60SR", "asin": "B00A03V4QG", "style": {"Format:": " MP3 Music"}, "reviewerName": "ste tall", "reviewText": "great", "summary": "Four Stars", "unixReviewTime": 1525132800} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2012", "reviewerID": "A34X60MWUOM9PV", "asin": "B00137GB8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "this is a very beautiful song I am very happy with my purchase!!! Carrie Underwood has a great voice!! I'll be buying more music from her!!!", "summary": "i love this song!!!", "unixReviewTime": 1352419200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A2WHAMNZD94N6A", "asin": "B000W022JA", "style": {"Format:": " MP3 Music"}, "reviewerName": "danny dawson", "reviewText": "i had a time when i heard the lyrics about service in the military during the vietnam war.i know i was just a kid but i was really just thinking about the men and women that had their lives on the lines for our country.", "summary": "i had a time when i heard the lyrics about ...", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "A3MBW331646MQF", "asin": "B001UQLTAI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christine koenemann", "reviewText": "It's springtime and he's dying. I should be sad but his wobbly voice and naive, touching lyrics make me smile.", "summary": "candy sweet pop", "unixReviewTime": 1387670400} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A1ZNFM8AK7ESQJ", "asin": "B00BP39SW2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Miss FeB.", "reviewText": "I really enjoyed the song. I love the free music in the Amazon music store. I love music and this is a great way to discover new music.", "summary": "new music", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "AMH10EYZRBFIC", "asin": "B001OG7OI0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Good, quality materials.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A8IKFKEPYA091", "asin": "B00X6AFW18", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laurel", "reviewText": "good song", "summary": "i like this song", "unixReviewTime": 1441497600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "A1DGO6LXN4F9W3", "asin": "B014FO6H5S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dee P.", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2017", "reviewerID": "AXT1UGBASVGYN", "asin": "B000SX8114", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rachel Smith", "reviewText": "Recently discovered Veronica Mars. This song has really grown on me.", "summary": "Five Stars", "unixReviewTime": 1512777600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "A36WX4VODRHEW2", "asin": "B000W06VFQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "CLACK", "reviewText": "The harmony on this song is fantastic. Don is a country crooner with a very mellow easy listening style, this song has always been one of my favorites", "summary": "Don Williams CLASSIC", "unixReviewTime": 1358726400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "A2TTBO023PYYBA", "asin": "B0043Z809Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brandy", "reviewText": "Great Song.", "summary": "Five Stars", "unixReviewTime": 1478995200} +{"overall": 3.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A2NYF01YHZTDPF", "asin": "B002HP8EKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "cooldirt", "reviewText": "Don't think I ordered this.", "summary": "Three Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": false, "reviewTime": "11 24, 2012", "reviewerID": "AZYPOLLSDVG4K", "asin": "B00OVKKUW8", "style": {"Format:": " MP3 Music"}, "reviewerName": "keo", "reviewText": "I can't wait to hike this summer listening to this song. I really enjoy just belting it out whenever I listen to it.", "summary": "Love the song", "unixReviewTime": 1353715200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A2JA8O5HP8LWI2", "asin": "B001736FSU", "style": {"Format:": " MP3 Music"}, "reviewerName": "M. Marks", "reviewText": "This was the first song my wife and I danced to at our wedding reception. The style of the song fits the content: it is not afraid to be different.", "summary": "A beautiful song", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A31RKOWXBYYI7S", "asin": "B000SX85CE", "style": {"Format:": " MP3 Music"}, "reviewerName": "TN Soccer Ref", "reviewText": "I loved it.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A3ILDSCEJJWS9I", "asin": "B0013F470A", "style": {"Format:": " MP3 Music"}, "reviewerName": "odaque", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2018", "reviewerID": "A2LX6L7GTQ87MU", "asin": "B00136NQY2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joy Cline", "reviewText": "a", "summary": "Five Stars", "unixReviewTime": 1526860800} +{"overall": 4.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A38B3TPA6OFT9T", "asin": "B004DH2F8Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Reddick123", "reviewText": "Love this song", "summary": "Four Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2LITQGCLXMZ7L", "asin": "B000VBBY6C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ashley", "reviewText": "good song.", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "A3GYWZE27QBMY7", "asin": "B00EOKQBHS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeffrey N. Giampetro", "reviewText": "Another very good album from Miss Perry defiantly, buy!!! She awesome you know her inspiration music remind that GOD BLESS America and Miss Perry !!!!", "summary": "it awesome", "unixReviewTime": 1389225600} +{"overall": 3.0, "verified": true, "reviewTime": "05 5, 2014", "reviewerID": "A2AC60JE8QH8UZ", "asin": "B00HFWYEQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "MJones", "reviewText": "I initially heard this song while traveling back from Paris, France. I thought it was so hot. However, I was disappointed after hearing it a few times because it does not include enough of Beyonc's voice in my opinion. However, it is okay and I am still a big fan.", "summary": "Beyone-Mine", "unixReviewTime": 1399248000} +{"overall": 3.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A5UVADHADDI62", "asin": "B00JC8DVKM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brandy", "reviewText": "Catchy", "summary": "Three Stars", "unixReviewTime": 1414886400} +{"overall": 4.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A3780EI0IFPD9B", "asin": "B000ZU95CY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shelly J.", "reviewText": "Bring back good memories of the old days.", "summary": "Four Stars", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A2Z2KTTGIPWVXO", "asin": "B0011Z4YB4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wklein", "reviewText": "AH MEMORIES", "summary": "PRINCE", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A12V3ULISM3YZY", "asin": "B00137G8MS", "style": {"Format:": " MP3 Music"}, "reviewerName": "brian", "reviewText": "fun. fun. fun", "summary": "Five Stars", "unixReviewTime": 1433980800} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A154G4OD9636NE", "asin": "B004L179G2", "style": {"Format:": " MP3 Music"}, "reviewerName": "geckomom", "reviewText": "This song (freebie!) is great for pop, rock, and heavy metal fans, with aspects to please even the pickiest music snobs (no offense!). Many different genres to please anyone!", "summary": "Great for hard rock fans!", "unixReviewTime": 1376956800} +{"overall": 4.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A2UWW752SV4PIV", "asin": "B00KWGRS6G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bradley A. Anderson", "reviewText": "good song", "summary": "Four Stars", "unixReviewTime": 1431475200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A2MZPDKJIDFX4G", "asin": "B0011Z4WT8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Loved it", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "01 15, 2013", "reviewerID": "A1DCWKOJKYS0M", "asin": "B00137VDBY", "style": {"Format:": " MP3 Music"}, "reviewerName": "KAT DEELEY", "reviewText": "ain't no party like an old school party cause an old school party don't stop....this is a way back JAM", "summary": "wildflower", "unixReviewTime": 1358208000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A20O89YXB85DD9", "asin": "B002XSXZPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ksbuck", "reviewText": "Great Music! Love It!", "summary": "Great Music! Love It!", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A1CE0UVWM31WEC", "asin": "B00ERMICY8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bill H.", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A27M4E351NXQEQ", "asin": "B001NCKZOU", "style": {"Format:": " MP3 Music"}, "reviewerName": "griggs", "reviewText": "I needed this classic on my phone. I am not a Patti Labelle fan per se but love this love song. I have always loved Michael McDonald's voice.", "summary": "I am not a Patti Labelle fan per se but love this love song", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A21NHREW1FD12X", "asin": "B001N9EGES", "style": {"Format:": " MP3 Music"}, "reviewerName": "Portia Oakley", "reviewText": "The song is great to exercise to. Love it and love the quick download process.", "summary": "Five Stars", "unixReviewTime": 1477526400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A30A8SQ40LP4J9", "asin": "B0012EJH16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brian Rousseve", "reviewText": "Wonderful song from my youth (5th grade, to be exact, Fall 1969!!!). Haunting, melancholy yet beautiful ... Great song by John Denver, terrific interpretation by Peter, Paul and Mary; they really hit this one out of the park.", "summary": "Still terrific 45 years later.", "unixReviewTime": 1419552000} +{"overall": 4.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A19TS53L7W571Z", "asin": "B00137KRYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "JOE PEARSON", "reviewText": "Smooth and mellow, it will melt you like butter!", "summary": "S&m the good kind!", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A33HHL9IUCK2C", "asin": "B00137KRYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "just as described", "summary": "Five Stars", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": false, "reviewTime": "12 18, 2015", "reviewerID": "A1GQAKL9CGQLP1", "asin": "B0170K9UTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. M. Keefer", "reviewText": "Deep, poignant, nice variety in mood reflected in song. Good match for her voice.", "summary": "Deep", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A1JHU0LBS29NYD", "asin": "B00O2RCFDC", "style": {"Format:": " MP3 Music"}, "reviewerName": "mhwitt74", "reviewText": "Totally dig her voice and love the attitude", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "ACCQS2S225D6V", "asin": "B00IYGADMW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Phil Washburn", "reviewText": "What's not to like?", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2012", "reviewerID": "A32M0IK94FKJL6", "asin": "B009IQ1J2K", "reviewerName": "John Crites", "reviewText": "Good song, so catchy get a little tired of hearing anything could happen, but I still bought it and listen to it several times a week. Keep up the good work Amazon. I buy all my MP3's from Amazon. I can play them on all my devices.", "summary": "So good", "unixReviewTime": 1351382400} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A3G6QZJBB466TC", "asin": "B000V6LVTC", "style": {"Format:": " MP3 Music"}, "reviewerName": "tundrakid", "reviewText": "download arrived in good shape, although out of all the downloads many of them do not play all the way to end.", "summary": "download arrived in good shape, although out of all the downloads many ...", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A3SDFA3LBWCSZH", "asin": "B00136LHZ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "johnny", "reviewText": "i love the older music, so much better than the new junk", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A1PQ1PESSO8CMO", "asin": "B00A0A5A0K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ginger Christmas", "reviewText": "I heard this on the radio and really loved it and did not know it was 1D until I looked it up. :) Good, fun song!", "summary": "Fun song :)", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": false, "reviewTime": "10 2, 2013", "reviewerID": "A399K205SCMN5I", "asin": "B009VLXO16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Loved listening to this great song of hers its my all time favorite song of when she recorded the song and it sounds awesome i would reccomend this to taylor swift's biggest fans who love her and her music!", "summary": "Great Taylor Swift Song", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A1H2ATYIVND5KV", "asin": "B00137KQ4E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Journey", "reviewText": "Elvis singing gospel. I just love his voice, always have, always will.", "summary": "Elvis Singing Gospel", "unixReviewTime": 1405987200} +{"overall": 4.0, "verified": false, "reviewTime": "10 7, 2014", "reviewerID": "A196AGW8T1IPF1", "asin": "B00IXZ9QP4", "style": {"Format:": " Audio CD"}, "reviewerName": "Sarah", "reviewText": "love it!", "summary": "awesome album", "unixReviewTime": 1412640000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A3B3O292TF4H9K", "asin": "B00EYKUGUG", "style": {"Format:": " MP3 Music"}, "reviewerName": "A. Fallaw", "reviewText": "love this song always has great love songs", "summary": "Five Stars", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A3DLS92WG7RIC5", "asin": "B0019GAE3W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mary Dorsey", "reviewText": "Descent like it", "summary": "Tenth ave north", "unixReviewTime": 1446076800} +{"reviewerID": "A2U6BNFKHTR2ZV", "asin": "B000WH0UKQ", "reviewerName": "NKU1115", "verified": true, "reviewText": "Good song", "overall": 5.0, "reviewTime": "03 2, 2015", "summary": "Good song", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "AGYUDKFRU6LOL", "asin": "B00IXZ9WS0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stacie Griffith", "reviewText": "The song downloaded just fine and it sounds great....", "summary": "Five Stars", "unixReviewTime": 1427500800} +{"overall": 4.0, "verified": true, "reviewTime": "03 20, 2013", "reviewerID": "A2LV1N98KXWAM9", "asin": "B00AAU0DNE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Allen G. Bagby", "reviewText": "I own three Audiomachine releases. Each release has multiple 5 star songs. I use them for imagining scenes to my up-coming book. Great stuff to listen to while brainstorming while walking or running.", "summary": "Another solid release", "unixReviewTime": 1363737600} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A1P3H3DODU5EBP", "asin": "B00N9MQ59G", "style": {"Format:": " MP3 Music"}, "reviewerName": "jabrd76", "reviewText": "Can't go wrong with Lady A, everything they do is great", "summary": "Doesn't disappoint", "unixReviewTime": 1424995200} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A39ZO89C6PS2JO", "asin": "B00JXCF3VM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lynda", "reviewText": "I like this song.", "summary": "Four Stars", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A2A16X4TM1ZBPV", "asin": "B00BWGHIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kirk H. Johnson", "reviewText": "GREAT BEAT, GREAT FOR DANCING, GREAT DRIVING SONG, IF THIS SONG DOESN'T GET YOU BODY MOVING, THEN NOTHING WILL! BUY IT!", "summary": "BLURRED LINES A SMASHING HIT", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": false, "reviewTime": "10 18, 2014", "reviewerID": "A1AMPGEFN9R9CT", "asin": "B002X07TMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "gail", "reviewText": "I hate Lady Gaga's videos usually because they kind of gross me out, but I love her songs. I like Beyonce too, so this is a nice combo.", "summary": "Hate Her Videos But Love the Artist and Her Songs", "unixReviewTime": 1413590400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A22D4L65MZIWGS", "asin": "B00136LF5O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kyle", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A1VGCRDJ252I7A", "asin": "B00137MFXY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nahrikira", "reviewText": "Bought this because of Supernatural haha.", "summary": "Five Stars", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A3BMOPZE7O8BZ2", "asin": "B00F96NJJ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "BassFighterJ", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": false, "reviewTime": "02 7, 2016", "reviewerID": "A28N7SV9HXLBS6", "asin": "B0022XNBZO", "style": {"Format:": " MP3 Music"}, "reviewerName": "MANNY808", "reviewText": "MOM LOVES IT", "summary": "Five Stars", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": false, "reviewTime": "01 12, 2013", "reviewerID": "A21B2EIWFQENOB", "asin": "B00963162I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Transient Orca", "reviewText": "Wow, I knew public enemy was \"Numba One!!!\" but this song from Chucky D and the Flave really gets it. First heard this at the movies and was like, \"Wow, nice song\". Bought it and loved it.", "summary": "Wow", "unixReviewTime": 1357948800} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A1AA6YCYJJOWEU", "asin": "B000SZZFUC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rita Miles", "reviewText": "Thank You", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A3JYX6BD7VOW25", "asin": "B00OUVU9X8", "style": {"Format:": " MP3 Music"}, "reviewerName": "John S. Bonick", "reviewText": "Awesome!", "summary": "Five Stars", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2012", "reviewerID": "A3BVT8LN62NBP0", "asin": "B009L5EOCU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shaunda", "reviewText": "This is def my favorite song of 2012! This is a great song, wasn't the biggest fan of rihanna but after hearing this song really like her!", "summary": "ONE of the BEST Songs", "unixReviewTime": 1354492800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A1KMUC7LFFUQ04", "asin": "B00JLJ11QI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mildred Clements", "reviewText": "\"Don't\" is a feel good song. The way Sheeran plays the guitar while singing this song is an added compliments his singing. Great Artist!!!", "summary": "Dont", "unixReviewTime": 1444953600} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A1Q9RFYTAE8I72", "asin": "B01H5ZYNLY", "style": {"Format:": " MP3 Music"}, "reviewerName": "skip barkoskie", "reviewText": "Quality songs. Glad i bought whole cd instead of a couple tracks.", "summary": "Glad i bought whole cd instead of a couple tracks", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "ADW8TZ1VL69II", "asin": "B00136JCOU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrmr", "reviewText": "How low can you go? His voice is haunting.", "summary": "The essential Cohen", "unixReviewTime": 1485648000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A1MYLVHG0D6BMM", "asin": "B006M6W0AY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome song!!!", "summary": "Awesome song!!!", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2017", "reviewerID": "A29SV4RG5VXPM", "asin": "B000WLIN4C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jane Golding", "reviewText": "fun, easy listening line dance song", "summary": "Five Stars", "unixReviewTime": 1513641600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A3KQI694I9KL5L", "asin": "B000SZHZIW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Marie Kitty Simpson", "reviewText": "Old school classic. Love her, her music and voice.", "summary": "Classic.", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": false, "reviewTime": "05 25, 2013", "reviewerID": "A2FPQDU2PZ1N35", "asin": "B0013L8WQO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Coco", "reviewText": "This song could be about my life. We've all made mistakes we'd like to change, but sometimes they haunt us. Hopefully we all get to a point we can move on.", "summary": "great song", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2014", "reviewerID": "A2UEL4G2AOB30K", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jennifer Kilbourn", "reviewText": "Love it I can just put it on repeat on my Ipod and go to work, keeps me upbeat and happy :)", "summary": "great song", "unixReviewTime": 1394150400} +{"overall": 5.0, "verified": false, "reviewTime": "11 28, 2011", "reviewerID": "A3W0POMI33YQXQ", "asin": "B005HJOJTM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Enlightened", "reviewText": "Texas rapper Kirko Bangz is now batting 2 for 2 with his new single Drank In My Cup. Perfect for any late night cruising or better yet strip club nights. Much like his first single What Yo Name Iz, Drank In My Cup is hypnotic and worth repeated listens.", "summary": "Kirko Bangz Jammin on 2nd Single!!", "unixReviewTime": 1322438400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A25B4JZVPOFZWT", "asin": "B00C40DLLO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Salina J.", "reviewText": "Thank you Amazon! I love making all of my music purchases with Amazon because I know that I can listen from ANYWHERE I am with Internet access. And a lot of times, it is so much cheaper than Apple. GLAD that I turned to Amazon for all of my music needs!", "summary": "I love making all of my music purchases with Amazon because ...", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A3TED3X6QRL78W", "asin": "B00N23YW2Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "sleepy", "reviewText": "Great song, very encouraging.", "summary": "Five Stars", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "AXIK44R1SBLZW", "asin": "B000V8E9K8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hattie L. Irving", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": false, "reviewTime": "01 7, 2015", "reviewerID": "A318FI609EA55I", "asin": "B00137GB8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alger J. Heaps Jr", "reviewText": "cool songs", "summary": "Five Stars", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A183ZFBRPLRHPZ", "asin": "B00137G8MS", "style": {"Format:": " MP3 Music"}, "reviewerName": "A B", "reviewText": "A true classic jam!", "summary": "Wild Cherry!", "unixReviewTime": 1417046400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A3BMOPZE7O8BZ2", "asin": "B004CTBWXO", "reviewerName": "BassFighterJ", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A15GJHFWFW9H0B", "asin": "B00JUEXDH4", "style": {"Format:": " MP3 Music"}, "reviewerName": "SureWhyNot", "reviewText": "Another great song.\n\nKaty Tiz has become my go to at the gym since she's just generally so upbeat with great song writing and a nice voice.", "summary": "Another great song. Katy Tiz has become my go to ...", "unixReviewTime": 1449619200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A265HF87T14R7U", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ann E. Winegardner", "reviewText": "Love the song.", "summary": "Five Stars", "unixReviewTime": 1420329600} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2013", "reviewerID": "A3BIMAUO4JKCRJ", "asin": "B00136LEMS", "style": {"Format:": " MP3 Music"}, "reviewerName": "dm8711", "reviewText": "Has a nice beat and is easy to dance to. I give it a rating based upon my tastes. Your mileage may differ!", "summary": "Good", "unixReviewTime": 1360454400} +{"overall": 3.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A35A50LZKY0Q3F", "asin": "B009S6HVHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alan Perry", "reviewText": "This is not a bad cd but give it a listen its nice to have something different to listen too during the Xmas season besides the same old. Tunes", "summary": "Holiday reveiw", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "A14CO0565RQIFO", "asin": "B00I3GJ298", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amber R. Loanzon", "reviewText": "This is one of those songs that you MUST play at full blast as you're buzzing down the freeway (provided there is no traffic).", "summary": "Rock On!!", "unixReviewTime": 1402444800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2013", "reviewerID": "A1HLPOB1SNPB71", "asin": "B00AU1L44K", "style": {"Format:": " MP3 Music"}, "reviewerName": "littlespender", "reviewText": "And it is certainly repeated A LOT on our Christian radio stations here! But it's always good. Talent shines through, great written song.", "summary": "Good no matter how many times it's repeated", "unixReviewTime": 1370217600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A3HOMAS5ODFCW6", "asin": "B001BIJB8C", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. West", "reviewText": "This is one of Ohio Express greatest hit songs. I have listened to this on Goofy Great and it got me hooked. Awesome song.", "summary": "Yummy Yummy Yummy", "unixReviewTime": 1523491200} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A154G4OD9636NE", "asin": "B00C5CMOGO", "style": {"Format:": " MP3 Music"}, "reviewerName": "geckomom", "reviewText": "This is a fun, pop-inspired song with a retro feel to it. Being free adds to the charm of this song, plus the new group. (Kids in LA.) A fun song to just listen and dance around to.", "summary": "Unique song", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "ADJN47U9ADUK2", "asin": "B001IXQU3O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Goron Pinache", "reviewText": "She's too cool for me, and my friend calls her provocative. I have to listen to her songs to understand what it means to be cool.", "summary": "So Lady Gaga explains the game", "unixReviewTime": 1380499200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A16QX55I5FUTP0", "asin": "B00137II3A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ronald L. Felton", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A2UWV9O6RIGFFO", "asin": "B0013L3L3S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Debbie Jacobs", "reviewText": "I just love this song! Nicol Sponberg's vocal rendition of this grace-filled song is hauntingly beautiful. Wonderful lyrics about the awesome grace of God!", "summary": "I love it!", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A20O89YXB85DD9", "asin": "B003UPM8CA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ksbuck", "reviewText": "Great Music! Love It!", "summary": "Great Music! Love It!", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2M7BT4CF6D0FT", "asin": "B000W02JV6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Buckjones", "reviewText": "Bring back memories.", "summary": "Back in time", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A3DX9VOI07ZTB5", "asin": "B00JNOL4VI", "style": {"Format:": " MP3 Music"}, "reviewerName": "D.L Murphy", "reviewText": "Old song", "summary": "Five Stars", "unixReviewTime": 1473379200} +{"overall": 2.0, "verified": true, "reviewTime": "09 23, 2013", "reviewerID": "A3K5MD1NV1T2KI", "asin": "B008E5YZ6S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hawkeye45", "reviewText": "Just a bunch of crumby muzak, and in my opinion, does not accomplish its intended purpose. I guess each individual really needs to listen to a good sample before getting this type of relaxation music.", "summary": "Eh!", "unixReviewTime": 1379894400} +{"overall": 3.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "ANS4R1I5Z7KS2", "asin": "B001226F2W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ralph D. Stewart Jr.", "reviewText": "Should of stuck with the short version - it keeps you more into the song and the band instead of just a drawn out version that has no appeal to it.", "summary": "Short version", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "ACLBV58PD94R", "asin": "B00B83SBWC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dalton Bower", "reviewText": "THIS WAS A GREAT SONG AND THE FACT THAT IT WAS FREE IS A GREAT PLUS I FREE STUFF IS GOOD", "summary": "THIS WAS A GREAT SONG AND THE FACT THAT IT WAS FREE IS A GREAT PLUS I FREE STUFF IS GOOD", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A2MENKKNGFZIP2", "asin": "B00136NTLM", "style": {"Format:": " MP3 Music"}, "reviewerName": "JimW", "reviewText": "Good to learn words for use in Karaoke.", "summary": "Five Stars", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A1TH72SDRZM291", "asin": "B004EEWFTW", "style": {"Format:": " MP3 Music"}, "reviewerName": "P. Ric'e-Daniels", "reviewText": "This is a really nice track, and I'm glad that it was available. Thank you.", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "AHYWHH5IA19UC", "asin": "B005D4SG5E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Zoe24112", "reviewText": "I love buying MP3's from Amazon! They always have great sound quality and are exactly as they are advertised. Quite inexpensive as well!!!", "summary": "Great song!", "unixReviewTime": 1359504000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A2IJUA3CQUIQRX", "asin": "B001NCKZOU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bisko", "reviewText": "a song for late at nite, when you are feeling the blues, and you just can't seem to get her (or him) out of your head.", "summary": "hollow sounds", "unixReviewTime": 1354665600} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A3OSZMNBO13W93", "asin": "B00CUR29GY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lester", "reviewText": "This guy's voice is phenomenal and fell in love with the video for this song. Playing the video over and over forced me to have to buy the track. Well made beat too!", "summary": "This Song Has A Great Video!!", "unixReviewTime": 1476144000} +{"reviewerID": "A3HLU5V8I5OTA6", "asin": "B000W20G6Y", "reviewerName": "James Carbary", "verified": true, "reviewText": "OK", "overall": 5.0, "reviewTime": "11 22, 2015", "summary": "Five Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "AHA6BYRJ515TE", "asin": "B009G3T2T2", "style": {"Format:": " MP3 Music"}, "reviewerName": "ive", "reviewText": "excellent song; message", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "A753II4ZQY6I4", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bo'sWorld", "reviewText": "HAPPINESS IS GOD GIVEN; THE BIBLE SAYS at 1 timothy 1:11 that Jehovah is the Happy God and wants all of mankind to be happy under his kingdom rule.", "summary": "HAPPINESS IS GOD GIVEN", "unixReviewTime": 1415404800} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A80L6T7LR9H1P", "asin": "B00QU1QUU2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I love how much I did not KNOW the Russians?????", "summary": "Four Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2008", "reviewerID": "A28GR3W8CKC1MO", "asin": "B000VRPETE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tony Mciver", "reviewText": "Angela Winbush was a super song writer and singer. She should have been a bigger star in her day. I guess intelligence, talent(singing, writing) and appearance is not everything.", "summary": "Great hit from a super album", "unixReviewTime": 1218585600} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A4OJWUX1MKR3B", "asin": "B00GG3OYMK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathy", "reviewText": "Good song", "summary": "Five Stars", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "AV3RNXJZ3SBZ8", "asin": "B000QP4IBG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Peter Villanueva", "reviewText": "love this song", "summary": "Five Stars", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A1SRGOS9NOOC3F", "asin": "B0017VJXEA", "style": {"Format:": " MP3 Music"}, "reviewerName": "D_Man_TX&amp;MN", "reviewText": "not many new gospel artist can combine the gospel world with a lil R&B but he did a great job on this song.", "summary": "LOVE this song", "unixReviewTime": 1390348800} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A3D0LRNCCIY6O4", "asin": "B00MR8YM4I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Larry", "reviewText": "LOVE IT", "summary": "Five Stars", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "A1CKNNV7JYA827", "asin": "B000VWMTHE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ramon Soto", "reviewText": "I like this song.", "summary": "Five Stars", "unixReviewTime": 1492128000} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A2R4FHQQHFJWML", "asin": "B000WLIN4M", "style": {"Format:": " MP3 Music"}, "reviewerName": "jamie venable", "reviewText": "Great country song - oldie but goodie", "summary": "Five Stars", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A20T52IO6W6L4F", "asin": "B00940XGHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "galaxy", "reviewText": "This group is, in my humble opinion, extraordinary. Their music in some ways is reminiscent of the old school sound of the \"Mama's and Papa's \" with a modern twist. The music and lyrics here are stupendous!!", "summary": "THIS SONG ROCKS!!", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A2UGR1T0FW89MM", "asin": "B00FX8F6VM", "style": {"Format:": " MP3 Music"}, "reviewerName": "April M.", "reviewText": "Amazon has gone and made their prime service even better by adding the new music services. All of my favorites and my childrens favorites are just a couple of clicks away. Pandora was a constant in my house, but Pandora has taken a backseat.", "summary": "Love the new Amazon Music services!!!", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "A1R28LZDK3BYGO", "asin": "B00122ML0W", "style": {"Format:": " MP3 Music"}, "reviewerName": "jeremy perkins", "reviewText": "Great song", "summary": "Great song", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2012", "reviewerID": "A28QH2NBBLYNXI", "asin": "B000TDG3A4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Commentator", "reviewText": "Definitely, this song by Cracker, is one of the most listenable and clever songs, because of the sound and lyrics!", "summary": "Low is Elite", "unixReviewTime": 1353801600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "A3IJW6L36GY6UZ", "asin": "B00AOOZ80Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "herbalrocks4us", "reviewText": "This is an awesome song with an awesome message!!! We need more music like this in the world, it would make it a much better place to live in!!!", "summary": "You Gotta Love TobyMac.....", "unixReviewTime": 1401321600} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A2C5MDK9FAQP3E", "asin": "B00O6DQJUW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Good music", "summary": "Four Stars", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "ANLYV7E27PQ91", "asin": "B0064Y5W54", "style": {"Format:": " MP3 Music"}, "reviewerName": "Markl1201", "reviewText": "I like listening to this on my new Monster Clarity with Bluetooth from my Droid Razr Maxx. I just crank it up!", "summary": "Good Song", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2014", "reviewerID": "AXCWQQ1S8D420", "asin": "B0013CPLCQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "smartmom", "reviewText": "Awesome! Just what I needed to hear. It is the perfect way to begin and end the day. I love it!", "summary": "Just what I needed to hear.", "unixReviewTime": 1390608000} +{"overall": 4.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A337I8DL86YPKA", "asin": "B001NCKTRS", "style": {"Format:": " MP3 Music"}, "reviewerName": "jakob", "reviewText": "good song but very squeeky", "summary": "Four Stars", "unixReviewTime": 1482019200} +{"overall": 4.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1QOYWEU4UPUML", "asin": "B004BSHAHI", "style": {"Format:": " MP3 Music"}, "reviewerName": "CORINTHIAN 04", "reviewText": "As heard on the video game \"Just Dance,\" this song makes you want to do just that. Not every song nicki puts out is worth listening too, but this one, Va Va Voom and Starships are must-haves for your music collection!", "summary": "That boom boom", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A3M4VKESJEQB33", "asin": "B0011Z764Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Prince at his best !!!", "summary": "Five Stars", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A3UGMWHO9PYRNU", "asin": "B00QNU5PR4", "style": {"Format:": " MP3 Music"}, "reviewerName": "pat", "reviewText": "excellant", "summary": "Five Stars", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2012", "reviewerID": "A3UGHNEHEVSFPT", "asin": "B004O1QMRQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. Belasco", "reviewText": "I may have been young, but I still remember a lot of the girl groups. The Crystals were great--glad the music is still as great.", "summary": "love the girl groups", "unixReviewTime": 1341792000} +{"overall": 5.0, "verified": false, "reviewTime": "02 22, 2013", "reviewerID": "APC4JUYCXC7XG", "asin": "B006Q77W8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Miss Pam", "reviewText": "Excellent song! I love this song...Jason Mraz has once again outdone himself with this one! And Amazon makes it so easy to download....", "summary": "Great song and easy to download...", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A3HZB27SZESIZS", "asin": "B0058XDLQO", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. Mcintire", "reviewText": "All it was cracked up to be", "summary": "Five Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2014", "reviewerID": "A310MXGFV4RIK0", "asin": "B00137IL5U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wayne Stewart", "reviewText": "Great love song about what it feels like to have loved and lost.", "summary": "Five Stars", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A1T59AV32U1QIM", "asin": "B005T18DOK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dana Hawkins-Combs", "reviewText": "I love this song! It is now \"our song\" for my husband and I", "summary": "Our song! ", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A3KJMZ5UKPSQ59", "asin": "B000V62TQG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A3FNKUFTIN71WI", "asin": "B004ZW8X7G", "reviewerName": "AJ Pollard", "reviewText": "Absolutely Gospel like its supposed to be. Theis type of music seems to be fading away for the more \"wordly type of so-called gospel\" misic. Songs like this have to be preserved because they still hold the anointing to this day!!", "summary": "Old school Gospel", "unixReviewTime": 1468540800} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A1OYW08VVPMP3Q", "asin": "B00122HGQ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "James D. Crabtree", "reviewText": "One of the Ramones best songs, and one I like to listen to as I run. It is fun to hear some of these again.", "summary": "Hey Ho!", "unixReviewTime": 1420934400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A2A788AUOVBOL2", "asin": "B008W12MTQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Raymond Verno", "reviewText": "Great songs. Originals. No re-records.", "summary": "Excellent!", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A28X7MM3JF8WF6", "asin": "B0042U734K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert Dillard", "reviewText": "Mp3 downloads from Amazon are quick, easy, a great quality.", "summary": "easy, a great quality", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A3SLQ8E61S8CMH", "asin": "B00JGEYCJG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tisha Ashpole", "reviewText": "With any title in this collection at with such a low price tag you can not go wrong. Very happy with every title of this collection I have purchased.", "summary": "Very happy with every title of this collection I have purchased", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "AX2MZF9A6TP9S", "asin": "B00137MPQQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "David", "reviewText": "A classic - great!", "summary": "Five Stars", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A2WVFFNCH2OED5", "asin": "B000SHDF1G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christopher King", "reviewText": "Raw.", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A1ZNUOJK5V0N8V", "asin": "B00136JB3W", "style": {"Format:": " MP3 Music"}, "reviewerName": "JMurrel", "reviewText": "love it!!! will buy again!!!", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A225KOTGHS3BRA", "asin": "B000TDYOZ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patrick", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2014", "reviewerID": "A2JMRUN0QULNLI", "asin": "B00136NTDU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Indy Mog", "reviewText": "awesome", "summary": "I love it", "unixReviewTime": 1399161600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2010", "reviewerID": "A32ORGD6KLKM9N", "asin": "B002I53BL0", "style": {"Format:": " MP3 Music"}, "reviewerName": "BlinkDog", "reviewText": "I could just listen to this over and over! (...and sometimes I do!) Easy download from Amazon.", "summary": "Love this song!", "unixReviewTime": 1281139200} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A924HWK07DR1Y", "asin": "B000TDFDA0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Renee Gasper", "reviewText": "awesome video", "summary": "Five Stars", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A33MG9RCBT1GG", "asin": "B005KXWREE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa Brinson", "reviewText": "Excellent expression of praise.", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 4.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A3ROCSUM3DYF8K", "asin": "B005763IBK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff", "reviewText": "This will take you right back to high school when all of the Orange County punk bands were hitting their stride.", "summary": "Old School Sound", "unixReviewTime": 1410480000} +{"overall": 4.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A2A56B1KS23X0Q", "asin": "B002TA4MSU", "style": {"Format:": " MP3 Music"}, "reviewerName": "GR", "reviewText": "Somewhat older song of Lady Gaga, but been stuck in my head for a while so had to get it.", "summary": "Somewhat older song of Lady Gaga, but been stuck ...", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A1I3PNNXJ8YHPW", "asin": "B00CTD5W22", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charles B.", "reviewText": "Enjoyable !", "summary": "Enjoyable !", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A3IUUVQNTVLS93", "asin": "B00F5PW36Y", "style": {"Format:": " Audio CD"}, "reviewerName": "threeputt", "reviewText": "Still like him. Very Good.", "summary": "Five Stars", "unixReviewTime": 1407715200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A19P9AE71HHQBA", "asin": "B0011Z1BXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heather Klepinger", "reviewText": "I forgot about this song and stumbled across it and had to have it.", "summary": "Great song", "unixReviewTime": 1445644800} +{"overall": 3.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A1C8RBCZYKO5CP", "asin": "B0057TU856", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kartouche", "reviewText": "I have to say that it is just okay . . . not sure what I was expecting, but it wasn't quite what I got . . . there are some who will find this a good choice . . .", "summary": "Not exactly my cup of tea . . .", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": false, "reviewTime": "12 11, 2014", "reviewerID": "A2SXE1962W9LPX", "asin": "B00ARU0O5O", "style": {"Format:": " MP3 Music"}, "reviewerName": "S. Matthews", "reviewText": "Linkin Park has been one of my favs since their debut. This is another one of my most listened to songs.", "summary": "Great Song!", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "AS34283W45T25", "asin": "B000V61AWU", "style": {"Format:": " MP3 Music"}, "reviewerName": "mimo", "reviewText": "I love the artist and the whole tone and mood of the song, a definite buy that will remain popular even when the song is considered to be vintage.", "summary": "Great", "unixReviewTime": 1388102400} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A1S5XPAHSIU1HT", "asin": "B00136RHQA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Treker", "reviewText": "Love this song", "summary": "Four Stars", "unixReviewTime": 1519862400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A1R5ZOSMHERWDI", "asin": "B00122A13G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amanda Cline", "reviewText": "love love love madonna", "summary": "Five Stars", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A1PR9PF2Y0B0DY", "asin": "B00NJT3GKK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ablesd1", "reviewText": "I have yet to hear a bad rendition of this song, but Pentatonix' take on this beautiful song will soon become the standard by which other renditions are compared to. No disrespect to the original writer/artist.", "summary": "I have yet to hear a bad rendition of this song", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2WU33NELIPALP", "asin": "B00CM70PUE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael K. Morris", "reviewText": "Great songs", "summary": "Fleetwood mac", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A2BXIE6KSZ2GJ0", "asin": "B00KSYG33G", "style": {"Format:": " MP3 Music"}, "reviewerName": "EdnaMode", "reviewText": "Music is important to me and I never buy it unless I really enjoy(love) either the band or the song. I bought this for both reasons... Enjoy the band and this song.", "summary": "Enjoy the band and this song", "unixReviewTime": 1443312000} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "AHRI53VT05B15", "asin": "B005DOJ7N4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cheryl Kelly", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1IQYCF76SF2KF", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris", "reviewText": "I'm HAPPY", "summary": "Five Stars", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A1T60QWFIPE480", "asin": "B0011Z2Z0Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Queenie", "reviewText": "For the Purple Rain fans, this one is a must have.", "summary": "Love this Prince song from the Purple Rain movie", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2013", "reviewerID": "A15GW1L8G3IS7A", "asin": "B0016Q7A32", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jim", "reviewText": "This song tells a story and a good one. I just see it as George telling his story in song and it really tugs at some heart strings.", "summary": "This song tells a story", "unixReviewTime": 1362009600} +{"overall": 3.0, "verified": false, "reviewTime": "02 12, 2018", "reviewerID": "A39INJEROPBO1", "asin": "B000QO3H3W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donna G", "reviewText": "I believe Nancy's Summer Wine is supposed to refer to excretions from her nether regions which I find a bit disgusting. Otherwise, it is a fun little ditty!", "summary": "Nancy earns her nickname of Nasty Jones", "unixReviewTime": 1518393600} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A33UNPX9XO9OXH", "asin": "B000W0B5DY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roy", "reviewText": "Love it, Play it on MP3", "summary": "Five Stars", "unixReviewTime": 1475798400} +{"overall": 3.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AUWIWBA9J3QBO", "asin": "B009VLXO16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Curt McKeever", "reviewText": "great", "summary": "Three Stars", "unixReviewTime": 1418688000} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A2O1EBPCAGFQ88", "asin": "B000V61B1K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ed Anderson", "reviewText": "One of my favorite songs by a truly great vocalist and songwriter. A great, up-tempo dance song.", "summary": "Review of \"Signed, Sealed, Delivered\" by Stevie Wonder", "unixReviewTime": 1482278400} +{"reviewerID": "A3D9QZXGU3KV5O", "asin": "B000WLTMGU", "reviewerName": "Sharon Porter", "verified": false, "reviewText": "Love this song. If you snooze you lose in love. So don't love someone and lose them and then look back at what you lost. This song says it all.", "overall": 5.0, "reviewTime": "03 28, 2013", "summary": "Love George.", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A15GBKY0IPZJI3", "asin": "B015D2YOOC", "style": {"Format:": " MP3 Music"}, "reviewerName": "QualityProductsPeriod", "reviewText": "Dope. Bringing the word unapologetically. Biz stay on. Thank you for sharing your journey.", "summary": "Dope.", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "AJZ2IH28PQT00", "asin": "B00137KNB0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tedi K", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A7WIGQKF9AFS9", "asin": "B005DOJ7UC", "style": {"Format:": " MP3 Music"}, "reviewerName": "George Robison", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 1.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A5UVADHADDI62", "asin": "B004L179G2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brandy", "reviewText": "Deleted", "summary": "One Star", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A1O8B03KH8AXH5", "asin": "B000V619R6", "style": {"Format:": " MP3 Music"}, "reviewerName": "donna jacson", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A3FIKQ3H7O9HYM", "asin": "B00O46VJ56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tara H.", "reviewText": "Absolutely love this song. I think it's amazing. Everyone in my family loves it. I've never heard of this guy before but he's awesome!", "summary": "Amazingly Awesome", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A1W2PKCD3OV2OD", "asin": "B014DIAMQG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Timmayyy", "reviewText": "Good Song", "summary": "Five Stars", "unixReviewTime": 1502841600} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2014", "reviewerID": "A3MO7SE07HXY4D", "asin": "B00O46VJ56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeffrey A. Bobetich", "reviewText": "This is an incredible crossover song.", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 1.0, "verified": false, "reviewTime": "04 25, 2014", "reviewerID": "A36EDWL4F3AASU", "asin": "B0013G0PG4", "style": {"Format:": " MP3 Music"}, "reviewerName": "&quot;Sonny&quot; Di Degrassi", "reviewText": "hearing this song is like the final few seconds before a huge diarreah attack. except it creates same effect on the ears. good looking girl though...", "summary": "boring over produced pablum", "unixReviewTime": 1398384000} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "ABMUDOGVJ10OW", "asin": "B0012460GG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lost Groove", "reviewText": "My favorite all-time song since '63. I like the mix on the \"Her Very Best\" album release better. It seems louder and has more presence. This version seems to have been \"softened\" up a bit. Still good though.", "summary": "Flash Back 1", "unixReviewTime": 1444089600} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A3NPDU00SPELX7", "asin": "B00137MHIM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Music Fan", "reviewText": "One of her best.", "summary": "Four Stars", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "AW93ZLYIHF4WY", "asin": "B017JTOKV4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dell Dennis", "reviewText": "I Download it just fine", "summary": "Five Stars", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1C2I5LZIFDHIQ", "asin": "B004LHJIV0", "style": {"Format:": " Audio CD"}, "reviewerName": "vince west", "reviewText": "VERY VERY funny. Laugh every time I play this. If you like crazy, kinda dirty, sarcastic humor you will love this cd.", "summary": "All Over Your Face cd", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A3K0X0PQNGKS53", "asin": "B00122X3D6", "style": {"Format:": " MP3 Music"}, "reviewerName": "William Layman", "reviewText": "Exactly as described", "summary": "Five Stars", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2017", "reviewerID": "A2TCS5WHOWV1D3", "asin": "B002NRW2YK", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Pearcy", "reviewText": "A great instrumental ... gets my blood up running when I need it too", "summary": "Five Stars", "unixReviewTime": 1488153600} +{"overall": 5.0, "verified": false, "reviewTime": "04 15, 2012", "reviewerID": "A1OCF80KNYKTSU", "asin": "B00120CWZI", "reviewerName": "Mz Jackie", "reviewText": "The choir at my church sung this song and I really enjoyed it and wanted to add it to my collection. I have other songs sung by Ms. Karen and enjoy hearing them all over and over again. I recommend this song for anyone who loves gospel music.", "summary": "Gospel Music", "unixReviewTime": 1334448000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A24Y4U7T409ESW", "asin": "B005C0WMPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "William Smith", "reviewText": "Very Beautiful", "summary": "Very Beautiful", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2014", "reviewerID": "A1R9LXA9NEQRHZ", "asin": "B000W03JEM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "It tales you back when Conway was popular. Those were the good years, We lived in that time frame when music had meaning.", "summary": "Twitty", "unixReviewTime": 1392336000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A2EIFZ15A9BANZ", "asin": "B0042NJ1OM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Larry in the mountains of PA.", "reviewText": "I love this song !", "summary": "I love this song !", "unixReviewTime": 1473120000} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A3AX3QJDROE7UI", "asin": "B001UQLTAI", "style": {"Format:": " MP3 Music"}, "reviewerName": "nosuchcreature", "reviewText": "A song from the heart, a real tear jerker. Terry Jaxx does\na smash up job on this song from the 70's", "summary": "Seasons in the sun", "unixReviewTime": 1376006400} +{"overall": 4.0, "verified": false, "reviewTime": "08 6, 2012", "reviewerID": "A2G6CN2B7T72CZ", "asin": "B005W29340", "style": {"Format:": " MP3 Music"}, "reviewerName": "KB3JRJ", "reviewText": "OK, so, let's face it: you may not have heard of these performers. Still, the performances are top-notch as are the recordings. 100 pieces for this price? How can you refuse?", "summary": "Great performances!", "unixReviewTime": 1344211200} +{"overall": 2.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A3KDYV3CNKEWFG", "asin": "B002AEIK42", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sailor Venus", "reviewText": "i expected better", "summary": "so so song", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A2COQ1SAYK7FVB", "asin": "B000W0227C", "style": {"Format:": " MP3 Music"}, "reviewerName": "G.E.E.", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A3I6JKW89COASA", "asin": "B0011Z762I", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. D. Hawkes", "reviewText": "A great artist.", "summary": "Five Stars", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A2YRBVETHHPGOC", "asin": "B00G79F8F0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Satisfied Customer", "reviewText": "Good deal", "summary": "Five Stars", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2013", "reviewerID": "A3VXYYOF5WOTNT", "asin": "B00136LF72", "style": {"Format:": " MP3 Music"}, "reviewerName": "Carolyn Dorsey", "reviewText": "I WOULD HAVE TO ANSWER THE SAME AS I DID FOR MATT REDMAN. I HAVE NO COMPLAINTS, ONLY GOOD THINGS TO SAY AND I do tell people about how it makes me feeler 'safer' if you will.", "summary": "MICHAEL W. SMITH - ANOTHER HIT", "unixReviewTime": 1361404800} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A3SNJORZ5SMZZ9", "asin": "B0012300HC", "style": {"Format:": " MP3 Music"}, "reviewerName": "PeachPecan", "reviewText": "Reasonable price for adding an oldie but a goodie to your MP3 collection. Go ahead, sing along with the MP3 player.", "summary": "Fun Flashback", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "AR3N1VLW722V9", "asin": "B00IT75TTS", "style": {"Format:": " MP3 Music"}, "reviewerName": "BUDDYBOY51", "reviewText": "Great song !", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A3BKR3RCAZ7IOX", "asin": "B00QSO11PA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Craig Owens", "reviewText": "Not the greatest McCartney song, but I still like it.", "summary": "Four Stars", "unixReviewTime": 1510531200} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A1ISQ4BFCCGKVY", "asin": "B00792T1U2", "style": {"Format:": " MP3 Music"}, "reviewerName": "LC", "reviewText": "Interesting and new, the music is quite enjoyable. Give it a try and see what you think.", "summary": "Four Stars", "unixReviewTime": 1407715200} +{"overall": 5.0, "verified": false, "reviewTime": "12 12, 2012", "reviewerID": "A1YJKLHQJ10GJZ", "asin": "B008TVXIII", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deal catcher", "reviewText": "For some reason I like this song. I usually find his music vile and degrading to women. But the music is always good.", "summary": "I'm not Trey Songz fan, But", "unixReviewTime": 1355270400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2018", "reviewerID": "A3IPEYGDN9PBB", "asin": "B00136NTK8", "style": {"Format:": " MP3 Music"}, "reviewerName": "July", "reviewText": "The piano man. Clear distinct voice. He carries the melody easily. Accompaniment is a perfect match as written by him.", "summary": "One of the best", "unixReviewTime": 1523404800} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A4LU34T9X24LM", "asin": "B0099G6Z3C", "style": {"Format:": " MP3 Music"}, "reviewerName": "mwayne", "reviewText": "Great rendition", "summary": "Four Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "ASGPXFE7JWOD1", "asin": "B0099G7KDQ", "style": {"Format:": " Vinyl"}, "reviewerName": "Liza", "reviewText": "As their second album, it is terrific, once again, Mumford does not disappoint. I received this album in perfect condition and it was a day early. Could not be happier!", "summary": "Yes!", "unixReviewTime": 1369785600} +{"overall": 4.0, "verified": true, "reviewTime": "02 25, 2018", "reviewerID": "APS3Z91GWNZYQ", "asin": "B00HRN141C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joe D", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1519516800} +{"overall": 5.0, "verified": false, "reviewTime": "07 20, 2014", "reviewerID": "A24JJ3VK3DOTTW", "asin": "B00136LQQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "pumpkin1426", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A26KDHBS79H0HS", "asin": "B000W1UCPK", "style": {"Format:": " MP3 Music"}, "reviewerName": "tb", "reviewText": "quality sound", "summary": "quality sound", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "ADAQDVXCRNSL0", "asin": "B00136JES4", "style": {"Format:": " MP3 Music"}, "reviewerName": "SlickShady", "reviewText": "I Love It.", "summary": "Five Stars", "unixReviewTime": 1503100800} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A2PEODRM2OQJ88", "asin": "B001FECJ0O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark A. Lowell", "reviewText": "Vintage Van Hagar :)", "summary": "Vintage Van Hagar :)", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A19VE07ZRANK6S", "asin": "B000VZJPJ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Arnold's Dj Service", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "AWPT20KU9H1DO", "asin": "B0108UP0EC", "style": {"Format:": " MP3 Music"}, "reviewerName": "K. Carling", "reviewText": "Love this version", "summary": "Five Stars", "unixReviewTime": 1484438400} +{"reviewerID": "A6L120GK8GH9O", "asin": "B001239GP4", "reviewerName": "Charles Jensen", "verified": true, "reviewText": "Not a bad remake", "overall": 4.0, "reviewTime": "07 11, 2014", "summary": "Four Stars", "unixReviewTime": 1405036800} +{"overall": 3.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A1DILVOYDN9HEP", "asin": "B0091LH6YM", "style": {"Format:": " Audio CD"}, "reviewerName": "Pipeline music", "reviewText": "wu is ten times wat they ever will be wu is legendary artists true hip hop not mainstream bull ish", "summary": "not bad no were near wu-tang", "unixReviewTime": 1388534400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A3GX41GDGWWPTD", "asin": "B00136PR44", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nanette F. Stabler", "reviewText": "They are wonderful together, right in syc, Barry outdid himself on this music, he and his brothers are/were such fantastic writers", "summary": "awesome", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "AK98BK92X3LYJ", "asin": "B00122Z1F4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tyese Camon", "reviewText": "Love buying music from amazon", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "AYXA1QO0KIXWV", "asin": "B00137OBNQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "IntenseMinimalist94B", "reviewText": "Couldn't be better", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2013", "reviewerID": "A1374RLDD5VINW", "asin": "B0011Z4Y6E", "style": {"Format:": " MP3 Music"}, "reviewerName": "dm2", "reviewText": "glad to see that when a male artist makes a music cd they can leave their clothes on and it still sells", "summary": "thanks for the quality lyrics", "unixReviewTime": 1357776000} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2013", "reviewerID": "AS02LU5CR8VJP", "asin": "B000V64P90", "reviewerName": "Shari", "reviewText": "This is the studio version of the song Stay by Sugarland as heard on the radio. It is not a live or concert version.", "summary": "Great song", "unixReviewTime": 1366588800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A3Q18O99DVODOW", "asin": "B00B13OPB0", "reviewerName": "Nene", "reviewText": "Words Are Beyond Explaining The Feelings That This Song Brings To The Party!!! Absolute Perfection!!! Avant & Keke Are The Newest Magic Duo Of Soulful R&B Music!!!", "summary": "Breathtaking", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2017", "reviewerID": "A37WKHP6V7F0JI", "asin": "B00137TD0W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I love it", "summary": "Five Stars", "unixReviewTime": 1507507200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A966VA4387DEC", "asin": "B014K4HER8", "style": {"Format:": " Audio CD"}, "reviewerName": "Gregory D.", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2016", "reviewerID": "A21H87BUSXKCO1", "asin": "B01F9F3C3C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Orv Schnieder", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1469836800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "ALD8OBPHDISXV", "asin": "B001NY2D3E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeannie", "reviewText": "I have always liked this song. Finally purchased it to listen to when I want to.", "summary": "Great song", "unixReviewTime": 1423958400} +{"reviewerID": "A461VTLW9G9YB", "asin": "B001237HCI", "reviewerName": "Dance Dance Dance", "verified": false, "reviewText": "It's okay if artists want to change their sound sometimes, if they didn't they might get bored. But this album is awful. Notice how she never did pop again?", "overall": 1.0, "reviewTime": "06 11, 2010", "summary": "what is this?", "unixReviewTime": 1276214400} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "A1NY305D1WAUGL", "asin": "B00JRZKQ2G", "style": {"Format:": " MP3 Music"}, "reviewerName": "m joy", "reviewText": "X Ambasadors are another great group I like .", "summary": "Five Stars", "unixReviewTime": 1503360000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A3IR8E0NKWNCP3", "asin": "B00122MQ70", "style": {"Format:": " MP3 Music"}, "reviewerName": "syl", "reviewText": "great album", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A57MP9CBKX8R0", "asin": "B00JC8EIS6", "style": {"Format:": " MP3 Music"}, "reviewerName": "james jackson", "reviewText": "Very very good song, very very lively. ", "summary": "Five Stars", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A382OWESG9UBOU", "asin": "B006L5O9GY", "reviewerName": "James Stell III", "reviewText": "awesome CD and the delivery over the internet was Good as well", "summary": "awesome CD and the delivery over the internet was Good ...", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": false, "reviewTime": "09 21, 2014", "reviewerID": "A3GX0PBJ73KJA5", "asin": "B0011Z1BXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa Rae :)", "reviewText": "You can't go wrong with a song with this tittle!", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2011", "reviewerID": "A2VFN33XFSDW9C", "asin": "B00122X3D6", "style": {"Format:": " MP3 Music"}, "reviewerName": "kip-CL", "reviewText": "I heard this on the HD radio the other day, used Shazam to get the correct title. Got it on Amazon.", "summary": "This is a great one", "unixReviewTime": 1303430400} +{"overall": 4.0, "verified": false, "reviewTime": "08 12, 2009", "reviewerID": "A3TXWIDMKRYG3J", "asin": "B00123NC8G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Music Melody", "reviewText": "...stands the test of the time. Go Your Own Way, Dreams, Don't Stop, its all been said before. If you haven't heard this album make it your mission to.", "summary": "Their classic pop album...", "unixReviewTime": 1250035200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A1DRPQLK11GSAH", "asin": "B000SXIMYA", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. K.", "reviewText": "Awesome chick", "summary": "Five Stars", "unixReviewTime": 1425772800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A1A94GEEBWPG1Z", "asin": "B01F64YXOS", "style": {"Format:": " MP3 Music"}, "reviewerName": "always reading", "reviewText": "like it", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2013", "reviewerID": "A2TQD6R721TBOJ", "asin": "B00122T9DO", "reviewerName": "FaireMaiden", "reviewText": "And, I love being able to purchase all these songs. It reminds me of the old days when we paid 30-cents for a single-45 record. You only bought the songs you liked, *vbs*.", "summary": "LOVE THIS SONG", "unixReviewTime": 1359158400} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A2PPQQC98O6L22", "asin": "B00J4XVT40", "style": {"Format:": " MP3 Music"}, "reviewerName": "Debbie Keller", "reviewText": "This song is just wonderful. This is a good duo together for the first time. I find it addictive lol", "summary": "Medicine by Sharkira and Blake", "unixReviewTime": 1397260800} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2013", "reviewerID": "A8KS5ROFCJTS3", "asin": "B00136Q5ZY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dizzy Lizzy", "reviewText": "I love Roger Whittaker and have just about all his albums and tapes. I regret I am unable to find and purchase his cd titled: \"With Love.\" It's an oldie but wow what a goodie.", "summary": "ALL TIME FAVORITES", "unixReviewTime": 1360627200} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "AXDVVI6FHUM0J", "asin": "B0013CPLCQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Raglandjs", "reviewText": "You have got to love the clean, beautiful, spiritual music this man, Kirk Franklin, puts out. Such an amazing man.", "summary": "Kirk Franklin!", "unixReviewTime": 1389312000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A3FNKUFTIN71WI", "asin": "B002DG4B54", "style": {"Format:": " MP3 Music"}, "reviewerName": "AJ Pollard", "reviewText": "This song is amazing!! Simply Put. It moves my soul. Its getting harder and harder to find good Gospel music these days!!", "summary": "Awesome Song!!", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "AWPH0K7RIEZIC", "asin": "B000VHOUMG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sparkle", "reviewText": "Who does not love Marvin Gaye...I am sure many babies were produced due to this song. Hey let's get it on", "summary": "It's Marvin Gaye", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A1GJSM46QH7KZ4", "asin": "B006JETHAA", "style": {"Format:": " MP3 Music"}, "reviewerName": "JuMaRi", "reviewText": "WOW, such a pretty song. I love this song so much.", "summary": "such a pretty song. I love this song so much", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": false, "reviewTime": "12 22, 2013", "reviewerID": "A3FVIAKRZXNEXN", "asin": "B00136NQY2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robert S. Roth", "reviewText": "I'M NOT MUCH OF A COUNTRY MUSIC FAN. BUT, I DO LIKE SOME. ESPECIALLY WHEN THEY LAMPOON THEMSELFS. HAVE FUN LISTENING TO IT.", "summary": "FUNNY SONG", "unixReviewTime": 1387670400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A2MV3TN2R6YA0", "asin": "B00137ILRS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monica Petersen", "reviewText": "loved this song when I was growing up", "summary": "Five Stars", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A1A9ILR82DDD20", "asin": "B00138I5NM", "style": {"Format:": " MP3 Music"}, "reviewerName": "jimmy a faircloth", "reviewText": "HE DID A GREAT JOB ON THIS SONG", "summary": "LOVE IT", "unixReviewTime": 1497571200} +{"overall": 3.0, "verified": false, "reviewTime": "09 25, 2012", "reviewerID": "A2550MPJ8DHKJD", "asin": "B0014HVZX4", "style": {"Format:": " Audio CD"}, "reviewerName": "DAG", "reviewText": "Doves and Deer-Ree-She are both great songs. There are some gems in here, but also some forgettable material that gets a little lost in the resonance of the guitars. Passover is a stellar album and Phosphene Dream has some great hooks.", "summary": "Good, but not their best", "unixReviewTime": 1348531200} +{"overall": 4.0, "verified": false, "reviewTime": "04 22, 2014", "reviewerID": "A1GN8UJIZLCA59", "asin": "B00137V1V6", "style": {"Format:": " MP3 Music"}, "reviewerName": "P Magnum", "reviewText": "Lisa Lisa & Cult Jam's first top ten single is a first rate power ballad with great vocal interplay. The song is emotionally over the top in the best possible way.", "summary": "No More Tears", "unixReviewTime": 1398124800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A1FJQFAYC17JP6", "asin": "B000T006RI", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. King", "reviewText": "Wonderful song but sort of melancholy. Brought back a turbulent time in American History.", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "ALLCK39NM5RJY", "asin": "B000VT9F2O", "style": {"Format:": " MP3 Music"}, "reviewerName": "mbrugh", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1454803200} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "APCVJBKWRRATV", "asin": "B0013G0PG4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard R.", "reviewText": "The opening organ is reminicent of Nothing Compares 2 U. Leona has a beautiful voice. It is a very touching song.", "summary": "Touching", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "ASNLGEM2U5V7Y", "asin": "B000V6O3HO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Soni", "reviewText": "Classic song and album", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A32GZ6HAGX0UMU", "asin": "B00137KRYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michelle Doner", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A31CEWKUNKCOR9", "asin": "B017TQ5ZZ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Linda", "reviewText": "Another Hit for sure!", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2014", "reviewerID": "A3U6W30C8NV11Y", "asin": "B000TDFDA0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Orlando Brian Anthony", "reviewText": "THIS MUSIC IS NICE. I MEAN WHAT MORE CAN I SAY. EVERYTHING IS JUST THERE WHEN IT COMES TO QUALITY & VIBE.", "summary": "NICE TRACK", "unixReviewTime": 1388966400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "A699WYCQTURKY", "asin": "B00I061LEU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Melanie", "reviewText": "Classic.", "summary": "Five Stars", "unixReviewTime": 1475366400} +{"overall": 4.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A3EWZTGACNYNM1", "asin": "B005KXWUC8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Melvin Williams", "reviewText": "Phenomenal", "summary": "Four Stars", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3IPADSXYJCYNK", "asin": "B00GLP4DMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kate", "reviewText": "LOOOOVE this movie and soundtrack", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A237E0FTADYM58", "asin": "B000WLIE9G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Margaret Phillips", "reviewText": "Always love the ORB", "summary": "Five Stars", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A1GLH4W59JLD7G", "asin": "B01DB0JBPU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anatasia Louise", "reviewText": "My new personal anthem!!!", "summary": "Five Stars", "unixReviewTime": 1464652800} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A13WOT3RSXKRD5", "asin": "B00DPJ12FU", "style": {"Format:": " MP3 Music"}, "reviewerName": "LD", "reviewText": "These are soft background music. Think elevator music or upscale bar.", "summary": "More gentle", "unixReviewTime": 1460678400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A3R3GGJM25YW8R", "asin": "B01D0M04Y6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Go get em iggy!!", "summary": "Five Stars", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "AKHVXWI2VHWIE", "asin": "B00138FKBW", "style": {"Format:": " MP3 Music"}, "reviewerName": "jazzbo", "reviewText": "Fine classic", "summary": "Great music", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A2WSQ2L9FECS1W", "asin": "B015Y73TEW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leon D. Spears", "reviewText": "one of my best", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 4.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A2MAK28WZTME7F", "asin": "B00RCB9F74", "style": {"Format:": " MP3 Music"}, "reviewerName": "Niq1", "reviewText": "Beautiful instrumental.", "summary": "Four Stars", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2014", "reviewerID": "A1HAQB0YH0KXAH", "asin": "B00DAPK7MI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leo Ortiz", "reviewText": "I grew up listening to the Eagles and I will never stop listening to EAGLES. They are the best FOREVER.", "summary": "The EAGLES they are number 1 in book", "unixReviewTime": 1398729600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2U7HD2VC2QS9U", "asin": "B00WB220EO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Luke urban", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A2JMRUN0QULNLI", "asin": "B00137Y0CI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Indy Mog", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": false, "reviewTime": "02 24, 2014", "reviewerID": "A2V9TYDUCGPICD", "asin": "B00G7HG10I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Forbe L. Carlson", "reviewText": "I love this collection of classical music. It has a very good selection of pieces, and the recordings are great.", "summary": "Great Collection", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "AUE76YVSZ0D0H", "asin": "B00M7I7E20", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Rubin", "reviewText": "Great download.", "summary": "Five Stars", "unixReviewTime": 1455321600} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "06 11, 2010", "reviewerID": "A2ZL07Y7FE7W3S", "asin": "B000WZWW7M", "reviewerName": "Thomas E. Davis", "reviewText": "Great music - both moving and memorable. Forget the original synth-pop version by Tears for Fears. This song, in this form, reminds me of Michael Stipe's best songs. The sound quality of the single I downloaded was perfect.", "summary": "A powerful, haunting song", "unixReviewTime": 1276214400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A7928M258T797", "asin": "B00136RXFU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Greg", "reviewText": "Andrew Peterson reminded me of this song when, in concert, he talked about how this song affected him.\nConvicted & motivated to put life in the riight perspective.", "summary": "One of the best songs Rich Mullins every wrote & performed", "unixReviewTime": 1357257600} +{"overall": 4.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A28C3ZCHCNNDNF", "asin": "B00OV9SBO8", "style": {"Format:": " Audio CD"}, "reviewerName": "Gardening 1", "reviewText": "Good music", "summary": "Four Stars", "unixReviewTime": 1418342400} +{"overall": 3.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A1CEG4HICKGHUW", "asin": "B005JT0AFC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cliffton K. Bryner", "reviewText": "it's ok !!!", "summary": "Three Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A237E0FTADYM58", "asin": "B004RQZXEG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Margaret Phillips", "reviewText": "Love him", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A3O7GCUU4VEZY3", "asin": "B008BNARH4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patrick", "reviewText": "As described", "summary": "Four Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A1DOQF1JL48V4X", "asin": "B00137IDMQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nancyare", "reviewText": "This is one of those songs you don't hear that much. A tune you can dance to..", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 1.0, "verified": false, "reviewTime": "08 26, 2012", "reviewerID": "AJR0OYOP007DB", "asin": "B006M6W01S", "style": {"Format:": " MP3 Music"}, "reviewerName": "BraySayMay", "reviewText": "stupid pop rap flo rida song with the same beat as good feeling this song is aweful this wannabe rapper is one of the worst", "summary": "stupid", "unixReviewTime": 1345939200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "AUNTJWCBWFY2G", "asin": "B00KGG22K4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mister Mash", "reviewText": "Great shot of life into a mostly forgotten Elvis tune. Fun listen. Long live the King!", "summary": "Swingin'", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2018", "reviewerID": "A3N763WTZ7A8F7", "asin": "B004NYPAPO", "style": {"Format:": " MP3 Music"}, "reviewerName": "John J", "reviewText": "Almost the perfect song by a wonderful artist. Cannot be compared to any other version. 5 star all the way.", "summary": "Almost the perfect song by a wonderful artist", "unixReviewTime": 1526169600} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A2Q71US5O89WCH", "asin": "B00137MSX6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rozanne", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2013", "reviewerID": "A2YDSDW61A7JCW", "asin": "B009Y4JIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cody", "reviewText": "I like the collaboration between these two artists. I wish they would make more songs together because Ellie Goulding isn't that great by herself... in my opinion. I like the vocals (ellie) + beats (calvin).", "summary": "Great Song", "unixReviewTime": 1383177600} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A12ZN88K2F3BND", "asin": "B00U370CJE", "style": {"Format:": " Audio CD"}, "reviewerName": "Fred Winhusen", "reviewText": "good music", "summary": "Four Stars", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "ASFYB19KUT2B4", "asin": "B0013L8WQO", "style": {"Format:": " MP3 Music"}, "reviewerName": "tkilian", "reviewText": "I love rascal flatts and all of their songs especially the slower songs, this is another one I got for my kindle.", "summary": "rascal", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "AQO3HC1KJVU4V", "asin": "B000VZO7PI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Elwood J. Sellers", "reviewText": "Perhaps James Brown is most remembered for his performances of this song. \"Try Me\" is classic James Brown. This is the original version. Wow.", "summary": "Classic James Brown", "unixReviewTime": 1388534400} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A3IONGAOD5X1RU", "asin": "B0040I5MPQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ricky", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1500940800} +{"overall": 4.0, "verified": false, "reviewTime": "11 12, 2016", "reviewerID": "A35760YOQZ0A9G", "asin": "B001NB52K8", "style": {"Format:": " MP3 Music"}, "reviewerName": "continuityerror", "reviewText": "The BATMAN FOREVER soundtrack was surprisingly solid. This era of music is explored in the novel, yeah, shut up.. It's worth a download.", "summary": "There's a Weird Al parody?", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A2YVHR5OPLMD5M", "asin": "B001CS2UN4", "style": {"Format:": " MP3 Music"}, "reviewerName": "jerry smith", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A237E0FTADYM58", "asin": "B00FLRELLG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Margaret Phillips", "reviewText": "Good song", "summary": "Four Stars", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A28603GJVNJ4ED", "asin": "B00CM6ZNO8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ibnkalb", "reviewText": "She has come a long way from the Disney channel. The beat is really balanced and her singing has improved alot.", "summary": "Good song.", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A1X9TGR96Z1I7F", "asin": "B0012288VS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jose O. Calderon", "reviewText": "i am not a Rap Music historian, but for me my title holds true. Great beat, fun clever lyrics...I can't help but singing every time I hear this song. A classic must-have.", "summary": "The Original and Still The Best Rap Song of All Time", "unixReviewTime": 1432080000} +{"overall": 1.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A4507F879T1SD", "asin": "B000V6392Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard L. Kraatz", "reviewText": "You cannot get the songs you purchase. What a rip off. There is no way to download them. That is the second time Amazon rips me off and the last.", "summary": "Amazon the con artists", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A15UYUILIS8BIY", "asin": "B004L179G2", "style": {"Format:": " MP3 Music"}, "reviewerName": "mark taylor", "reviewText": "Love it.", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A1CKRR0KEFAV9P", "asin": "B00EE96DWM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Max McLemore", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "A1C1RWOGWG00GW", "asin": "B000W1MDPW", "style": {"Format:": " MP3 Music"}, "reviewerName": "CHAching", "reviewText": "Classic when country was county! !!", "summary": "Five Stars", "unixReviewTime": 1462924800} +{"reviewerID": "A14NOY3K9QSSM2", "asin": "B00124BPBG", "reviewerName": "Larry Marshall Meadors", "verified": true, "reviewText": "Very Satisfied! Larry Marshall Meadows", "overall": 5.0, "reviewTime": "01 12, 2017", "summary": "Five Stars", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A10WH2W0AGHR92", "asin": "B0012EESZG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Zardiw", "reviewText": "Great Song!!", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2014", "reviewerID": "A1SBOUSPSIAJNP", "asin": "B004EI3ON4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andrew Joshua Talon", "reviewText": "One of the best movie soundtracks ever created, evidenced by how much joy Daft Punk took to the project. The film itself is great, but the music? That will last me forever.", "summary": "One of the best movie soundtracks ever created", "unixReviewTime": 1410048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2013", "reviewerID": "A1DFVO3QWHPU8N", "asin": "B001GDYPDI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bookworm Tee", "reviewText": "This is the type of song that makes you want you want to dance. And I like that I didn't have to buy a whole cd for one song.", "summary": "love it", "unixReviewTime": 1364688000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2KCQXFN9U9BKY", "asin": "B002EEMRJ2", "reviewerName": "Wendy Holmes", "reviewText": "Great relaxing music!", "summary": "Great Relaxing Music", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A3EAS9100DEXZS", "asin": "B00137ZK5O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Justin", "reviewText": "She hit me, but not with the left and right...", "summary": "Five Stars", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A1AJUV4X9LS6AA", "asin": "B00U0VDG1O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jon Bon", "reviewText": "This is an awesome song and very true. I highly recommend listening to this song if you need a pick me up in your day! Thanks!", "summary": "Because He lives", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A1U6R8WI2Z31D8", "asin": "B001HDUQ2G", "style": {"Format:": " MP3 Music"}, "reviewerName": "dayna", "reviewText": "One of the best songs", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "A2BGQG866IK2O5", "asin": "B000Z97UMM", "reviewerName": "Tee", "reviewText": "Still as good as it was years ago and still as anointed and relevant. You can really get your praise on with song!", "summary": "Awesome, Amazing and Anointed!", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A2I9I5FYZAZZWA", "asin": "B001NCH8P4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I love this song", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "A30DDOPIS2P34P", "asin": "B00137GJK4", "style": {"Format:": " MP3 Music"}, "reviewerName": "savvysav15", "reviewText": "I got this song to use for a memorial DVD for my grandfather. It worked perfectly for that. It was sad but in a way that was appropriate for a funeral.", "summary": "Good song, even though sad", "unixReviewTime": 1401926400} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "02 1, 2014", "reviewerID": "A326WLRY0P9FBV", "asin": "B00HFEC192", "style": {"Format:": " MP3 Music"}, "reviewerName": "divashalo", "reviewText": "I see Lil Jon hasn't changed a bit. Still shouting in that raspy voice of his. Guess what buddy? It ain't 2004 anymore. Crunk is dead.", "summary": "TRASH", "unixReviewTime": 1391212800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A3QHRVKEHFJG8Z", "asin": "B00IKS2BHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "JR", "reviewText": "Great if you like this type music..........and it's free!!", "summary": "A+", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A3UQOR4P56J0LT", "asin": "B00ATOB3L2", "style": {"Format:": " MP3 Music"}, "reviewerName": "AlfromPA", "reviewText": "Good Stuff!", "summary": "Good Stuff!", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A19HYTAPU7POPV", "asin": "B0013D8BK4", "style": {"Format:": " MP3 Music"}, "reviewerName": "MacManPro", "reviewText": "This is a great Jam to drive too and dance to.", "summary": "Great Song 10+", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A2GU91ACEJYX4D", "asin": "B00QT15V3K", "style": {"Format:": " Audio CD"}, "reviewerName": "mario lewis", "reviewText": "\"superb live lp!\"", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A3433F40URV9T5", "asin": "B00137KMKW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Another to go with the Alicia Keys I lost some time ago. Great addition to the collection of music I carry.", "summary": "Great", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A3C3ES3ACXAU9S", "asin": "B001ERSLCW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jon Golden", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A238QQR1TCEOPB", "asin": "B00BWGHIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roosevelt Littleton, Jr.", "reviewText": "Good Service and Price.", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A2O7JXNQB9WRBG", "asin": "B0092PP7MK", "style": {"Format:": " MP3 Music"}, "reviewerName": "LaToya", "reviewText": "Awesome song of praise and worship. This song really glorifies God to the highest. Another great one from Earnest Pugh!", "summary": "Awesome praise song", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A16BPVZUE1PBVZ", "asin": "B00YTGC99G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Camarogirl", "reviewText": "What can I say about this song other than another job well done! I am really enjoying all the music I can get from Amazon Music, and love how easy it is to purchase and download my favorite new songs. Another top choice!", "summary": "Great Song from a Great Artist!", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A2DPMXWJR44KLH", "asin": "B00122A1G8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leslie", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1469750400} +{"reviewerID": "A3O5T5VAQ3TD17", "asin": "B00124BPBG", "reviewerName": "Chad", "verified": false, "reviewText": "I'm not a BIG fan of Country Music now a days. But when I listen to this Album, it's a different story. Being from Kentucky Myself it's good to have a Country ICON from here. If you like flat out Country Rock N Roll, please buy this album you want be sorry.", "overall": 4.0, "reviewTime": "09 14, 2006", "summary": "Great Album!!!", "unixReviewTime": 1158192000} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "A3QANAS5UK2WXC", "asin": "B000W1MDPW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael Garlick", "reviewText": "a gift no feedback or for a class ...", "summary": "Four Stars", "unixReviewTime": 1501545600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2012", "reviewerID": "A2Z5DML3JRBBDR", "asin": "B006CLTGFQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Robb", "reviewText": "I love this bluesy theme song to one of the best shows on TV. I downloaded this onto my cell phone and as I was working out, a couple of people came over and gave me a thumbs up. I can assure you it wasn't because of my workout.", "summary": "SAMCRO", "unixReviewTime": 1352073600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A1Z1VCDYPJP9RD", "asin": "B00E5Z8CI8", "style": {"Format:": " MP3 Music"}, "reviewerName": "louise l fuller", "reviewText": "Yes yes", "summary": "Five Stars", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A2PEK5GVJOHMRH", "asin": "B000VXHQI0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Huron D Williams", "reviewText": "Our wholesome time music is always a hit. So I\nthink It's A Shame like all dusty's Expresses feelings of emotion. Good Music", "summary": "Real Time Music", "unixReviewTime": 1510012800} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2X7VV7HOAAJRW", "asin": "B000ULCSAY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joseph Wilson", "reviewText": "love the song, even if the band didn't do so hot, they sure have a great one hit wonder", "summary": "Five Stars", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": false, "reviewTime": "05 28, 2013", "reviewerID": "A2HTLPQRQVJ8IT", "asin": "B0011Z2Y16", "style": {"Format:": " MP3 Music"}, "reviewerName": "porkchop", "reviewText": "Songs like this one are not played everyday by your local radio cm. So,if want to listen to them again get a copy while you still can. Vinyl records are a thing of the past and so songs like this one unless people continue to listen and/or request he's to keep playing them.", "summary": "classic oldie", "unixReviewTime": 1369699200} +{"overall": 5.0, "verified": false, "reviewTime": "12 21, 2012", "reviewerID": "A1KRWR5D81AXJE", "asin": "B00136PTYW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Scrappygirl", "reviewText": "As ever Stevie Ray Vaughan's guitar makes me want to get up and dance, this song brings back my youth.", "summary": "Stevie Ray Vaughan", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A2H59S13OWIWHZ", "asin": "B00136LOFK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Barbara R. Russo", "reviewText": "Great lead singer", "summary": "Journeying", "unixReviewTime": 1466035200} +{"overall": 4.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A3KTKOMJVOBRM8", "asin": "B00C90T5WI", "style": {"Format:": " MP3 Music"}, "reviewerName": "MoonPieDave", "reviewText": "Reese Witherspoon doesn't quite match Michael Buble's syrupy smooth voice but it's not an unpleasant tune.", "summary": "Something Listenable", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "AGTM2VNAL7VS3", "asin": "B00XTIFEVK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Love Samsung!!!!", "reviewText": "Perfect sound, excellent quality", "summary": "Five Stars", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "APJ9U5TQU4QKD", "asin": "B00LAP3KS8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nik", "reviewText": "Used this song for an Easter Skit. It worked wonderful for it talked about Jesus coming to break our chains of sin and how we are not good enough to even deserve His love, yet He gives it anyway :)", "summary": "It worked wonderful for it talked about Jesus coming to break our ...", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A1Q9G3Y3RC5OGA", "asin": "B001L5ZUTE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shelton Radix", "reviewText": "Great 80's Jam I have always loves this song. It is Good to see that people are sill enjoying it", "summary": "Oldie but Goodie", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A1P7TIPH526PA0", "asin": "B00137MHE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. Evans", "reviewText": "Love it! I love being able to purchase specific songs that I like instead an entire album.", "summary": "Five Stars", "unixReviewTime": 1435276800} +{"overall": 1.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A1QE4KVT9T53YK", "asin": "B00137KKNQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "A little Weird Al goes a LOOOOOOOOOONG ways.", "summary": "One Star", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "AUWYFNDDKVHI5", "asin": "B001NB1K6I", "style": {"Format:": " MP3 Music"}, "reviewerName": "bo's girl", "reviewText": "loved this song. don't normally listen to u2 but this one caught my ear. maybe I will try more of their music", "summary": "need i say more", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A1YOP33S9QMGG", "asin": "B00137MKC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Emily", "reviewText": "Beautiful song, as only they can do it.love these woman", "summary": "Five Stars", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2014", "reviewerID": "A1NR98Y1II21PZ", "asin": "B003Y3Y0SI", "style": {"Format:": " MP3 Music"}, "reviewerName": "rmvgames", "reviewText": "I love this song when it first came out nice will love it now what else is there to say it's just a good song", "summary": "I still love the 80s", "unixReviewTime": 1393632000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A2PXWRXTLWC0IO", "asin": "B00136NFOI", "style": {"Format:": " MP3 Music"}, "reviewerName": "ANGELA", "reviewText": "My little girl likes this! 80's.", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 1.0, "verified": false, "reviewTime": "10 27, 2011", "reviewerID": "A15JTJXQXO22JJ", "asin": "B004BSHAHI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chad Frey", "reviewText": "Never heard of Nicki Minaj until I heard this song.\nGetting overplayed and become an opening act for britney spears femme fatale tour.\nYou won't get pass the first 30 seconds of the song. Completely Unlistenable", "summary": "Super What ?", "unixReviewTime": 1319673600} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "ATPYE44KK7O0Q", "asin": "B000W23KD0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gilbert Heath", "reviewText": "Nice classic Irish music. Easy listening, most enjoyable.", "summary": "Good sound", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A26IFYUN4MTRU5", "asin": "B0013TSP9U", "style": {"Format:": " MP3 Music"}, "reviewerName": "BooBoo.59", "reviewText": "songs I grew up with", "summary": "Five Stars", "unixReviewTime": 1410652800} +{"overall": 3.0, "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "A1C7Y31S5QXNTR", "asin": "B004BUD6OM", "reviewerName": "majormusiclover", "reviewText": "Well enough done Christmas song. Just not to my liking.\nI didn't care for the piano so much louder then the voices.", "summary": "Not my cup of tea.", "unixReviewTime": 1355788800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A753ZUUT7A8OU", "asin": "B005GXW22U", "style": {"Format:": " MP3 Music"}, "reviewerName": "ARmeen63", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2017", "reviewerID": "AJGZ7ZWT5HWFL", "asin": "B0048W3SRS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mr. Ed", "reviewText": "This song has really put my heart in the right perspective!", "summary": "Great uplifting song!", "unixReviewTime": 1506902400} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2013", "reviewerID": "A3VV43WDTLKVU5", "asin": "B0011W0D6M", "style": {"Format:": " MP3 Music"}, "reviewerName": "V. Burgess", "reviewText": "One of her best! This album makes me think of great times in my life - her voice is amazing; this is definitely when she shined.", "summary": "Great album!", "unixReviewTime": 1364688000} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "A2WRE0QZOQXKU6", "asin": "B00LHK5DT0", "style": {"Format:": " Audio CD"}, "reviewerName": "AZ Cowpoke", "reviewText": "good music to lay back and relax with", "summary": "Four Stars", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2013", "reviewerID": "A3K8YRUI9ECW8G", "asin": "B00A87ERYK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roberta C. McDade", "reviewText": "This is a good assortment of Christmas music to which to listen. I recommend this for everyone who celebrates Christmas.", "summary": "Christmas music", "unixReviewTime": 1358640000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A30IX3XTNX1DIJ", "asin": "B00EE0O6HU", "style": {"Format:": " MP3 Music"}, "reviewerName": "B. Sherman", "reviewText": "Excellent!", "summary": "Five Stars", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A5ASFJ9UJTEE1", "asin": "B007JCPEZ8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nicole", "reviewText": "I really like Sidewalk Prophets! This songs is very encouraging! A reminder that I need God to help me find my way through life and the plan He has for my life!", "summary": "LOVE!", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A6VKJ5ADIQBVE", "asin": "B00122X5VG", "style": {"Format:": " MP3 Music"}, "reviewerName": "prgirl", "reviewText": "Love it! The quality is fantastic!", "summary": "Love it! The quality is fantastic", "unixReviewTime": 1457481600} +{"overall": 4.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "AYP7PJ4RUB8MW", "asin": "B009VLXO16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Washington State", "reviewText": "Only Taylor Swift song I like.", "summary": "Four Stars", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A3HS8AVA1X0Z3Q", "asin": "B00136M210", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jerry Whorton", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A3UWR7DDADRKFG", "asin": "B00P34ITRO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Danny", "reviewText": "This guy is just amazing. My boyfriend and I love this band.", "summary": "Five Stars", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A28K07PPQ3X43H", "asin": "B00124ADVE", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Davis", "reviewText": "Mp3", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "A3HKL2VKMQREWN", "asin": "B00FFJRPY0", "style": {"Format:": " MP3 Music"}, "reviewerName": "PEB", "reviewText": "It's free and give a wonderful sampling of songs I may not have heard otherwise. Everyone should get this one!", "summary": "Partisan Records Fall/Summer sampler", "unixReviewTime": 1383782400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A1KBHQWJYKYA01", "asin": "B004DD1U40", "style": {"Format:": " MP3 Music"}, "reviewerName": "rob", "reviewText": "High energy tune.", "summary": "Energy", "unixReviewTime": 1515456000} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A1RLSO6B5APQH4", "asin": "B00CUR29GY", "style": {"Format:": " MP3 Music"}, "reviewerName": "GORDON R CARTER", "reviewText": "Very good song very up beat", "summary": "Four Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2014", "reviewerID": "A2CW5F7H9M1MZV", "asin": "B00J9R8TMG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kay B.", "reviewText": "Great Song!!!", "summary": "Five Stars", "unixReviewTime": 1416009600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1O8MV9SLICC65", "asin": "B00LWC6P1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aunt Ki Ki", "reviewText": "just a fun good beat song, gets your toe tapping every time : ) these ladies rock!", "summary": "good song", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A4EKX22OU5L8K", "asin": "B000V619US", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lura J. Dungan", "reviewText": "Excellent cover of J. J. Cale's classic.", "summary": "Five Stars", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A1X9TGR96Z1I7F", "asin": "B0014JAJYI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jose O. Calderon", "reviewText": "Hip-Hop/Rap is not my preferred genre. Having said that, this is a great song! I don't think I ever enjoyed it as much as I do now that I own it.", "summary": "What a great song!", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "AKW5WFJ24WMW4", "asin": "B00I5XHOP8", "style": {"Format:": " MP3 Music"}, "reviewerName": "GAPEACH", "reviewText": "Reminds me of my father singing and dancing. Music crosses all generations.", "summary": "Great Song!", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A2GEURP6P1FIHR", "asin": "B000VZYVHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "creazyb", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1406419200} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A1RB53LPRGUJ1A", "asin": "B0011Z0YEA", "style": {"Format:": " MP3 Music"}, "reviewerName": "krystla", "reviewText": "LOVE", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A1GBVRPUHZRMYH", "asin": "B0011Z75RE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Catatonic", "reviewText": "I would recommend this to anyone who likes music, whether they are young or old. Great song, very upbeat and fun.", "summary": "Love it", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2013", "reviewerID": "ASDPTCEGEINUZ", "asin": "B000W015MA", "style": {"Format:": " MP3 Music"}, "reviewerName": "W.C.", "reviewText": "I loved this song back in the day. Then I discovered it again as part a car commercial a couple of years ago. Go figure where you find and rediscover old favorites! The Fixx has so many catchy tunes.", "summary": "80' rock", "unixReviewTime": 1370822400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "A1Z1WLK39TMFBG", "asin": "B006BXU5SC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Faith", "reviewText": "Makes me feel like I'm back in my high school days. Korn makes me happy... Good quality mp3.", "summary": "The sweet sound of Korn", "unixReviewTime": 1481414400} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A225KOTGHS3BRA", "asin": "B001IAQUM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patrick", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1510704000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A2CXSBHDB9TZ03", "asin": "B000QPYE2E", "reviewerName": "Jenny the great", "reviewText": "Yes lord yes made me happy", "summary": "Five Stars", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "A3GCPQMQCM0DQU", "asin": "B001NCUEY6", "style": {"Format:": " MP3 Music"}, "reviewerName": "mothow", "reviewText": "always loved white zombies and this song. Awesome song to listen to with the radio cranked and zipping down the highway or some twisty back roads", "summary": "White Zombie", "unixReviewTime": 1392768000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A1PG1VA2R49ISJ", "asin": "B002WMP162", "style": {"Format:": " MP3 Music"}, "reviewerName": "J", "reviewText": "A masterpiece! Really!", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A3C1V3J0U8N236", "asin": "B00137KLVM", "style": {"Format:": " MP3 Music"}, "reviewerName": "sharon r mccreary", "reviewText": "Love it.", "summary": "Five Stars", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A2RU9RVRSPYAA0", "asin": "B0043G41D4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Emerald", "reviewText": "I love this song as it has special meaning for me. As it probably does for anyone who has ever been there and 'Get's It.'", "summary": "Love It!", "unixReviewTime": 1393545600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A2ZZWOWUV0FO2B", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rachel", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2012", "reviewerID": "A1B1X9AK218Z61", "asin": "B00137W214", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tony", "reviewText": "Best album of this great group of the 60's and 70's, makes my collection even more valuable. Amazon supports and has better selectons and more complete than other music programs.\nThanks,\n\"T\" Orlando,florida", "summary": "Gary Puckett", "unixReviewTime": 1338768000} +{"overall": 4.0, "verified": true, "reviewTime": "05 28, 2012", "reviewerID": "A3SQSI56RFAVKP", "asin": "B0011W20MW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Goat lover", "reviewText": "A friend showed me this song, and I had to download it. The song is good, and such a sweet idea! The last verse is definitely my favorite. Well worth the buy! Enjoy!", "summary": "Cute, Good Buy", "unixReviewTime": 1338163200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A37UFBUSX7FG4G", "asin": "B00137KG6W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rick Morrill", "reviewText": "Great song!", "summary": "Great song!", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A38KRBCJ02HS8Y", "asin": "B00CUR29GY", "style": {"Format:": " MP3 Music"}, "reviewerName": "sb", "reviewText": "I have not gotten passed the Latch song!!! It also arrived late, but I am not holding that against the product! Sam Smith is amazing and definitely made the Latch song a mega hit!!!", "summary": "Sam Smith - Enough Said", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A17BKQC4M62W3Y", "asin": "B00I3GJ298", "style": {"Format:": " MP3 Music"}, "reviewerName": "jbarn", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A3I7J6H0FSZQIW", "asin": "B00136RUWG", "style": {"Format:": " MP3 Music"}, "reviewerName": "jeff ervin", "reviewText": "a", "summary": "Five Stars", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A3CMIEYL0TJLC2", "asin": "B01DQ6OH4Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "RAE", "reviewText": "Love this song and I can't wait for more", "summary": "Love it", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A1GLYYFZG2W6P7", "asin": "B000SXHB6K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rena P.", "reviewText": "This woman truely has the voice of an angel. I guarantee if you listen to this song your blood pressure will drop 5 points!", "summary": "Soooo relaxing..", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A243M3KH1V82SL", "asin": "B00136LKMM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jacque G.Fullhart", "reviewText": "Played this for a Jungle Themed event in Cub Scouts - always a crowd pleaser.", "summary": "Five Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2018", "reviewerID": "ADYV1T0I7OZ9S", "asin": "B01C8QYT3C", "style": {"Format:": " MP3 Music"}, "reviewerName": "j rask", "reviewText": "If you want to hear a man sing literally every pop song you ever knew in a heavy metal style then you are in the right place.", "summary": "If you want to hear a man sing literally every ...", "unixReviewTime": 1527033600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2017", "reviewerID": "A2HDYNSUN6JJUP", "asin": "B00II5WWO6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roxysgarden", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1498003200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A2EZ9HA66WCIYP", "asin": "B00O75RQ9C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cheryl Poole", "reviewText": "Great quality download!", "summary": "One Star", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A3DK8XW22FUZHE", "asin": "B0043ZDFEQ", "style": {"Format:": " Audio CD"}, "reviewerName": "Sam", "reviewText": "Rec'd the item & thank you.", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A319ADHS4Q1FNG", "asin": "B0011ZVSKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "FloW", "reviewText": "great song", "summary": "Never give up on yourself", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A3631U76Y10T4U", "asin": "B00UB4X2LY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jesse E. Murph", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A1WBKSWCF41FW6", "asin": "B00GJ2N10O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Grand!!!!", "summary": "Five Stars", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A1SJ4XVR60A5FG", "asin": "B00BS4QPDS", "style": {"Format:": " MP3 Music"}, "reviewerName": "coop3", "reviewText": "Very nice product", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A1KED00VJJ51XX", "asin": "B005JBDYR6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Karen", "reviewText": "A song of peace, during a storm", "summary": "Four Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A3MG9CNWF17RUC", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lynne Ober", "reviewText": "If you aren't happy when this toe tapper starts, you should be grinning by the time it ends.", "summary": "Five Stars", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "A1JPPIRAZFDXS4", "asin": "B00137MPRA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark Massingill", "reviewText": "Music review is based solely off of personal taste. Just because I like it doesn't mean you will. I love this one.", "summary": "Love it!", "unixReviewTime": 1366675200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A3NRQZWQPNGR4O", "asin": "B000TECDFM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Great fun.", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A33LBTRTH6XOLE", "asin": "B0051WB98O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daniel Allen", "reviewText": "I liked this Music.", "summary": "I liked this Music.", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "ALZDZ1QYQTXKY", "asin": "B002IEW504", "reviewerName": "beverly june streeter", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "A3L933N2I89N2V", "asin": "B0018AREUA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Katherine King", "reviewText": "Branigan is awesome on this. she really made it work.\nwish she hadn't died so suddenly.", "summary": "Brianigan is win", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A3BJZRS6Z6E5PI", "asin": "B00JLJ13JI", "style": {"Format:": " MP3 Music"}, "reviewerName": "misty yellowstone", "reviewText": "Love this song. Great words and nostalgic feelings are evoked.", "summary": "Something to Keep", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A181D56XURSCHU", "asin": "B0016ZD2QC", "style": {"Format:": " MP3 Music"}, "reviewerName": "manidatta muller", "reviewText": "Good song.", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A3BOKDQLKENR51", "asin": "B00GI143QM", "style": {"Format:": " MP3 Music"}, "reviewerName": "billybobwood", "reviewText": "love her music", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A2XH00B2HM52Z7", "asin": "B000W05EGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gayle Adamek", "reviewText": "Excellent song", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "AOZCT7C19SKVK", "asin": "B009Y8EB5E", "style": {"Format:": " MP3 Music"}, "reviewerName": "schneiderbell", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A2TFRMJG12K3WO", "asin": "B0170K9UTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Big Time Rush Girl", "reviewText": "I love this song", "summary": "Adele sounds amazing", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A125I6OBGX1VI8", "asin": "B000S562Z4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Casey's Mom", "reviewText": "Being the only daughter of a single mother this has been a favorite of mine.", "summary": "... daughter of a single mother this has been a favorite of mine", "unixReviewTime": 1407024000} +{"overall": 4.0, "verified": false, "reviewTime": "11 20, 2014", "reviewerID": "A3CFZWOQ7ONYYB", "asin": "B001235DTW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Four Stars", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "ADAQDVXCRNSL0", "asin": "B000V61610", "style": {"Format:": " MP3 Music"}, "reviewerName": "SlickShady", "reviewText": "I Love It.", "summary": "Five Stars", "unixReviewTime": 1503100800} +{"overall": 4.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A2JUE1OWBPZ441", "asin": "B0011Z10Y8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Red Sox Mom", "reviewText": "I repeat, it's Green Day. 'Nuff said. They are revising their raw talent into finer talent. Still hardcore. Edgy. Walks the line between alternative rock and punk. Does contain explicit language.", "summary": "It's Green Day. 'Nuff said.", "unixReviewTime": 1361750400} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A1LIO1CETT3TRB", "asin": "B004VQK67G", "reviewerName": "Concerned customer", "reviewText": "Great Item for the Price. No complaints.", "summary": "Four Stars", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "ABH741JTXOZZN", "asin": "B01B73XHYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Toni", "reviewText": "cool song", "summary": "cool song", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A32CCSLZMFN020", "asin": "B00136RNZ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Valerie Owens", "reviewText": "Just what I was looking for.", "summary": "Excellent song!", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "A3K71EYG13ALZD", "asin": "B001F5EUKU", "style": {"Format:": " MP3 Music"}, "reviewerName": "kim howell", "reviewText": "SHARPED Dressed man has good bet to it good to listen to. Good rhythm it rocks you can work out to .", "summary": "Sharp Dressed man Rocks", "unixReviewTime": 1402876800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "A3K7LEJMNE7EOF", "asin": "B0011Z4WOI", "style": {"Format:": " MP3 Music"}, "reviewerName": "ruckerlady", "reviewText": "My favorite Matchbox Twenty song. I'm not crazy, I'm just a little unwell... Ever feel that way?", "summary": "Classic Matchbox Twenty", "unixReviewTime": 1437782400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A2KUPBN8OR83DO", "asin": "B00136RVCU", "style": {"Format:": " MP3 Music"}, "reviewerName": "raider", "reviewText": "enjoyed", "summary": "Five Stars", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2013", "reviewerID": "A6WWHBZW20M9C", "asin": "B0040I4522", "style": {"Format:": " MP3 Music"}, "reviewerName": "Arnetta", "reviewText": "I always loved this song because it has a nice lyric and a good beat. Brought back good memories of backyard bar-b-ques.", "summary": "Old schoo", "unixReviewTime": 1358985600} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "ASEH02I5697XU", "asin": "B000VUBWDI", "style": {"Format:": " MP3 Music"}, "reviewerName": "mrdebjr", "reviewText": "this is probably grover washingtons most played and known hit,it is definatly an old school classic,check it out,you won't be disappointed!!!!!!", "summary": "classic!!!!!!!!", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A24NL78E7KQLZY", "asin": "B00CRMX53S", "style": {"Format:": " MP3 Music"}, "reviewerName": "karl r goeddertz", "reviewText": "good music check it out!", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "AGAT8RV58XYKC", "asin": "B00TQTE8UE", "style": {"Format:": " Audio CD"}, "reviewerName": "tom", "reviewText": "awesome cd love this band sound of their own", "summary": "awesome cd love this band sound of their", "unixReviewTime": 1443830400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "A1JCR8TU4L4O5X", "asin": "B000ZMUV2K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jessica M. Jakubiak", "reviewText": "Great song!", "summary": "Five Stars", "unixReviewTime": 1502668800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2014", "reviewerID": "A1A9XX7CM9SPES", "asin": "B0011ZP364", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Roy Henderson", "reviewText": "REMEMBER LISTENING TO THIS SONG WHEN i WAS A KID SO i DOWNLOADED IT. GREAT SONG THAT BROUGHT BACK ALOT OF MEMORIES.", "summary": "GREAT SONG", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A1BBPRN4F9OXBY", "asin": "B000V68TJM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Edward A Grimsley", "reviewText": "Great Song", "summary": "Five Stars", "unixReviewTime": 1433980800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 23, 2012", "reviewerID": "A19A2H8AWUAM0L", "asin": "B0013F2BOE", "style": {"Format:": " MP3 Music"}, "reviewerName": "psanchi", "reviewText": "Lionel Richie is a classic and so is this song. \"Lady\" is beautiful and sincere. You can't help but feel the love and respect that he has for the woman he is singing about. It touches the soul.", "summary": "Lady", "unixReviewTime": 1340409600} +{"overall": 3.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A331ZUPRPHE5D0", "asin": "B000V6TO82", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beesforme", "reviewText": "Good music when I'm in the right mood.", "summary": "Three Stars", "unixReviewTime": 1494979200} +{"reviewerID": "A3NVLXRZRHLBZE", "asin": "B00137QZNK", "reviewerName": "LookForDeals", "verified": true, "reviewText": "Great", "overall": 5.0, "reviewTime": "07 19, 2017", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A2LJTAD89IQFIU", "asin": "B00ELD1RPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Becky D. Henderson", "reviewText": "She is awesome and explosive", "summary": "Mandisa", "unixReviewTime": 1410566400} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A3QLMOH8UIPL74", "asin": "B01566PSQS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sarah Horwath", "reviewText": "really loved this song.", "summary": "great song", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A2ESUL8QBRVY8M", "asin": "B00136JS6C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stan", "reviewText": "Memories", "summary": "Five Stars", "unixReviewTime": 1417478400} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A1Y3TS2V8FG7PZ", "asin": "B003BNG26E", "style": {"Format:": " MP3 Music"}, "reviewerName": "ronnie woods", "reviewText": "great", "summary": "Four Stars", "unixReviewTime": 1410912000} +{"overall": 4.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "A1HZWTN7KJNZT", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "This is a really great song. I would recommend anymore who likes music to buy this song. Pharrell will win billboard awards for this.", "summary": "Great song", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "AMU94L67SIBA2", "asin": "B001225A82", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lolagirl", "reviewText": "So great to have access to the older music and to have a version digitally enhanced. Good download and fast service. Thank you.", "summary": "great song", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A4KVXNCQI8A5Q", "asin": "B001LZ0UGM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jorjie69", "reviewText": "Good old song", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2014", "reviewerID": "A1R0VX4QJ1E7V", "asin": "B00137KI1U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Agron Berishaj", "reviewText": "FELL IN LOVE WITH HER THE FIRST TIME I HEARD THIS SONG. GREAT SONG, BEAUTIFUL VOICE, GREAT LYRICS. GREAT PRICE.", "summary": "GREAT SONG", "unixReviewTime": 1392336000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "AZWRPMALY1JOJ", "asin": "B001NCRRTG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tiny", "reviewText": "Great track", "summary": "Rob rocks", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": false, "reviewTime": "08 16, 2013", "reviewerID": "A2G6DG7V68B0GF", "asin": "B00137IF7O", "reviewerName": "Michelle German", "reviewText": "This song is a wonderful piece to use in your time alone with God. I can just imagine the rain from heaven pouring down on me!!!", "summary": "Great praise music", "unixReviewTime": 1376611200} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A29V5BNZCV0TQ9", "asin": "B001J9GHU8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Garrison Jensen", "reviewText": "Awesome song!", "summary": "Four Stars", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": false, "reviewTime": "09 15, 2014", "reviewerID": "A16V6BIR7MC0KC", "asin": "B000W176MM", "style": {"Format:": " MP3 Music"}, "reviewerName": "ritapan", "reviewText": "Great album.", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 1.0, "verified": false, "reviewTime": "06 24, 2012", "reviewerID": "A15JTJXQXO22JJ", "asin": "B00136PP8M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chad Frey", "reviewText": "Those guys should just do eagles covers and just call it a day.\nThe Ataris will not be missed. Pipebomb !", "summary": "Ha ! Ha !", "unixReviewTime": 1340496000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A3AU0683BTPNNZ", "asin": "B01F7O367M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sunday's Best Fan", "reviewText": "Money well spent.", "summary": "Five Stars", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2013", "reviewerID": "A24MA24TI2GJ20", "asin": "B0016O6QIE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sandy Dee", "reviewText": "love this song! downloaded fine and had no issues with playing on my computer, mp3 player, and also loaded it on my iphone as well.", "summary": "great song", "unixReviewTime": 1368662400} +{"overall": 4.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A368X6QTD8W4QX", "asin": "B00136NFOI", "style": {"Format:": " MP3 Music"}, "reviewerName": "LS", "reviewText": "Love it", "summary": "Four Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A8CVI82KIIW99", "asin": "B000VZYYWY", "style": {"Format:": " MP3 Music"}, "reviewerName": "G", "reviewText": "Music sounds good and quality is perfect!", "summary": "Good Purchase", "unixReviewTime": 1512000000} +{"overall": 1.0, "verified": false, "reviewTime": "10 21, 2014", "reviewerID": "AAQAB2HFHYQ4F", "asin": "B008YO4EJC", "style": {"Format:": " Audio CD"}, "reviewerName": "ubergoober", "reviewText": "Bad vocals.", "summary": "Can't Sing", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A4YJR400949FJ", "asin": "B00U3WJHCW", "style": {"Format:": " Audio CD"}, "reviewerName": "Victor A. Gassman", "reviewText": "GREAT !!! Excellent supplier too !!!", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "A16UEHUIY3K8O", "asin": "B00G7IVLLG", "style": {"Format:": " MP3 Music"}, "reviewerName": "GRIN-N-BARRETT", "reviewText": "The Very Top Violinists tend to use the rarest and most expensive violins ever made....Stradivarius and Amati for example in order to achieve the very best playing possible. Even Cellist Yo-Yo Ma has a Stradivarius Cello.", "summary": "The Instrument for Some of the Greatest Romantic Music Written", "unixReviewTime": 1404000000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A8RKJ4DD8BK4B", "asin": "B006CLTGFQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Star", "reviewText": "I must say that watching the show i found myself singing along to this song, i just had to hear the full version. Way better than the one on the show!", "summary": "Love it!", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A3CCMXO9C2O17L", "asin": "B00JLJ185C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nicole Holley", "reviewText": "My wedding song!!", "summary": "Five Stars", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A1LEQ6NHCYBZUL", "asin": "B0018CMBRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "RabbitRescuer", "reviewText": "Love Toby", "summary": "Five Stars", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A35HMOBVSHD5AP", "asin": "B00F0AIE4E", "style": {"Format:": " MP3 Music"}, "reviewerName": "FP", "reviewText": "Excellent!!!", "summary": "Five Stars", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "AAAQNHJLVDFC3", "asin": "B00ZZDJ4J0", "style": {"Format:": " MP3 Music"}, "reviewerName": "sasesq", "reviewText": "This is the best song on the CD. A Nile Rodgers collaboration at its best.", "summary": "Great song.", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "AJ554YKKJ832U", "asin": "B002XGKZ04", "reviewerName": "keith fuhrmeister", "reviewText": "Needed this for a Wedding dance", "summary": "Five Stars", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A24SAA1Y7UULLT", "asin": "B001P4UC4E", "reviewerName": "HUSBANDKEITH", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A19UR4V63JPOEU", "asin": "B00136JMOK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lloyd W. Godsey Jr.", "reviewText": "I really have enjoyed this album and there are the classics on it that everyone enjoys but also many will like.", "summary": "Nice", "unixReviewTime": 1388880000} +{"reviewerID": "A22SA9UNKANYRV", "asin": "B000V62XTE", "reviewerName": "Brett R Rossi", "verified": true, "reviewText": "Great old song!", "overall": 5.0, "reviewTime": "04 30, 2016", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "AQ5Q9GSD3W11N", "asin": "B00BGTRBHE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lyndon Ellenburg", "reviewText": "I Had To Have This For My Playlist Because It Reminds Me That I'm NOT Alone ! !", "summary": "You Have To Have This For Your Playlist ! !", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A2C3UYU5I11Z5K", "asin": "B000VWMTH4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Billy_The_Kid", "reviewText": "Good music by a great performer.", "summary": "Eric Clapton", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A2V6ZG2ULNUZLJ", "asin": "B000W05EGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Colleen", "reviewText": "This is a great oldie, and you can't help but sing along with 10cc on it!", "summary": "Five Stars", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2013", "reviewerID": "A2GB0ZN99SUTWX", "asin": "B0013EVOVQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "John C. Holoduek", "reviewText": "I am happy that the Youtube mix brought me to this song! For me, it was a must have. A+++", "summary": "Nice!!!", "unixReviewTime": 1379721600} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A3160JI7JSH0U4", "asin": "B001NYRPM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Latrece", "reviewText": "This song was a hit when it first came on the scene and still brings back memories every time I hear it.", "summary": "My all time favorite R&B Collaboration", "unixReviewTime": 1371686400} +{"overall": 3.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A3QK0YZD1YKOD8", "asin": "B00A7ZWZX8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jermel", "reviewText": "Rhianna Rules!", "summary": "Three Stars", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2014", "reviewerID": "A1XYJCWQMY7HGI", "asin": "B00137YNSO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Londe-ji", "reviewText": "Forget Led Zeppelin's Stairway To Heaven. This song is so much better. This song is part of the soundtrack of my life. Classic Old School R&B.", "summary": "Great Song", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A16MXRFTZHDYRD", "asin": "B003WNTO9U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rachel", "reviewText": "Unforgettable music", "summary": "Five Stars", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A26VW0GBXA65DR", "asin": "B00137V04O", "style": {"Format:": " MP3 Music"}, "reviewerName": "FameII", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": false, "reviewTime": "12 10, 2013", "reviewerID": "A140C84ZOOM6SK", "asin": "B00330WKMA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Grammy2mcj", "reviewText": "This group is so good together. All their songs are wonderful. I just really like the sound of them together.", "summary": "Enjoy!!!", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A3NDWL56CCM3Q5", "asin": "B000V61EMG", "style": {"Format:": " MP3 Music"}, "reviewerName": "E. Welty", "reviewText": "Music is all very personal and I'm not sure why I'm being asked to review it. What I may love, another person will not, but I'm tired of seeing it on my \"Review Purchases\" screen, so I really love this song.", "summary": "love this song", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A3DMMQ97Y9CGTS", "asin": "B00C3945UW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aromazone", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A281DXZBJSUHPQ", "asin": "B0043CJ8X6", "style": {"Format:": " MP3 Music"}, "reviewerName": "rd3inc", "reviewText": "Really love this song. The girls on X-Factor did a really good job singing this song. They really did it justice. :-)", "summary": "Great Song", "unixReviewTime": 1355875200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A3G9QIRBU6S5YI", "asin": "B00NYII6F6", "style": {"Format:": " MP3 Music"}, "reviewerName": "SuzyQ", "reviewText": "One of the best songs ever! Chris Tomlin is my newest favorite singer. Everything he does glorifies God and our Savior Jesus Christ. I can't seem to get enough of this song!", "summary": "Amazing song!", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "ANO58GS5RG9DM", "asin": "B013FILLKQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Texas reader", "reviewText": "Love this song.", "summary": "Super song", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A28I8BLNA188DU", "asin": "B00136J7ZE", "style": {"Format:": " MP3 Music"}, "reviewerName": "JPara", "reviewText": "I like it", "summary": "Five Stars", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A3J30PO1CLMMD3", "asin": "B000W216J0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gerry -", "reviewText": "Great song.....", "summary": "Five Stars", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "AX63QEFAEBT4P", "asin": "B0022WEETC", "style": {"Format:": " MP3 Music"}, "reviewerName": "rfshell", "reviewText": "Beautiful and Magical. A Favorite", "summary": "Five Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "AB7LXK9GUNJH9", "asin": "B0011Z8OFG", "style": {"Format:": " MP3 Music"}, "reviewerName": "William Manno", "reviewText": "Every time you hear this song it always reminds you of that special part of your life. I think back and it always makes me smile.", "summary": "This song is a classic.", "unixReviewTime": 1386892800} +{"overall": 3.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A2CHKRC05WUX78", "asin": "B00137G9K4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cindy Frank", "reviewText": "I gave a 3 star because the song is old although was a hit when it came out Easy listening !!!! I would recommend this song aye it at a bar-ba- Que", "summary": "couuntry", "unixReviewTime": 1394841600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "AMQ2W98X97TM6", "asin": "B0025W8UVW", "style": {"Format:": " MP3 Music"}, "reviewerName": "ErinRS", "reviewText": "Love this song!", "summary": "Five Stars", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "AGNUO5Q3CX7O8", "asin": "B00NO2TTQ2", "style": {"Format:": " Audio CD"}, "reviewerName": "L. Wright", "reviewText": "One of my fave downloads. I never bought a MJB CD before, but these songs are smartly written. And very easy to listen to.", "summary": "Great CD - why didn't she win the Grammy for this?", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2014", "reviewerID": "A1Z4XFND3PR5M1", "asin": "B00137MHE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bernard", "reviewText": "If you are down or struggling in life, esp. on a spiritual level, this song is a must-have. It reminds us of God's sovereignty, and how Jehovah reigns with justice from heaven.", "summary": "Very Uplifting Song", "unixReviewTime": 1388966400} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A19ZV5VMY9XREC", "asin": "B00FY9PGJ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "doug wybourn", "reviewText": "I play music for our highschool football games and I am always looking for new and catchy tunes that the kids like", "summary": "sail", "unixReviewTime": 1411862400} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "ATQEQ2MEJQAKY", "asin": "B000VZV9Y0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Adamchick", "reviewText": "good oldie.", "summary": "Four Stars", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A28D19EB0R7QI4", "asin": "B00EYKUGUG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donica Crouch", "reviewText": "Like", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A1EOG1HMSTDFDE", "asin": "B0170977HC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Van", "reviewText": "I have not heard all of the sonatas as they take about 6 hours to really listen to. I really like Jeffrey Biegel's interpretation of Mozart's sonatas. The only other recording of them I had was Genn Gould and that just didn't cut it for me. Like these better!", "summary": "Great interpretations...wonderful music!", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A1RR8MILLMBI8N", "asin": "B002NP6ND8", "style": {"Format:": " MP3 Music"}, "reviewerName": "John K", "reviewText": "Love this song, I thought of it when President Trump was sworn in.", "summary": "Love this song", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A2C9WZG5S7NO0", "asin": "B0011ZOZXG", "style": {"Format:": " MP3 Music"}, "reviewerName": "sketchofthenile", "reviewText": "This track calls you to the floor. Not only you can dance with this but the lyrics are written to make all you entertainers aware of your fans.\n\nWe ask that you \"Treat'Em Right\". And c'mon back. This is just one that needs to be added to your music.", "summary": "Gonna treat you right", "unixReviewTime": 1354060800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A1HJYA1QNW4UTA", "asin": "B00JMQ2UYM", "reviewerName": "Tish Believer", "reviewText": "Awesome song! We did this more contemporary Christian version by The Digital Age during service. It's nice when we play music that the youth also enjoy singing.", "summary": "Awesome song! We did this more contemporary Christian version ...", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A2YPI831EUQ1ZU", "asin": "B00122N02A", "style": {"Format:": " MP3 Music"}, "reviewerName": "S. Johnson", "reviewText": "This is a wonderful song, performed beautifully by Madonna. I thoroughly enjoy it and listen to it often and loudly.", "summary": "Great Song", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A33QL7Y8Y9SQSI", "asin": "B000W25BZU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eugene Opal Jr.", "reviewText": "this was one of those songs from back in it's time no one knew who they were , but it was kind of a cool song .", "summary": "mp3 review", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A2RRDGWVSUGOGM", "asin": "B00EZZ732Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "tim", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A13G2LMKA9GVMM", "asin": "B004B2VUM0", "style": {"Format:": " MP3 Music"}, "reviewerName": "ANGELA TOOF", "reviewText": "a+", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A2RRDGWVSUGOGM", "asin": "B00I0QPDBW", "style": {"Format:": " MP3 Music"}, "reviewerName": "tim", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "APBMLKG1UM5AX", "asin": "B000W1VF3S", "style": {"Format:": " MP3 Music"}, "reviewerName": "WILLIAM", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1424476800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A1WFE97YZL349Q", "asin": "B00BWGHIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "madame", "reviewText": "Nothing more to add, it is the song of the summer, bright and happy happy, you can dance to it.", "summary": "I love this song", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2013", "reviewerID": "A146R8D7UBEFKQ", "asin": "B000W1T2TW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris", "reviewText": "A masterpiece. Everything is perfect. You can hear this song 500 times and still be moved. Lyrics, musicianship, melody....all the great things about Rush in 5 minutes.", "summary": "A timeless masterpiece", "unixReviewTime": 1368662400} +{"overall": 5.0, "verified": false, "reviewTime": "08 17, 2015", "reviewerID": "A2QEKSYD9C83MX", "asin": "B000T1DKMK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cher", "reviewText": "Forever country!", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2013", "reviewerID": "A1C8X3OH57JH3H", "asin": "B00AIGPP4M", "reviewerName": "Mtnmama", "reviewText": "My young daughter is just loving it!\n\nI would recommend it to anyone looking to get music for their children.", "summary": "great", "unixReviewTime": 1363996800} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2013", "reviewerID": "A2TGWCKTZNMJUN", "asin": "B002WXJU4A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bella Evans", "reviewText": "Downloaded this for my husband when Motley Crue came to town. Very good mix. Played it for my husband and it made his day.", "summary": "Flash back to my youth", "unixReviewTime": 1370390400} +{"overall": 5.0, "verified": false, "reviewTime": "06 29, 2015", "reviewerID": "A1GQAKL9CGQLP1", "asin": "B006WWU924", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. M. Keefer", "reviewText": "Love this song for Taylor's voice. Has a good beat to it. Lyrics and melody combine well.", "summary": "Great for Taylor's Voice", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2QHVRUGQRAIHJ", "asin": "B012RI0F34", "style": {"Format:": " MP3 Music"}, "reviewerName": "R&S Chatman", "reviewText": "Andy rocks!!", "summary": "Uncomfortable is awesome!!", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A2B2UU6VETBTFI", "asin": "B01856MVR0", "reviewerName": "James Mertz", "reviewText": "Awesome, anointed praise and worship!", "summary": "Love!", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A3LCQC0BUOB29V", "asin": "B00330WKMA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cinderbell17", "reviewText": "Great song!", "summary": "Love This Song :)", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2013", "reviewerID": "AOMRMU6YR7GH2", "asin": "B00137KHK2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Marki", "reviewText": "This song has always been a fun one to line dance to in my school. The beat is not to fast or to slow.", "summary": "One of my favorites", "unixReviewTime": 1377820800} +{"overall": 5.0, "verified": false, "reviewTime": "03 30, 2016", "reviewerID": "ANSO2ODK8EN5", "asin": "B000VRL9IE", "style": {"Format:": " MP3 Music"}, "reviewerName": "jessica oliver", "reviewText": "happy with this", "summary": "good stuff", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "AUWYFNDDKVHI5", "asin": "B000WLQKPQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "bo's girl", "reviewText": "first time I have listened to this singer, fell in love instantly and have brought several songs since, I just love this song", "summary": "LOVED IT", "unixReviewTime": 1355184000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2008", "reviewerID": "A6XHF110BC856", "asin": "B00137KJ8M", "style": {"Format:": " MP3 Music"}, "reviewerName": "lyndajean23", "reviewText": "Streisand & Bryan Adams are Great singing I FINALLY FOUND SOMEONE, and it is such a beautiful song and it rates an A+. I could listen to it all day!!", "summary": "Love Song", "unixReviewTime": 1220140800} +{"overall": 4.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A3IPB87ORLH4PA", "asin": "B001RN98N4", "style": {"Format:": " MP3 Music"}, "reviewerName": "GGG", "reviewText": "It's a catchy tune and I enjoy listening to it. I'm not a Kid Rock fan, but this was a good song.", "summary": "I heard it on the radio...", "unixReviewTime": 1370649600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2014", "reviewerID": "A1DYZ7H8WRLKL2", "asin": "B00137MJFS", "style": {"Format:": " MP3 Music"}, "reviewerName": "hsppy", "reviewText": "Reminds me so much of my daughter.that passed away at 32 years of age. I think she was an angel that was sent here show uphow to love unconditionally", "summary": "my daughter", "unixReviewTime": 1391817600} +{"overall": 4.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A2J7YDXQ6B1SMO", "asin": "B00EH49FRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pure Perfection", "reviewText": "Another song for women who found a voice for themselves. Nicely done and easy to listen to. I love it.", "summary": "Ladies Anthem", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A3GUVDFH02HH4G", "asin": "B00136JL5K", "style": {"Format:": " MP3 Music"}, "reviewerName": "TSC", "reviewText": "The master and king of pop at his best.", "summary": "The King of Pop", "unixReviewTime": 1441843200} +{"overall": 4.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A32FHEFS04SLJM", "asin": "B00260NY7S", "style": {"Format:": " MP3 Music"}, "reviewerName": "obetsr51", "reviewText": "I bought it because I used to listen to it in my younger years. One day I was listening on the fm radio and I heard the song again and I decided to buy it from nostalgia.", "summary": "Love Won't Let Me wait song", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2013", "reviewerID": "A31MGRUBMNV504", "asin": "B003M4DBIE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ashley Ford", "reviewText": "Love this song the recording is great and i love this song, it has a lot of feeling behind it", "summary": "Love This song", "unixReviewTime": 1379548800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A16QX55I5FUTP0", "asin": "B00JLJ11QI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ronald L. Felton", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A306KW7LK6ZOPB", "asin": "B00137XEI4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gregory Stevens", "reviewText": "good song", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "ASF3J6HQE5QTE", "asin": "B001AAE9N8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dean T. Mccreedy", "reviewText": "I pod", "summary": "Five Stars", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A1M3F4G45OXRDI", "asin": "B00124AVT8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Victor1212", "reviewText": "Sounds just like a digital file of the actual song, which is exactly what it is.", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 4.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A3EMTICWWRL6XU", "asin": "B017OHGGRC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris", "reviewText": "Apparently I have to listen to Eric Church songs at least twice because I did not like this at first", "summary": "Another hit", "unixReviewTime": 1464480000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A2OGLW5960ZL6X", "asin": "B00123JP8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Barbara Sisco", "reviewText": "Love the Memory! and the Harmony!!", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A22PZBENWG6IM0", "asin": "B00136PM3K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cassia A. Moore", "reviewText": "THIS MUSIC ARTIST REALLY KNOWS HOW TO WRITE A SONG!", "summary": "Three Days Grace deserves a lot of praise!!!", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A2K9M75G0A7CM2", "asin": "B00O6DWFW8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark J.", "reviewText": "AC_DC somkes!!!", "summary": "Five Stars", "unixReviewTime": 1417046400} +{"overall": 3.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A1PH0SIPRL5J5Z", "asin": "B01G2YBUIS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kid", "reviewText": "I have a love hate thing with this song. I like it but I don't think it's going to be a forever song in my library. I think it'll be a pull it out and dust it off song now and then song.", "summary": "Good but not great", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A2F3CXXSQ1UZHM", "asin": "B00U3WJLKK", "style": {"Format:": " MP3 Music"}, "reviewerName": "real gypsy girl", "reviewText": "Not my favorite from the album but still a beautiful song, well performed.", "summary": "Enchanting", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "AR2T18R3NNUT9", "asin": "B00136JA6K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sec NOLA", "reviewText": "Another one of my favorite from Bruce!", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "AXBALF4WO34AN", "asin": "B0011Z764Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Elessar", "reviewText": "It's Prince, It's Purple Rain, it's Great!\nThis is the extended recording, it has longer guitar playing at the end.", "summary": "Great!", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "AE4YZWQB533IA", "asin": "B001KW5MF0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Scott E. Martin", "reviewText": "great", "summary": "great", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A2QHZ18AESXWX9", "asin": "B00137MFWK", "style": {"Format:": " MP3 Music"}, "reviewerName": "campingfriend", "reviewText": "This song brings back sweet memories.", "summary": "Great song", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "AAPOQVDM5ZTHB", "asin": "B001O7UX3W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Emily Anne", "reviewText": "Memories", "summary": "Five Stars", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "AE86VUMJ7B5UH", "asin": "B0013DA8R8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Louis B Stowell", "reviewText": "Great Song", "summary": "Five Stars", "unixReviewTime": 1494633600} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A2UFJ5NIT2RFCM", "asin": "B0011Z5IFK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Becky Thomas", "reviewText": "Love it.", "summary": "Four Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A3CUKJHTX5CHL3", "asin": "B00NJT3GKK", "style": {"Format:": " MP3 Music"}, "reviewerName": "NormM", "reviewText": "I've loved song ever since I first heard it last year.", "summary": "It's one of my favorites.", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2012", "reviewerID": "A3SR2FSNU40ZSD", "asin": "B0011Z1D8Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. Boki", "reviewText": "Always a favorite song of mine, even with the criminal \"Frisco bay\" line, I don't recall downloading this one. How Otis had the foresight to write what became his final song and biggest hit, was divine intervention.", "summary": "Love it but didn't order It", "unixReviewTime": 1341878400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A322PUJT7DF4SM", "asin": "B0170K9VS4", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Reynolds", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2014", "reviewerID": "A3D697C8E7O03V", "asin": "B001VFSNYS", "style": {"Format:": " Audio CD"}, "reviewerName": "J. Wear", "reviewText": "I Love Randy Travis's singing and this is chock full of great songs by this extremely gifted singer. Anyone who loves his singing will love this cd!", "summary": "I Love Randy Travis's singing and this is chock full of ...", "unixReviewTime": 1411776000} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "A22PZBENWG6IM0", "asin": "B001NTCZDM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cassia A. Moore", "reviewText": "This is a good song DeVoe made. I wonder what it would sound like in a different pitch.", "summary": "Four Stars", "unixReviewTime": 1430438400} +{"overall": 5.0, "verified": false, "reviewTime": "05 31, 2014", "reviewerID": "A17EC2VMGJ1VMV", "asin": "B001NCV6I4", "style": {"Format:": " MP3 Music"}, "reviewerName": "D. Niemeier", "reviewText": "All of us love this. We watch / play / read it often. Item was in condition as expected and there were no troubles with it.", "summary": "review", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "APYJSC55SGR7S", "asin": "B00136PKCS", "style": {"Format:": " MP3 Music"}, "reviewerName": "lucio b.", "reviewText": "great tune", "summary": "Five Stars", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2017", "reviewerID": "A2RIRJ4IBI6SME", "asin": "B00GJ2N10O", "style": {"Format:": " MP3 Music"}, "reviewerName": "LambrinieCakes", "reviewText": "Happy with product.", "summary": "Five Stars", "unixReviewTime": 1498348800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A3UV9MSYIWU3PT", "asin": "B00PLYBTFA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Josh M", "reviewText": "#AwesomeSong :D", "summary": "Five Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A1TOHFNXQP8CTP", "asin": "B00GLP4BL2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Scott Birckhead", "reviewText": "3 1/2 year old daughter. Enough said.", "summary": "Five Stars", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": false, "reviewTime": "02 18, 2016", "reviewerID": "A32PCSBZYTBNSI", "asin": "B00136JL8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Raymundo Ascencio", "reviewText": "as always super song.", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A364B9H8S23AEY", "asin": "B00E91Q7Z8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Randy S", "reviewText": "Hey I no the song is way I bout IT.", "summary": "Good", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A3IUCGFLQW5WMC", "asin": "B00137XHKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dorothy", "reviewText": "My favorite song by this lady. A very special rendition.", "summary": "I love it", "unixReviewTime": 1410220800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A2SK7RJVRABLKP", "asin": "B00KSYFQH0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff F.", "reviewText": "awesome song", "summary": "Five Stars", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A13H6T6UP3JTK", "asin": "B0018CEL5Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dana R", "reviewText": "Can't get any Toby Keith songs on Amazon Prime Music, so had to purchase, but I love Toby Keith, so I had to.", "summary": "but I love Toby Keith", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": false, "reviewTime": "05 2, 2014", "reviewerID": "A1E33ER4JG5B11", "asin": "B00137WS2C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gigi111", "reviewText": "I love this song. Now it is on my Kindle Fire and I can hear it any time I want. Brings back memories!", "summary": "A fun song", "unixReviewTime": 1398988800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "AZQTD5C7JTUYE", "asin": "B0050N8N7Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paulette P. Bryant", "reviewText": "Just right..arrived on time....good for the money...thank you", "summary": "good for the money", "unixReviewTime": 1413244800} +{"overall": 3.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A3RPYK6L3GA4PE", "asin": "B0012288VS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charger user", "reviewText": "it's ok", "summary": "Three Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A2F8ZL3X3R2U7S", "asin": "B00136NE8A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "it's Michael Jackson how many stars would you give one of his most popular songs he's ever recorded I mean come on it's a total of five if not more", "summary": "Michael Jackson the boss", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "AU4ERHWLPSS82", "asin": "B000VZYF9G", "style": {"Format:": " MP3 Music"}, "reviewerName": "KD W", "reviewText": "great song", "summary": "great song", "unixReviewTime": 1466121600} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A19T9VM3RDUJBF", "asin": "B004GGJ8KM", "style": {"Format:": " MP3 Music"}, "reviewerName": "kevin", "reviewText": "Dark as expected.", "summary": "Dark as expected.", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2014", "reviewerID": "A1AB8UEYYDQ4P1", "asin": "B001NZN1AC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Garry Morse", "reviewText": "MAKING ME SHAKE MY BOOTY!", "summary": "Five Stars", "unixReviewTime": 1416009600} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A203IKJ976HIJB", "asin": "B012RI0F34", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dyvone", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "A3QVKHQTSENQA8", "asin": "B004XKMOIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sterling", "reviewText": "What a great tune! Love the Beat, Love the Words, a great song to dance to.", "summary": "Five Stars", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A3PYQ6EULBFXOL", "asin": "B000TEC7BW", "style": {"Format:": " MP3 Music"}, "reviewerName": "MICHAEL", "reviewText": "Sounds introspective.", "summary": "See yourself.", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A12WD3UC67644H", "asin": "B002BPH1F4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tammie", "reviewText": "Great song. Every time I hear it I want to get up and dance.", "summary": "Black Eyed Peas I've Got A Feeling", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "ACHLNTQQZEVM9", "asin": "B0012ECGIC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sidney S. Terrell", "reviewText": "Awesome hits from my younger years.", "summary": "Five Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A3BIV1X1K9R796", "asin": "B00JLJ185C", "style": {"Format:": " MP3 Music"}, "reviewerName": "john", "reviewText": "Great song!", "summary": "Great song!", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A3E0PY30G1HTDV", "asin": "B0011W1XJS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Grace F. Aderinto", "reviewText": "I Can't help but love the soulful, sonorous, deep and beautiful voice of Leann rimes in this song. Simply beautiful.", "summary": "Really good song", "unixReviewTime": 1356048000} +{"overall": 4.0, "verified": true, "reviewTime": "05 14, 2013", "reviewerID": "A1RLJ6P9MV9JSG", "asin": "B00BGD07KS", "style": {"Format:": " MP3 Music"}, "reviewerName": "cde", "reviewText": "My favorite Diva is back in true form in the lead single from the Great and Powerful Oz movie. This song fits the theme of the film and MC stuns with her strong vocal!", "summary": "Almost Home", "unixReviewTime": 1368489600} +{"overall": 2.0, "verified": true, "reviewTime": "11 25, 2013", "reviewerID": "A14I5GLI33UV6Z", "asin": "B00EDCIF80", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rob", "reviewText": "I like the Lumineers, but I am not a big fan of this song. The vocals do not mesh well together, and although some might say that it is charming, I find it discombobulating. Still, I can listen to it if it were playing on the radio without turning it off.", "summary": "Not very good", "unixReviewTime": 1385337600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A1QPOMNFR2Y3TU", "asin": "B01FYZ7SUU", "style": {"Format:": " MP3 Music"}, "reviewerName": "melanie jones", "reviewText": "Yeah! Great fun song!.", "summary": "Great fun song", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2012", "reviewerID": "A3968V5F8JKMA3", "asin": "B0054JX1VM", "style": {"Format:": " MP3 Music"}, "reviewerName": "DJ MinWah", "reviewText": "If you're not familiar with this track, then you only know rap and not true hip-hop. One of the most noted hip-hop artists from the golden age, you'd be hard pressed to find a rapper in this day and age match up the lyrical skill and content of Big Daddy Kane in his prime.", "summary": "Classic hip hop from the golden age...", "unixReviewTime": 1346889600} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2014", "reviewerID": "A177QNV2L6OOTX", "asin": "B000VRLAJ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "A. Nat Curtis", "reviewText": "A joy to experience. I recommend this item to all.", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2013", "reviewerID": "A3JPCM59CF9VL", "asin": "B00123FYLE", "reviewerName": "Shawn", "reviewText": "comes off pure and just as great sound quality as from any other recording, have it on a cd, just easier to have it available to listen to anywhere", "summary": "like the cd in sound, maybe better depending upon device", "unixReviewTime": 1367884800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A45894FWVCH9Y", "asin": "B001EUTW3G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sassyvenus", "reviewText": "This has good sound on my kindle plus a lot of great songs I really enjoy this would recommend it to anyone", "summary": "great", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A1U85S5Z7F8OZC", "asin": "B000TDD1T0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathy L.", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A3BCS8I6AZVHH3", "asin": "B01352WOLW", "style": {"Format:": " MP3 Music"}, "reviewerName": "nurse67", "reviewText": "I like this song", "summary": "love", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "AF8WQMZUUZJ9D", "asin": "B00G2IAIVK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kamila Z. Miller", "reviewText": "Uplifting without being saccharine or cheerful. Lots of layers of voice and music. Nice interplay between vocals and instrumentals. Well-balanced, highly listenable. Doesn't sound canned or branded.", "summary": "Fresh, not canned", "unixReviewTime": 1451174400} +{"overall": 4.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A5GN5D5EUSOY1", "asin": "B000VWKKEI", "style": {"Format:": " MP3 Music"}, "reviewerName": "David Heidler", "reviewText": "Classic Steve Miller.", "summary": "Added to miller playlist....", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "ARIXGO75TOE4K", "asin": "B00JUINW7Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steven O. Waisath", "reviewText": "What I buy here are songs I've heard on K-LOVE and made a note of to buy later when I got the financial opportunity. They're all a five star pick, to me, or I wouldn't buy them.", "summary": "What I buy here are songs I've heard on K-LOVE ...", "unixReviewTime": 1442016000} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A1JT5MUJ64KRKN", "asin": "B001736FSU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wyatt Williams", "reviewText": "Young love in reflection, how does heartfelt gratitude sound... And, perhaps, after some number of years, how old friends could feel... even if just sitting on a park bench down by the lake.", "summary": "Perfect Expression", "unixReviewTime": 1356998400} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "A3DSSAO8OEFHL2", "asin": "B006ZDS8I2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "It's Lana Del Ray what else is there to say. It's a great sing and kind of makes you think.", "summary": "It's Lana Del Ray", "unixReviewTime": 1378339200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2014", "reviewerID": "A2C9HIFGPOJM7Z", "asin": "B00136RVCU", "style": {"Format:": " MP3 Music"}, "reviewerName": "brolee", "reviewText": "A classic by an American iconic duo. Haven't heard it in years and it sounded as good as it did in my youth. They don't write them like that anymore.", "summary": "Enjoying the harmony", "unixReviewTime": 1402531200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2013", "reviewerID": "A1OQWHNCXNOP1S", "asin": "B003Y3XTJO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Matthew", "reviewText": "Love this song, so glad I could easily find it again and listen to it whenever I want, great artist.", "summary": "Love the Song", "unixReviewTime": 1362182400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A1MFU0HHKWLI06", "asin": "B00004TTUZ", "style": {"Format:": " Audio CD"}, "reviewerName": "oliver", "reviewText": "Great CD. Truly love it.", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A2QO20Z0TAHKTX", "asin": "B00TINQKX6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beverly B. Harris", "reviewText": "Great Empowerment song", "summary": "Great SONG", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "ACCYODF11HJTL", "asin": "B00K95JC2S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kim", "reviewText": "Great download.", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2012", "reviewerID": "A1Y9I86HJ18EZM", "asin": "B006H1ME5A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tina Boudreaux", "reviewText": "This version of Amazing Grace is beautiful, it mixes two songs together that sounds so good together. In my mind I would have never mixed a song with Amazing Grace but this song mixed with My chains are gone gives me the chills and I love to sing it in church.", "summary": "Amazing Grace in a different way", "unixReviewTime": 1353888000} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A8V6MA9I3MG6K", "asin": "B0010WVXLW", "style": {"Format:": " MP3 Music"}, "reviewerName": "nita woodbury", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2012", "reviewerID": "A27YS4JDS7J3IC", "asin": "B006Z1XZFK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Workergirl16", "reviewText": "Ha this songs takes me back to some of my ex boyfriends. I love listening to this song, it is awesome!", "summary": "SOMEBODY THAT I USED TO KNOW", "unixReviewTime": 1351814400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "AEWUNGHLJWQS9", "asin": "B001NCKZOU", "style": {"Format:": " MP3 Music"}, "reviewerName": "KB", "reviewText": "This is one of the best songs EVER!!! Reminds me of childhood!!! Wonderful duet", "summary": "Classic", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A2XPZEYMYKCVO3", "asin": "B00UMI95DI", "style": {"Format:": " Audio CD"}, "reviewerName": "Mike Bresnahan", "reviewText": "Happy with the purchase.", "summary": "Five Stars", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2013", "reviewerID": "A20OBNPC5GRHZA", "asin": "B000WQNGCG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amy Avery", "reviewText": "This song has such a good beat. If you love 90s music, this song will fit right in to your playlist.", "summary": "Love it", "unixReviewTime": 1370822400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "AWRPCYI3VG9BB", "asin": "B000WLMNEI", "style": {"Format:": " MP3 Music"}, "reviewerName": "CMDrxl", "reviewText": "Normally cannot stand CW music but there are a few tunes out there that are on my playlist and this right up there with OnLine, Camouflage, She Thinks my Tractor is Sexy, Gambler, Devil Goes Down to Georgia and other like hits!!!", "summary": "Funny CW", "unixReviewTime": 1376006400} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2014", "reviewerID": "A3K91X9X2ARDOK", "asin": "B009KGKF3M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Terrence A.", "reviewText": "That's the first thing I thought when I heard this, as it sounds a lot like early Police. A great, catchy tune that shows off Bruno Mars talents and vocal range.", "summary": "Call back to The Police", "unixReviewTime": 1398384000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "A3OJWPDE05EL3U", "asin": "B00137MOYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "diamondof79", "reviewText": "Amazon mp3 cloud music is awesome! I have purchased a few songs and love everyone of them. I recommend purchasing mp3 music through Amazon. Worth the money.", "summary": "loved it", "unixReviewTime": 1357516800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1829A05KM55Z", "asin": "B00SPF2KT6", "reviewerName": "William kinsey", "reviewText": "It a very good trio, making a very meaningful song. It was different, and a nice change for the three of them.", "summary": "acustic hip hop melody song", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A1B3PHS51MRZME", "asin": "B00137YM62", "style": {"Format:": " MP3 Music"}, "reviewerName": "Denise Hardy", "reviewText": "Nice CD.", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A3E9RUWKRVT9MW", "asin": "B000VRWTXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jerry walker", "reviewText": "Great song, beautiful performance. She. Sounded liked she lived it. The musicians, felt it too.....worth the price of admission any time!", "summary": "Top tear jerker!", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "A1HF1TP1KITJ89", "asin": "B002DD9KFS", "style": {"Format:": " MP3 Music"}, "reviewerName": "MaxLaw843", "reviewText": "Great song....and religious lyrics too! I remember it from the \"good old days\" when any song by the Doobie Brothers was a great one.", "summary": "Great song....and religious lyrics too!", "unixReviewTime": 1365465600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AJU4R3SWB0BTM", "asin": "B009S6HVHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "S & J", "reviewText": "Excellent slow paced Christmas music. Great background music while entertaining.", "summary": "Great instrumentals.", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "A1TYZ7YDVXB82Q", "asin": "B0022WBGMU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tim", "reviewText": "Guy Lombardo's version is the one we heard as kids and young adults. You can almost see the well dressed people celebrating Christjmas / New Year. Excellent version and sound quality is superb.", "summary": "GUY LOMBARDO PERFORMS THE TRADITIONAL AULD LANG SYNE", "unixReviewTime": 1391990400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A1GYI95TWU42BS", "asin": "B00BWGHIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diana's Opinion", "reviewText": "This is definitely the song of the summer with the video to match. I love the playfulness of the song and the video. It has made me want to check out more music by Robin Thicke.", "summary": "Love the song and the video", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A146R8D7UBEFKQ", "asin": "B000V68TXI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris", "reviewText": "Typical Steely Dan Masterpiece. Why is that their productions in the 1970's sound so much more crystal clear than all the high tech equipment musicians are using in studios these days? Anyone have an answer to that? Love to hear a good answer.", "summary": "Typical Steely Dan Masterpiece.", "unixReviewTime": 1386288000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2017", "reviewerID": "A3S76P0C7K1YWJ", "asin": "B00136RO2M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sparky", "reviewText": "Another classic ELO track :-)", "summary": "Great", "unixReviewTime": 1506470400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A3LAO4H3FJ656R", "asin": "B000WGFX36", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ali Dee", "reviewText": "As I wrote on another review. some reviews said the songs on this CD are not from the original singers. Not sure it that is just on their CD? I downloaded and it sounds just like it did when I was growing up! Love this song!!", "summary": "Awesome!", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2018", "reviewerID": "A26R51YHBDEFVT", "asin": "B00137XDQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "domantn", "reviewText": "Dr. Hook was among the best groups at the time and this is one of their better songs. And they did finally make the cover. Google it.", "summary": "Hook was among the best groups at the time and this is one of ...", "unixReviewTime": 1518566400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "AXG5I4CK8OQ2F", "asin": "B0025WC9Y6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pthing0", "reviewText": "love clean version", "summary": "Five Stars", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A3L915Z02P4WDM", "asin": "B00JQI02XW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Marvel English", "reviewText": "Kiddy", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2013", "reviewerID": "A1PT407NLZY5RH", "asin": "B0086HH0X4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wannette Crumiel", "reviewText": "I like it. Nice lyrics and good groove. I hope he keeps going cause he really has a great voice. Talented !!!!!!!!!!!!!!!!", "summary": "Really nice!!!!!!!!!!!!!!!!!!!!!!!!!", "unixReviewTime": 1371772800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "AIGLTKLQP6HFN", "asin": "B0043ZDFEQ", "style": {"Format:": " Audio CD"}, "reviewerName": "Cynthia Goldstein", "reviewText": "love it", "summary": "love it", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A3AJ2S5L3YHRLT", "asin": "B001A7FDWC", "style": {"Format:": " MP3 Music"}, "reviewerName": "JoAnn Jordan", "reviewText": "The original version played on the radio. I have enjoyed listening to their voices and music immensely. They make me long for that love.", "summary": "Love stay...", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A3P4WHRRFVDEEC", "asin": "B00LB8OYHU", "style": {"Format:": " Audio CD"}, "reviewerName": "Vincent Cartier", "reviewText": "Another great offering by The Counting Crows. I never tire listening to their music and this CD is not different", "summary": "Great CD!", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": false, "reviewTime": "06 18, 2013", "reviewerID": "A30UAA4DRGLBA7", "asin": "B00122Z74O", "style": {"Format:": " MP3 Music"}, "reviewerName": "pmh", "reviewText": "Great song! STP came and went, but they left some really nice tracks behind. I'm going to leave this review for all the STP I downloaded because I am lazy.", "summary": "Yipee!", "unixReviewTime": 1371513600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A3TDCV4TTKWMJC", "asin": "B010LZUO2M", "style": {"Format:": " MP3 Music"}, "reviewerName": "DJMinister1", "reviewText": "Great beat to this song.", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A1WKR8VF6UNRXU", "asin": "B001O03NRM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael G Torgersen", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": false, "reviewTime": "02 28, 2014", "reviewerID": "A1H2PZGIM80ATF", "asin": "B007BZM30M", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. E. Ruiz", "reviewText": "This is a fun song to mix in with your playlists to lift your mood. A great song to add to the device you listen to your digital music on.", "summary": "Fun song.", "unixReviewTime": 1393545600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2013", "reviewerID": "A35CI9B21VCKP4", "asin": "B00E59GWIQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Honeyboo", "reviewText": "Really makes you want to get up and move your body. Am a big fan! Love This song! It was a must have", "summary": "A Song To Dance To", "unixReviewTime": 1380067200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A3QPDOV3OATWTU", "asin": "B0013G1WTS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Crystal L. Canales", "reviewText": "Awesome. Loved it. Listening to this song was a wonderful way to celebrate the winter season and the holidays this past year. I never get tired of hearing this song!", "summary": "Great", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "AA77F985K4AEL", "asin": "B001RN98N4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gregg H.", "reviewText": "This is Summer", "summary": "Five Stars", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2013", "reviewerID": "A2TMBMC2TZS2AA", "asin": "B000QP2G8I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Divinewind55", "reviewText": "This music IMHO is way under rated. It brings back fond memories of a good time in my life. Listening to the Flame Throwing KOMA out of Oklahoma City all the way in New Mexico on an old AM Radio.", "summary": "I am old and like this Bubblegum stuff", "unixReviewTime": 1375488000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "A2ADUP9GMV277N", "asin": "B0011Z1AWA", "style": {"Format:": " MP3 Music"}, "reviewerName": "E. Lee King III", "reviewText": "i love it. i love it. i love it. i hate being required to do this. i love it. i love it", "summary": "i love it.", "unixReviewTime": 1361318400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A2TY1IY63GFOK7", "asin": "B00136NHKK", "style": {"Format:": " MP3 Music"}, "reviewerName": "LAN", "reviewText": "Great !", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A39MYWEXQ4ZRAA", "asin": "B00IWI22R6", "style": {"Format:": " MP3 Music"}, "reviewerName": "William H. Jefferson", "reviewText": "Great song from a superb Singer", "summary": "Five Stars", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A12FLMSWRKK2IK", "asin": "B00WB220EO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Linda", "reviewText": "Very Good", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"reviewerID": "A8IVM3WRQIECA", "asin": "B001BHTTYE", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "I love the version redone by the Bangles in the 80s, but Simon and Garfunkel's original version is the best version, in my opinion.", "overall": 5.0, "reviewTime": "05 10, 2013", "summary": "Great Song", "unixReviewTime": 1368144000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A1U85S5Z7F8OZC", "asin": "B00138EC6G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathy L.", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1409961600} +{"reviewerID": "A19ZJSMBP9UC75", "asin": "B001IYWHJ4", "reviewerName": "M H", "verified": true, "reviewText": "excellent", "overall": 5.0, "reviewTime": "01 28, 2016", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"overall": 4.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A3VZTK3XEHN7T2", "asin": "B006N51LE0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tony", "reviewText": "It's ok.", "summary": "Four Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": false, "reviewTime": "11 10, 2015", "reviewerID": "A1QARMNK3S0HEG", "asin": "B00F74N79K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Samantha", "reviewText": "Love this song ! Download the Amazon Music app and listen anytime you want. Love it !", "summary": "great song", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AA4NW3ABH1YDQ", "asin": "B01AX3MJ5M", "style": {"Format:": " MP3 Music"}, "reviewerName": "DOROTHY R.", "reviewText": "love this song", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A18AV3VUBPLV82", "asin": "B00TGVO4QA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Maria Aguilar", "reviewText": "good to dance too", "summary": "Four Stars", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2013", "reviewerID": "A1WLFT20EE8X6H", "asin": "B0013F232O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roxms2003", "reviewText": "Great song by Lionel Richie that I had not heard in years. Heard it on the radio early one morning and was glad to be able to find it on Amazon.", "summary": "Loved it", "unixReviewTime": 1379289600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2018", "reviewerID": "A273A3ZSL2P756", "asin": "B00136JEA2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dean P.", "reviewText": "Hey Roger (McGuinn) I bought the single, I'm coming clean for what I downloaded when Napster was in business. Besides back in the day I purchased this whole album. So, I was never a cheat.", "summary": "Hey Roger (McGuinn) I bought the single, I'm coming clean for what I downloaded when Napster was in business.", "unixReviewTime": 1525996800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2013", "reviewerID": "A1KASPAAZ5P3Z4", "asin": "B000W1AJA8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bianka", "reviewText": "I down loaded fast and I was alble to listen to the music right away. I like the song very much.", "summary": ".", "unixReviewTime": 1360800000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A1ILIA9UCC6PXC", "asin": "B000W04S9C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charlotte Brontay", "reviewText": "I hadn't heard Don Williams' voice in ages and the first few notes made me think: why not? The lyrics are very '80's but, hey, that was a simpler time!", "summary": "he's so under rated!", "unixReviewTime": 1390348800} +{"overall": 4.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "A983JCUWB08HC", "asin": "B007B6VOKQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "bonjuto", "reviewText": "Good band, good song, wish all of amazon's mp3 downloads weren't so expensive. I can't believe they are making me type this many words to publish. Lame.", "summary": "good song", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A25WMDPFXUX5YL", "asin": "B007PXZCP8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Margaret Jones", "reviewText": "I am normally not a fan of John Legend, but I love this song and the mood that it puts me in", "summary": "Buy it", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A2NC4R1OKOEJP6", "asin": "B00NW3ZFJI", "style": {"Format:": " MP3 Music"}, "reviewerName": "alplum", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1435276800} +{"overall": 4.0, "verified": true, "reviewTime": "04 23, 2014", "reviewerID": "A1JOU1MS2BMR5P", "asin": "B000WL7MXU", "style": {"Format:": " MP3 Music"}, "reviewerName": "TropicThunder", "reviewText": "Quite a few classics. Loved the collection of so he contained in this cd. It's a must buy for anyone who wants a potpourri of the era", "summary": "a great value", "unixReviewTime": 1398211200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A254N8K05ZWM4C", "asin": "B00137OA0K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Juan Guevara", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A3FJNDAXH04LGZ", "asin": "B00IKS2BHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "rhapsodyblue62", "reviewText": "Very enjoyable!", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 4.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A1GGQP6V8SE2QV", "asin": "B004AQRBUM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Great album", "summary": "Four Stars", "unixReviewTime": 1451952000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "A25UWXZ2A92OM1", "asin": "B00137GEF4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jenn Unknown", "reviewText": "The price of the song was reasonable. Song sound was clean and untampered with. I appreciate the product. Love this song.", "summary": ":)", "unixReviewTime": 1366502400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2012", "reviewerID": "A3A0KY2OORO5YG", "asin": "B00136Q24I", "style": {"Format:": " MP3 Music"}, "reviewerName": "deedster", "reviewText": "Simon and Garfunkle has always been my favorite group. I was glad to have found this song in MP3 format.", "summary": "Brought me right back to high school days.", "unixReviewTime": 1348185600} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A3M3AU614S085T", "asin": "B000V68TS8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "A2HBUO3PBSC12Y", "asin": "B004BCNWM6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Venus Lincolngrl", "reviewText": "Heard this on the radio and had to have it. I had to figure out who sang it first. I ALWAYS buy the explicit version!!", "summary": "Raise your glass if you are wrong in all the right ways!!!", "unixReviewTime": 1498953600} +{"reviewerID": "ATQGKV88QUKU6", "asin": "B00137QMFG", "reviewerName": "BWDG", "verified": true, "reviewText": "I like it's good the whole song", "overall": 5.0, "reviewTime": "09 26, 2015", "summary": "strong line drive to the outfield", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "A26T5B3755WS84", "asin": "B00B2LVYKQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "CaSassy", "reviewText": "Great singer and song. Love it!", "summary": "Five Stars", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "A2FUAY203GSOQ1", "asin": "B013YY1LKG", "style": {"Format:": " Audio CD"}, "reviewerName": "Private", "reviewText": "As advertised.", "summary": "Five Stars", "unixReviewTime": 1466294400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A19ZKO7I1RKY2Q", "asin": "B0011Z0WQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Frederick Chase", "reviewText": "Time travelin' feel good music!", "summary": "Five Stars", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A3MXOADFVNME9Q", "asin": "B00136JD9Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "SprayPaint", "reviewText": "Another one for the Music Collection", "summary": "Five Stars", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A3CM96YKL79DFA", "asin": "B00137WS2C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul Slonaker", "reviewText": "I like the oldies and this sounds great.", "summary": "Five Stars", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A19B0AO4E4QE12", "asin": "B0015O80DO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Great song", "summary": "Love getting my music from amozon", "unixReviewTime": 1419379200} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A28M14UKMDYE4G", "asin": "B00YHTOPAG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "No complaints.", "summary": "Four Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2018", "reviewerID": "AJ8M6GVFGIRLS", "asin": "B00137SPH4", "style": {"Format:": " MP3 Music"}, "reviewerName": "BIGGUY", "reviewText": "Awesome song.", "summary": "Five Stars", "unixReviewTime": 1525132800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2013", "reviewerID": "A3G6G5BJ67W1KP", "asin": "B009Y6WTBE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeffrey", "reviewText": "got this for a friend,, really digs this kind of musik,, I liked some of the tunes on this album,, but still just not me cup of tea", "summary": "really good tunes", "unixReviewTime": 1369353600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A28PQWS9Z01FG3", "asin": "B0012358GK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark M.", "reviewText": "Rob Thomas does it again, this is a great Christmas tune, that will be sure to be a new holiday classic.", "summary": "Great Christmas Tune!", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A2X7VX9VL2899E", "asin": "B000THB5KI", "style": {"Format:": " MP3 Music"}, "reviewerName": "LA", "reviewText": "Love this Gospel song. Pleases my Spirit. If you want to worship and feel closer to God - - just put this on.\nLamar Campbell is great.", "summary": "Such a great Gospel Song.", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2017", "reviewerID": "A373GWDWZLUCBB", "asin": "B019A712YG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gina", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1502409600} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A7H8V05RTB5FO", "asin": "B00136LPOU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Drew", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1519084800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A12R3YGEHW7D8G", "asin": "B009KGKF3M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Faxanadu", "reviewText": "Good beat - good lyrics - one of Bruno's best songs - the bass is great and this works well for a good workout.", "summary": "Great beat - excellent for a workout!", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A172OF5914NS1Z", "asin": "B000X6U6IM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris", "reviewText": "This is one of my favorite Christian worship songs. I heard it alot and did not know who sang it. So soon as I found who sang it I purchased it immediately.", "summary": "Awesome. I love it.", "unixReviewTime": 1354665600} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A2BOTVQDYTXV0N", "asin": "B00137V0QM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Susan & Sam", "reviewText": "I really enjoy this song! I am having a good time rocking out.", "summary": "Rock out!", "unixReviewTime": 1470182400} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "AX2VYOXQR4POP", "asin": "B000W0AIE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Thomas N.", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A2KSUW9TLQASHC", "asin": "B00JLJ185C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Desired Low Pump", "reviewText": "Awesomely written, sung! This song gives you an OH-SO warm, forever feeling . . . the thought of wanting to be held close now with the great knowledge of growing older, but reassured of the evergreen (LOVE) . . . what a compliment!", "summary": "THINKING THAT THIS IS A KEEPER . . .", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2013", "reviewerID": "A272OH0XGHKNBR", "asin": "B00136PLHW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "This was played at my wedding, and this group was first time I saw a live concert, the guys were great, love them and never get to hear their music enough!", "summary": "my favorite song ever!", "unixReviewTime": 1381190400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A1HPRBWCG0EB2R", "asin": "B00E4VL76W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sandra L. Kropp", "reviewText": "I love Christmas music and this is a great addition to my collection.", "summary": "Five Stars", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": false, "reviewTime": "04 12, 2015", "reviewerID": "A3I4151MK35C46", "asin": "B001IQMD1E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Samantha Penigar", "reviewText": "This song helped my through the death of my brother and leading up to he Funeral and many days after.", "summary": "POWERFULLY COMFORTING SONG IN TIME OF BEREVMENT", "unixReviewTime": 1428796800} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "AC1S4V854MPNR", "asin": "B0011Z8OFQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "emotional", "summary": "Five Stars", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2013", "reviewerID": "AYGCYOI3S23G4", "asin": "B0013K0RZ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "SAD", "reviewText": "Although a very sad song...it shows the great love that two people have for each other and that they can't live without one another.", "summary": "Sad, but awesome song.", "unixReviewTime": 1385164800} +{"overall": 3.0, "vote": "3", "verified": false, "reviewTime": "12 10, 2015", "reviewerID": "A7WZ7S2YHLYKW", "asin": "B00TQTE8UE", "style": {"Format:": " Audio CD"}, "reviewerName": "nick bacic", "reviewText": "Definitely not impressed with this album! !!!\nIt's ok but some songs sound like Mr. Bungle leftovers! I love Faith no More and seen them on the Angel Dust tour!!!! But very average album!!!!\nExpected something more than a few good songs!!!!", "summary": "Worst Album by this band!!!!", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2013", "reviewerID": "A1XGKUYZTPHSB", "asin": "B009Y4JJ2S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donald Alford", "reviewText": "Right price - right item!! The ease of being able to download the song and listen to it immediately is the main reason I use Amazon.", "summary": "Love this song!!!", "unixReviewTime": 1363651200} +{"reviewerID": "A2NC6D6YGYHG4G", "asin": "B00136NEYO", "reviewerName": "Kathy", "verified": true, "reviewText": "This is good country! I love Alan Jackson and this has always been a favorite...especially because he's singing about visiting the grave of Hank Williams. Great tune!", "overall": 5.0, "reviewTime": "01 23, 2013", "summary": "Great Song!", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "AS3C0PO0L0PPJ", "asin": "B005KXWREE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mia Walker", "reviewText": "I love this song it's a great song", "summary": "Five Stars", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "A39ZMUF30KIY2B", "asin": "B001NB1K6I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Southwest AZ.", "reviewText": "This like many other songs speak to me. Great artist and song. What more can I say about this music?", "summary": "great", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A125TOTORKFL77", "asin": "B0014LPT5K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lillie M. Dunbar", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2018", "reviewerID": "A9ZQNRE8Y8TY6", "asin": "B0019GADZQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Night Train", "reviewText": "God Bless.", "summary": "Five Stars", "unixReviewTime": 1527120000} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "AAT1JT5M65VGQ", "asin": "B00961ZGQC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ann-Marie Jacobs", "reviewText": "Awesome song...", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A745JG9YVDSBS", "asin": "B0011Z4YB4", "style": {"Format:": " MP3 Music"}, "reviewerName": "DDW", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1465344000} +{"overall": 2.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3R94L1YW7XUQ3", "asin": "B00BS7JDIO", "reviewerName": "Ruth E. Pago", "reviewText": "I deleted this, didn't like it !!!!!", "summary": "music", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A27D9NBOCLFOHJ", "asin": "B00122OUI8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Andrew", "reviewText": "Wondetful", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": false, "reviewTime": "09 23, 2015", "reviewerID": "AWG2O9C42XW5G", "asin": "B00IAR2DNM", "style": {"Format:": " Audio CD"}, "reviewerName": "Oreocokiemarshmallowkrispy 2018", "reviewText": "this is a awesome soundtrack it is fun and enjoyable to listen to the best songs on this soundtrack are all of them. if you have not listened to this soundtrack then i recommend you do", "summary": "Captain America 2: The Winter Soldier", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A3KM5JOZSRMM77", "asin": "B00116D4MS", "style": {"Format:": " Audio CD"}, "reviewerName": "Carol Sharpe", "reviewText": "Love the stories and songs and am now passing them on to my Great grandchildren", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "AERUANOZEDXMP", "asin": "B0168LOJZQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anita Ramsay", "reviewText": "For those of us who have wandered from the Lord, or been hurt, this song is hitting right at home. For no matter what we\nhave done our God forgives us and makes us clean.", "summary": "For those of us who have wandered from the Lord ...", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A1AEQIN2S8WLXZ", "asin": "B00136LOU0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ondra Rodriguez", "reviewText": "love it", "summary": "uplifting", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2014", "reviewerID": "A2BL1FF1SYT4VB", "asin": "B00136LJO6", "style": {"Format:": " MP3 Music"}, "reviewerName": "janetmartindale", "reviewText": "This is a song every one can sing to, with, and feel good. A song 'about' felling good, and being in the groove when you sing it.", "summary": "Great song", "unixReviewTime": 1398816000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "A8V4KMU6BXKG", "asin": "B00A8Z6RMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "WednesdaySundae", "reviewText": "I really love good quality music with storytelling. This song is just beautiful with the orchestra and folk pieces, backed with a soft and strong mix of singing voices, and dramatic beats. The music and pace reminds me of the style of some older music such as The Gambler.", "summary": "Best Soundtrack for Hobbit", "unixReviewTime": 1356307200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A34UEVYJIBAZ", "asin": "B00137YXU2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laura H. Quaney", "reviewText": "Alice Cooper kicks ass.", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A2ZLODE64JGZ24", "asin": "B00E59GWIQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I love Pitbull's music and he has a very sexy voice to go with it. I haven't heard a song I haven't liked.", "summary": "I recommend buying this", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2012", "reviewerID": "A23PHJVJY2DFOD", "asin": "B00137MJI0", "style": {"Format:": " MP3 Music"}, "reviewerName": "tony", "reviewText": "good song i like it so i bought it. i purchased thi item because i liked the melody so does.", "summary": "it is what it is", "unixReviewTime": 1355097600} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "AIUR1IV8CCNMU", "asin": "B004BRS1IQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nicole", "reviewText": "heard it on a victorious TV episode and just had to get it", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "09 5, 2010", "reviewerID": "A3MWMO2IOQDWBJ", "asin": "B00137ILRS", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. Cushman", "reviewText": "This version has the last verse of the song that is not normally played on the radio.", "summary": "Full Version", "unixReviewTime": 1283644800} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A131E9IR67XE4I", "asin": "B001NCV6I4", "style": {"Format:": " MP3 Music"}, "reviewerName": "AWOL", "reviewText": "I really like this song--it's great at the beginning of Bride of Chucky; goes right along with the twisted stuff in that sequence.", "summary": "Good song", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A2GH4DZIG9U2JJ", "asin": "B01DQ6ORL2", "style": {"Format:": " Audio CD"}, "reviewerName": "Joe Welder", "reviewText": "It's good", "summary": "Five Stars", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2014", "reviewerID": "A3W527BN42AXN1", "asin": "B00137KM6Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Resa", "reviewText": "This song sounds great on my computer, Kindle, and Roku! This is definitely a great find! I am so glad that I purchased it!", "summary": "Make It Happen", "unixReviewTime": 1391212800} +{"reviewerID": "A8W9YBMJDCSEJ", "asin": "B00124B8UO", "reviewerName": "Primelover", "verified": true, "reviewText": "Excellent sound quality, came in clear & loud, some tunes are not as loud as others and you have to turn the volume up right at the start!! Rockin tune! Glad it was available as a single Mp3.", "overall": 5.0, "reviewTime": "04 3, 2013", "summary": "Devil With The Blue Dress on/ Good Golly Miss Molly", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2012", "reviewerID": "AOR7VND4GXUJ9", "asin": "B00122X5VG", "style": {"Format:": " MP3 Music"}, "reviewerName": "M", "reviewText": "I really love to dance to this song. The quality of it is very good and when I go out and hear it we all start to dance.", "summary": "Cupid Shuffle", "unixReviewTime": 1351987200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A3U3XGI6UL76H8", "asin": "B000VH2YME", "style": {"Format:": " MP3 Music"}, "reviewerName": "Len Bullard", "reviewText": "Love Bob...A+A+A+", "summary": "Five Stars", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "AIQSL56HOXWBV", "asin": "B000VRSUJ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ella Lopez", "reviewText": "Saw this in A Guide to Recognizing Your Saints. Great movie with a great soundtrack. Really fits the movie and the senitment.", "summary": "Awesome", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2014", "reviewerID": "A2DXJCRPFJP0Y9", "asin": "B001VKM2DQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "JeffB", "reviewText": "Great Music", "summary": "Five Stars", "unixReviewTime": 1412467200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2AEV767SDJOQJ", "asin": "B0092MKTWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ashley Salvatore", "reviewText": "Great band! Can't wait to see them live!", "summary": "Five Stars", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A2CEUUD4H3JV8D", "asin": "B00137KPMW", "style": {"Format:": " MP3 Music"}, "reviewerName": "wayne vincent", "reviewText": "This is it. When you think of Journey and their Ballads, THIS Is the one everyone thinks of. I used to listen to this for the longest time. Classic Journey.", "summary": "Journey's Classic Ballad", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A2PG6NNDVE245J", "asin": "B00136J7ZE", "style": {"Format:": " MP3 Music"}, "reviewerName": "cupcake", "reviewText": "This is so good love it", "summary": "Five Stars", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A170WXEBQA6G0B", "asin": "B00136PTMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daniel T. Renaud", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1410480000} +{"overall": 2.0, "vote": "8", "verified": true, "reviewTime": "03 2, 2013", "reviewerID": "A28C3ZCHCNNDNF", "asin": "B00BEBM9JY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gardening 1", "reviewText": "I never thought I would give an Emmy Lou Harris recording a C-, but that is what this collabrative CD rates. It is \"so-so\" at best. One song is pretty good, one song is horrid (Black Caffine), and the rest are just not that great. I am surprised Ms. Harris released the CD.", "summary": "So-So at Best", "unixReviewTime": 1362182400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A3QXAIQ3EHY7AD", "asin": "B0011Z0VPM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sonya Wright", "reviewText": "OMG I love this song how may song can yo think of that can sit and rhyme and make since giggles.", "summary": "Great song!!!", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A1OC8BHJ1COR1O", "asin": "B0013DDKZK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donald Duscher", "reviewText": "GOOD SONG", "summary": "Five Stars", "unixReviewTime": 1476403200} +{"overall": 4.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A3QOQY24XUTR28", "asin": "B00157I3KQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "thedean", "reviewText": "Good song from Teddt", "summary": "Four Stars", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A1S9F5L9A3W4XE", "asin": "B00PK1PLBM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angel", "reviewText": "Awesome collaboration ....fun song:)", "summary": "Great Collaboration", "unixReviewTime": 1426032000} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "A1BQ806SVEXCY0", "asin": "B00117FMPO", "reviewerName": "Eleonor Stockton", "reviewText": "I took a day in March and downloaded about 700 songs and some were bad, some were great, this one is above average", "summary": "Joel Miller", "unixReviewTime": 1363910400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A2J2K8M8JV6GT1", "asin": "B001248CF8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Remlan", "reviewText": "For a not Twitty fan, I am sure giving him a lot of five stars. I once saw him in person, long story, but so funny I had to just go with it. Really like the song.", "summary": "Not so much a Twitty fan back in the day, but circumstances change! Kind of get into this one these days and a few others too.", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "A39ZO89C6PS2JO", "asin": "B001ME5Q2U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lynda", "reviewText": "I love this song.", "summary": "Five Stars", "unixReviewTime": 1403913600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A12Y9O2BQ352N8", "asin": "B00G7HG10I", "style": {"Format:": " MP3 Music"}, "reviewerName": "MX bookworm", "reviewText": "It has been an amazing experience to enjoy this music with the Cello as the centerpiece, the performances are very good.", "summary": "An instrument to fall in love with", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A1UWK94WDOHBCY", "asin": "B00137YVA4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sharon D. Hill", "reviewText": "First Video I saw by Regina Bell. Love her music gospel or R and B.", "summary": "Love her music gospel or R and B", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A2K7GCHDI8PEDQ", "asin": "B00C6MPZE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shari B.", "reviewText": "Good song", "summary": "Five Stars", "unixReviewTime": 1483574400} +{"overall": 4.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A2HEHFISDS76P5", "asin": "B00FCIWQDY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Don", "reviewText": "nice", "summary": "Four Stars", "unixReviewTime": 1434585600} +{"reviewerID": "A3ALWC3NVPHUA8", "asin": "B000WLTMGU", "reviewerName": "Yippie!", "verified": true, "reviewText": "Item as described. Thank you", "overall": 5.0, "reviewTime": "12 3, 2014", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A1CQUDSK0AMTTH", "asin": "B000W1AJA8", "style": {"Format:": " MP3 Music"}, "reviewerName": "linda Barnes walker", "reviewText": "Always loved this song, Mary aims for your heart and soul with this one...you feel it.", "summary": "Five Stars", "unixReviewTime": 1410566400} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A2VET003MCRZM2", "asin": "B001NT1NXA", "style": {"Format:": " MP3 Music"}, "reviewerName": "GaSouthpaw", "reviewText": "Rockin' 70s", "summary": "Four Stars", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2014", "reviewerID": "A1D10R86M2TY4P", "asin": "B00CMIUOPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "tabitha melville", "reviewText": "This song is so great. I listen to it all the time in the car, I even have the baby singing it. Great job, well done.", "summary": "Great song.", "unixReviewTime": 1402099200} +{"reviewerID": "A12U9NUCEQC4EL", "asin": "B000VRO896", "reviewerName": "jennvern", "verified": true, "reviewText": "I first heard this song in \"The Horse Whisperer\" and loved it then. Her voice is so soft and pretty. You can really feel the emotion.", "overall": 5.0, "reviewTime": "06 11, 2013", "summary": "soft and sweet", "unixReviewTime": 1370908800} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "A261OKTW1GEOFW", "asin": "B0067XTZPA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lulu", "reviewText": "I Feel Good is an upbeat contemporary gospel song and the sound quality is good, but not for spiritual meditation.", "summary": "I Like It", "unixReviewTime": 1386720000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A10DYTGIWV3RJZ", "asin": "B0062WV70W", "style": {"Format:": " MP3 Music"}, "reviewerName": "j.g.", "reviewText": "WHAT A GIFTED TONY!\nTHIS RENDITION IS ONE OF THE BEST\nI FOUND!\nGET ONE FOR YOURSELF,YOU WON'T\nGET TIRED OF IT.PROMISE!", "summary": "ALWAYS TREASURED", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A3PJW5JV4DMWVE", "asin": "B00137XHKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Darlene Vaughn", "reviewText": "This song was performed just before my husband and I said our wedding vows. The vocalist sang it so well, that I began to cry...and I don't cry at weddings! Great song by Melissa Manchester from the movie Ice Castles.", "summary": "Great song by Melissa Manchester from the movie Ice Castles", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A2S65D5YDIACVW", "asin": "B00OIK3WQW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "AKGFROKTDY3G7", "asin": "B00O9WXL8I", "style": {"Format:": " Audio CD"}, "reviewerName": "Shawn P. Andrukates", "reviewText": "Good Music", "summary": "Something different", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A13Y9UJLVV51HD", "asin": "B00K33PE5U", "style": {"Format:": " MP3 Music"}, "reviewerName": "KennethPresler", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2UKZPTWHNBZP1", "asin": "B000WLQKPQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Boeing 707", "reviewText": "For a country song it sure has a lot of soul to me.", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A7JNH315AFC8H", "asin": "B0012FDNHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "charles e gilchrist", "reviewText": "Another classic", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "A235SL9JU3D5EK", "asin": "B001O4URIQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "SFC Sullivan", "reviewText": "Bloody lovely", "summary": "Five Stars", "unixReviewTime": 1492905600} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A311Q82GNUAGR", "asin": "B00ANGV1AY", "style": {"Format:": " MP3 Music"}, "reviewerName": "cr", "reviewText": "liked", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A1EM70V2QHYO82", "asin": "B00LXPEFQ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrs H.", "reviewText": "I like this song", "summary": "good song", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A3P5A18QF04K3S", "asin": "B00122MLIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "JIMMY PINSON", "reviewText": "LIKE IT", "summary": "Five Stars", "unixReviewTime": 1523664000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A3ROE739791DV4", "asin": "B0011Z5IGE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Greg Klebs", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1486166400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A1RMOT6V4AG9BP", "asin": "B00940XE8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul G. Burrow", "reviewText": "Always a great and easy down load of a great country song. Easy to get to on the cloud as well.", "summary": "great song", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "ATC9XVIZY0DL2", "asin": "B000SZGWDG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lita French", "reviewText": "Some of our best singers are from the oler songs, and this one is no exception, beautiful, soulful, and relaxing!", "summary": "Oldie Great!", "unixReviewTime": 1382227200} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A1KIC5S5D9O900", "asin": "B009G78GRW", "style": {"Format:": " MP3 Music"}, "reviewerName": "LilMomma", "reviewText": "funny", "summary": "thrift shop", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2012", "reviewerID": "A1326CKJ4FZLG4", "asin": "B005LMEFQC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Super mom", "reviewText": "What a great song. The download process was easy. The quality of the song is great, just like on the cd.", "summary": "Great song Demi Lovato", "unixReviewTime": 1331078400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2012", "reviewerID": "A2DVC764946Z77", "asin": "B00137OHD0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Juanita", "reviewText": "That is a good way to return the favor! if the man cheats hit him where hurts the most HIS POCKET!!!", "summary": "Go girl...", "unixReviewTime": 1355702400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A3RTX14EN8OO4C", "asin": "B006L5O9GY", "reviewerName": "Sis.Wa-Nona Thomas", "reviewText": "Beautiful voice", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A22O8JBT7HJONF", "asin": "B00137SZC4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Storm", "reviewText": "love finding the older music i grew up on and finally i can find every song that i'm on the hunt for here at amazon", "summary": "mp3 music", "unixReviewTime": 1357862400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "ADGMU0RZE1GZX", "asin": "B0013WUF9A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Great song and very easy to download and play with the MP3 player software couldn't have been easier. Thanks and keep up the good work.", "summary": "Goog Sone", "unixReviewTime": 1368144000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A368R6C5ZEO71R", "asin": "B00122MVZM", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Haynes", "reviewText": "Good song", "summary": "Good song", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "AET3OJEEWMM3J", "asin": "B00123LX7I", "style": {"Format:": " MP3 Music"}, "reviewerName": "jg", "reviewText": "Very satisfied.", "summary": "Five Stars", "unixReviewTime": 1435536000} +{"overall": 3.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "A25B0GGQ07WJPO", "asin": "B000WL7UQ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dianna Condon", "reviewText": "It is a much, much shorter version than I expected. Would have liked it better if it was like the radio edit.", "summary": "It's ok", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "AA1QFHIGW4OY3", "asin": "B00137V7U6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Erifili Kefala", "reviewText": "love this song", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"reviewerID": "AT2NMYYV95TIM", "asin": "B00124B8UO", "reviewerName": "Collector", "verified": true, "reviewText": "I love this recording so much that I have inadvertently purchased it twice. I don't recommend that you do that, but I recommend that you buy it.", "overall": 5.0, "reviewTime": "02 13, 2013", "summary": "Upbeat oldie", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2012", "reviewerID": "A2S0OMLVU7HWW9", "asin": "B001412UK2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jaime S. Flores", "reviewText": "pretty easy, just click, click, and then listen to it in your phone!(which is my case)and you'll think that is from a CD.", "summary": "it sounds great", "unixReviewTime": 1333324800} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A18JERGLDNJNDO", "asin": "B0011Z7JHU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brian", "reviewText": "Amazing!!", "summary": "Four Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": false, "reviewTime": "12 25, 2013", "reviewerID": "A2QGFO6U5ID2HN", "asin": "B00136LQ2Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "The Light Side", "reviewText": "This song really rocks. I don't know why it didn't do so well when it was released. The video is awesome and the song is a must for any MJ fan that did not pick up the cd. Make sure you get the version with the Chris Tucker intro.", "summary": "Great buy", "unixReviewTime": 1387929600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2012", "reviewerID": "A347TCNLYISMEX", "asin": "B0059H09DC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Crystal Day", "reviewText": "This is a great album. I can listen to the whole thing. I have lots of favorites on it. Well worth the $3.99 I paid. Loving my Maroon 5!", "summary": "Love It", "unixReviewTime": 1353283200} +{"overall": 5.0, "verified": false, "reviewTime": "06 2, 2014", "reviewerID": "AWG2O9C42XW5G", "asin": "B006M6W01S", "style": {"Format:": " Audio CD"}, "reviewerName": "Eli Santana 2018", "reviewText": "This is a awesome cd it is fun and enjoyable to listen to the best songs on this cd are\n\nTracks\n\n1. Whistle\n2. Wild Ones\n4. Good Feeling\n5. In My Mind\n\nif you have not listened to this cd then I recommend you do", "summary": "Flo Rida: Wild Ones", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "AM59SNKCZFXX", "asin": "B000VXC7SE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "ADE7VUJO5VCGL", "asin": "B00J9R8TMG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Interesting", "summary": "Song", "unixReviewTime": 1478304000} +{"overall": 1.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "A25WA47V0Q5KKF", "asin": "B00RZE2WUA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Janie", "reviewText": "didnt get same reason as the other one.", "summary": "One Star", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A1L13IAKBOU805", "asin": "B00136RXH8", "style": {"Format:": " MP3 Music"}, "reviewerName": "A.H.", "reviewText": "Beautiful song", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "AET3OJEEWMM3J", "asin": "B00123LX7I", "style": {"Format:": " MP3 Music"}, "reviewerName": "jg", "reviewText": "Very satisfied.", "summary": "Five Stars", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A3KTTX2PB9W28X", "asin": "B00I80WMR8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa Pappas", "reviewText": "Great Song!", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A2PNXUWY8DR9MU", "asin": "B013D1KMRI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rick Larson", "reviewText": "I love the evolution of the band. The music is more mature without losing themselves. The can still hammer it out hard and fast. The depth of the lyrics remain untouched. Never disappointed.", "summary": "Shinedown FTW!!", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A7YZQW5WJEXGN", "asin": "B0013805L2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Music Mania", "reviewText": "Wonderful song", "summary": "Five Stars", "unixReviewTime": 1452988800} +{"overall": 3.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A3UWR7DDADRKFG", "asin": "B00TKTK28M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Danny", "reviewText": "I was soooo excited about this album, but it's just kind of \"meh.\"", "summary": "Three Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A2U01PVAH58YBD", "asin": "B0011Z5K76", "style": {"Format:": " MP3 Music"}, "reviewerName": "Howard Moore", "reviewText": "good song", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A36BS0KN0N6YD6", "asin": "B001EUQHDO", "style": {"Format:": " MP3 Music"}, "reviewerName": "John K", "reviewText": "It's Great", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AKJJISTB1NUMZ", "asin": "B014B673FS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Debbie parham", "reviewText": "I like the mix", "summary": "Four Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A3SI4GQLS3OIGI", "asin": "B00FWJ99LK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Thomas", "reviewText": "very good song. buy it.", "summary": "Rap God [Explicit]", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2017", "reviewerID": "AQHG2Z5EAKI77", "asin": "B016RLZV90", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kisakye Rebecca", "reviewText": "Sounds great!", "summary": "Five Stars", "unixReviewTime": 1504051200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A1LEOCJPSOKYQT", "asin": "B00NQ3D69U", "style": {"Format:": " MP3 Music"}, "reviewerName": "samone", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1521590400} +{"overall": 3.0, "verified": true, "reviewTime": "02 21, 2014", "reviewerID": "A3CFB16J8HWHG", "asin": "B00FP1NNJY", "style": {"Format:": " MP3 Music"}, "reviewerName": "bonbon", "reviewText": "Hate the video. Bought the music because I like the song. Don't watch the video. It made me very uncomfortable. So sad when people choose to go that route to promote their music.", "summary": "Like the music", "unixReviewTime": 1392940800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A13OYPEGL3GLIV", "asin": "B00UOP5KTC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Finnchic", "reviewText": "LOVE LOVE LOVE and the video is an emotional video....definitely have tissues handy", "summary": "Five Stars", "unixReviewTime": 1463443200} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A3SI4GQLS3OIGI", "asin": "B0011Z762I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Thomas", "reviewText": "Very good song you should buy it you will love it.", "summary": "Little Red Corvette", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2017", "reviewerID": "A3A5NUHGTJ6TBA", "asin": "B00137YJDI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nikon Sniper", "reviewText": "what's there not to like about it?", "summary": "Five Stars", "unixReviewTime": 1495238400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A1M8RK92SP2NK3", "asin": "B00DPJ22JA", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Poet", "reviewText": "Beautiful selections --- rave reviews from friends.", "summary": "Five Stars", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "AAH7T0RR443SM", "asin": "B0189YMMF4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rodney Graham", "reviewText": "Huge fan of Erica this one is as equally great as her past music. LOVE it!", "summary": "Five Stars", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A34BXZSK2EZJ8B", "asin": "B0011Z10BG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deena", "reviewText": "Missy is my-gurl! This is my workout or work song. LOVE IT (My neighbors have issues with it but who cares!!)", "summary": "Love my Missy", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A34RDL5FF685KF", "asin": "B00137R3AE", "style": {"Format:": " MP3 Music"}, "reviewerName": "teachsci4evr", "reviewText": "Great old school", "summary": "Five Stars", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2014", "reviewerID": "A2RM0HYQUQXZZA", "asin": "B009Y4E4U0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Philly Gurl", "reviewText": "This is like my favorite song. Very inspiring and inspirational. Even my son likes it and looks at the video on Youtube. We listen to it on the way to school/work every morning as our pick up song. Gives me hope to carry on just another day. Love Bishop Morton", "summary": "Love This Song!", "unixReviewTime": 1397088000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2018", "reviewerID": "A3G3WDBUUFRI3", "asin": "B00136PTMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "valerie b", "reviewText": "Yep! A celebration of the human kind. \"NO MATTER WHO YOU ARE\"", "summary": "To see WHAT YOU CAN TRULY BE! This song kicks the walls down...", "unixReviewTime": 1515974400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1EL8ZV6BIXNJE", "asin": "B00TKYH4QU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anice B.", "reviewText": "Jussie has a unique voice and he's a good actor also.", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A21ECJE7MGSE9N", "asin": "B00137VC56", "style": {"Format:": " MP3 Music"}, "reviewerName": "KBB", "reviewText": "A Good reminder!", "summary": "Encouragement", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "A1S72AW8X4Z2R2", "asin": "B0016ZD334", "style": {"Format:": " MP3 Music"}, "reviewerName": "Connie", "reviewText": "I have always liked felines recording of this song and it was everything that I hoped it would be. Clear crisp and a great addition to my \"library.", "summary": "drove", "unixReviewTime": 1386979200} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "AGRBVAHS89YF9", "asin": "B0014J3AH6", "style": {"Format:": " MP3 Music"}, "reviewerName": "diamond", "reviewText": "Alltime great and legendary rap anthem for the time capsule.", "summary": "The Original Rap Anthem", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A1ZLFEGAUPJLXU", "asin": "B000W176MM", "style": {"Format:": " Audio CD"}, "reviewerName": "ROBERT HARRIS", "reviewText": "EXCELLENT", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A6USLAOLCHZRJ", "asin": "B00FQ490HO", "reviewerName": "Leslie Wells jr.", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "A1ECIKAFT7Y5T2", "asin": "B00136LQQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul Schnae", "reviewText": "great 80s song", "summary": "Five Stars", "unixReviewTime": 1422921600} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "AQXKNBI0RMS8R", "asin": "B00IXBOM3O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sam C", "reviewText": "Both the music and the lyrics were great", "summary": "Great!", "unixReviewTime": 1474070400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2018", "reviewerID": "AQK8OQ0PMQG5L", "asin": "B00137MFXY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anatole S. Larokko", "reviewText": "Was a favorite since I watched \"Supernatural\" TV program but I didn't know the name of the tune.", "summary": "Five Stars", "unixReviewTime": 1525737600} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2016", "reviewerID": "A3S9JXGHMJAL1T", "asin": "B013HL9W1Q", "style": {"Format:": " Audio CD"}, "reviewerName": "PJ Francis", "reviewText": "Man I've had some good times singing along to this album. In the car and On Mtv. Love you heaps Jess. Hope to hear your track on \" digital distortion\" praying it makes the cut for you ", "summary": "Man I've had some good times singing along to this album", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "A148D0QCF0R8ND", "asin": "B00B5Q7M90", "style": {"Format:": " MP3 Music"}, "reviewerName": "mlrolak", "reviewText": "What is there to say but to relax to this awesome music it so reminds me of a symphony I attended. Just pure enjoyment.", "summary": "Wonderful deal", "unixReviewTime": 1360540800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A3LK2XNANF83MY", "asin": "B003Y3ZTKG", "style": {"Format:": " MP3 Music"}, "reviewerName": "TMC RN", "reviewText": "Love her singing and this song!! Easy to buy and install on my Kindle!! Would recommend for easy listeners! Thx", "summary": "Firework", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2013", "reviewerID": "A1M07ASH8MDEBI", "asin": "B001NZXIO6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tamara", "reviewText": "It's a classic! They want more words before this will submit, so ignore the rest as it will be a lot of nonsense.", "summary": "Classic!", "unixReviewTime": 1384041600} +{"overall": 4.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A3VM9K4M0RQZRQ", "asin": "B00OIK3SWA", "style": {"Format:": " Audio CD"}, "reviewerName": "Vincent Roberson Jr", "reviewText": "Meghan Trainor is a great new artist and her songs are good.", "summary": "Cool album", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A10UMIIKKL8WTB", "asin": "B00FMJJ1NG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rogerp407", "reviewText": "Love this Music.", "summary": "Great Music", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2018", "reviewerID": "A1L0Q9MAROIMJM", "asin": "B00C6MPV4U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1525305600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A2JMRUN0QULNLI", "asin": "B00122CAQM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Indy Mog", "reviewText": "Great song!", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A20HBX9KV5KQEL", "asin": "B00EH49FRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cheese", "reviewText": "Katy Perry is awesome. Great song.", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A25YMJ73X0ZVC4", "asin": "B00PJHY3PW", "style": {"Format:": " Audio CD"}, "reviewerName": "S. Johnson", "reviewText": "Great album!", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A3CMIEYL0TJLC2", "asin": "B00OSCEZCU", "style": {"Format:": " MP3 Music"}, "reviewerName": "RAE", "reviewText": "Heavy Crown is a good song. Was so happy to finally get it", "summary": "Ahhhh i love this song", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A2YECX5S65MH91", "asin": "B00ELD1RPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "JW", "reviewText": "Great motivational song!", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A1JDMYLWR62TJS", "asin": "B00137G76A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lori", "reviewText": "Great item", "summary": "I love it", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "AWDV9SO13LN8M", "asin": "B00T76P3DC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Luis E. Zacarias", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A3TQTXHGL2WGR5", "asin": "B0092MKTWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charles L Nokes", "reviewText": "great album", "summary": "Five Stars", "unixReviewTime": 1414713600} +{"overall": 4.0, "verified": false, "reviewTime": "10 14, 2015", "reviewerID": "A1XOEF2CB0PO4X", "asin": "B00SKQ0JB6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brian Hamer", "reviewText": "Great Young Money hit", "summary": "Great song with porn title", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A3U2G3AZQYLNJF", "asin": "B00V94HHI4", "style": {"Format:": " MP3 Music"}, "reviewerName": "starlock", "reviewText": "Awesome!", "summary": "Five Stars", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2013", "reviewerID": "A3SHEWLXT5M0UT", "asin": "B00124B8W2", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. Davis", "reviewText": "Love all the oldies I grew up listening to this one really brings back lots of old memories good ones", "summary": "Love", "unixReviewTime": 1361404800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2013", "reviewerID": "A2OOQPH4D33DLM", "asin": "B00136JL32", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pathfinder", "reviewText": "A great song!! Takes me back to the 70s!! It has brought a lot of good memories back and i am glad i got it", "summary": "Oldie Goldie", "unixReviewTime": 1358467200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A25P43GICNTFKQ", "asin": "B006N9AS36", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heather Jones", "reviewText": "great sound quality, love song, glad I chose this site to purchase from, I recommend this to everyone. thanks for the service.", "summary": "great sound love it", "unixReviewTime": 1362787200} +{"overall": 4.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A1OB2H416ARLFJ", "asin": "B0012FE454", "style": {"Format:": " Audio CD"}, "reviewerName": "Commando Big", "reviewText": "Better and better each time I listen", "summary": "The monkees live are the best.", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A3FYFYXAK79KYJ", "asin": "B00137GDQ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "MICHIGAN.MAN37", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1440806400} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "AR9O3EH4RDSJN", "asin": "B00NG0HWFM", "style": {"Format:": " MP3 Music"}, "reviewerName": "David C. Wade", "reviewText": "Avery good, enjoyable and attractive song", "summary": "Four Stars", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A30DP5W852UJJ2", "asin": "B0011Z4Z3G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul M. Budd", "reviewText": "Doesn't get more 90's than this......good memories.", "summary": "Smooth!", "unixReviewTime": 1475193600} +{"overall": 4.0, "verified": false, "reviewTime": "11 30, 2014", "reviewerID": "A2EILKR75I7I67", "asin": "B000V6TOH8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rich M8NY", "reviewText": "Nice", "summary": "Four Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A2NBFL12450ZSN", "asin": "B004LWCUXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "MWH", "reviewText": "Excellent", "summary": "Excellent", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2016", "reviewerID": "AFB2B290G5WH9", "asin": "B01H4QGPEM", "style": {"Format:": " Audio CD"}, "reviewerName": "JJ", "reviewText": "I was unfamiliar with this band despite being from the same city as they are. That was a mistake! They are a superb band and I have truly enjoyed listening to this CD", "summary": "Tight band, killer vocals", "unixReviewTime": 1479340800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A2LAR13V99X62U", "asin": "B002TA4MSU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sun Angel", "reviewText": "great listen", "summary": "Five Stars", "unixReviewTime": 1473465600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A225KOTGHS3BRA", "asin": "B00137KPOA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patrick", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2012", "reviewerID": "AM4X3TREMZTQZ", "asin": "B0049XOHT4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Peggy A", "reviewText": "This song has an old-time jazzy lounge song feeling. Dave Barnes has a sultry voice. He's singing softly, seductively and longingly, trying to entice his sweetheat to take a break from the party and step under the mistletoe with him. It's a charming song.", "summary": "Sneak a Kiss", "unixReviewTime": 1356220800} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2012", "reviewerID": "A3C50S1M9MI2UI", "asin": "B0097RZUDO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Moe Priell", "reviewText": "Fine performances of relaxing, quality music.\n\nAfter a long day at work this is just the album to de-stress.\n\n50 tracks; over 3 hours of music.", "summary": "Great music", "unixReviewTime": 1353888000} +{"reviewerID": "A7XAHGJR8KB9H", "asin": "B00136RSW8", "reviewerName": "Jamie A. Blazzard", "verified": true, "reviewText": "Ricky has an old style country voice and I love it! Grew up with Country Music and it has always been my favorite genre. Ricky's music has always been at the top of my list.\nThanks, Jamie", "overall": 5.0, "reviewTime": "08 12, 2013", "summary": "Great album!", "unixReviewTime": 1376265600} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A21RF3DDGLD40Y", "asin": "B00YHTOPAG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kiana", "reviewText": "My second favorite song from her new album, it definitely very upbeat", "summary": "Smile inducing and heartbreaking", "unixReviewTime": 1449532800} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A2TN6I9L54GEE8", "asin": "B00136NEAI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leon Westover Jr", "reviewText": "We were looking for this song to put on a basketball pre-game warmup CD and were able to find it here. I was hoping the volume would have been a little higher to match the volume of the other songs we have for the CD.\n\nLeon", "summary": "The Final Countdown by Europe", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A386CNLWZUF3EH", "asin": "B002NJ9SB8", "reviewerName": "Patricia Kenworthy", "reviewText": "Lovely background music for our Reflexology and massage office.", "summary": "Lovely", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A1ZM7RXT73K1KF", "asin": "B00I3GJ298", "style": {"Format:": " MP3 Music"}, "reviewerName": "Branda J. Jenkins", "reviewText": "GREAT SONG!!", "summary": "Five Stars", "unixReviewTime": 1428451200} +{"overall": 5.0, "verified": false, "reviewTime": "12 19, 2013", "reviewerID": "A3FE2DCZPL6VKF", "asin": "B003P28LR4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hootie562", "reviewText": "I got on a 90s kick and purchased this song because it reminded me of growing up and the mroe carefree years of my life. Just a good song.", "summary": "90s Kick", "unixReviewTime": 1387411200} +{"overall": 4.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A1MCQLJGZ2ODCK", "asin": "B00O46VJ56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nick", "reviewText": "I'm not a fan of the talking and singing but his voice makes up for it, very talented singer. I like the whole album. One of my fake songs on the album.", "summary": "Less talky more singy, still like it", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A2JEN73XAXNO0M", "asin": "B0170K9UTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "TRUE DIVA", "reviewText": "Number 1 Hit Song..I love listening to the song and the Video is Awesome. Feel in love with the song when I heard it...", "summary": "I love listening to the song and the Video is Awesome", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A3LD9MWYUZ3B8L", "asin": "B0194NPS8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "stefan poole", "reviewText": "This is for the grown and sexy. Love it get it.", "summary": "Love it get it", "unixReviewTime": 1468454400} +{"overall": 3.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A1TMRHDHVE7K97", "asin": "B00123FJM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A3MAHIAEVRJ5W3", "asin": "B00HFWYCAK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Happy Family", "reviewText": "Great clean version of the song.", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "AEFH1QTDQP1CM", "asin": "B000TEMF7S", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Livingston", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A2HBUO3PBSC12Y", "asin": "B0011Z1DPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Venus Lincolngrl", "reviewText": "I liked this song, but didn't want the whole album. I just searched for the names of this group's songs that I want.", "summary": "Loved it", "unixReviewTime": 1360022400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A2WIT5OFLTH9JM", "asin": "B01B03924A", "style": {"Format:": " Audio CD"}, "reviewerName": "Gregg Rosenthal", "reviewText": "Going to see them next month and love them!", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A2USJ3U5OP34N", "asin": "B016P0C94I", "style": {"Format:": " MP3 Music"}, "reviewerName": "fishng1", "reviewText": "very nice !", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 2.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A331ZUPRPHE5D0", "asin": "B001AUEMFS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beesforme", "reviewText": "Sometimes when I'm in the right mood. I'll listen.", "summary": "Two Stars", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A2S0TMR69SMGC8", "asin": "B0043VO41S", "style": {"Format:": " Audio CD"}, "reviewerName": "Ronald J Usselman", "reviewText": "Great songwriter and guitarist. Would love to see her perform live. Also looking forward to more from Joanne Shaw Taylor.", "summary": "Loved It", "unixReviewTime": 1391904000} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A17XF5YJQVZ6C9", "asin": "B00SYTTBMC", "style": {"Format:": " Audio CD"}, "reviewerName": "JTAG-JustTheAudioGuy", "reviewText": "I could just hug Britney", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A1BXTYO0L9PDXC", "asin": "B001OG7OI0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mickey J Juracek", "reviewText": "Alanis Morissette is one person that can get me pumped up for work and keep my pace up when I am walking!", "summary": "Can you say \"Tude\"?", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A8EAVKWQUH7C7", "asin": "B00QVZ1VXI", "style": {"Format:": " MP3 Music"}, "reviewerName": "deep", "reviewText": "A good mix of instruments", "summary": "Like the music", "unixReviewTime": 1443139200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "AHGV9WTBS09G6", "asin": "B00H8PGVEO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Timothy B. Schmidt is a wonderful voice and talent added in later years to the Eagles band. He really contributes greatly to the sound and feel of the music, and I truly love hearing his voice on this piece of music. LOVE IT!!", "summary": "Love it Love it Love it!!", "unixReviewTime": 1380499200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A3DDDXG42DOA0U", "asin": "B00137VS8W", "style": {"Format:": " MP3 Music"}, "reviewerName": "MAGstar", "reviewText": "I think her best effort.", "summary": "Best.", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A2TVOK6B7F0KI6", "asin": "B001NZN17U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mom Dawson", "reviewText": "Love this song.", "summary": "Love this song.", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": false, "reviewTime": "11 27, 2012", "reviewerID": "A1NXIEVN6CQXPY", "asin": "B00137MPRA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rick M.", "reviewText": "The song is from 1978 and it still rocks all these years later! A must for any Journey or classic rock fan.", "summary": "A classic!", "unixReviewTime": 1353974400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "APVK1HQPT8C3R", "asin": "B000W1QXT4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rita", "reviewText": "an old favorite", "summary": "Five Stars", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A30WD3AU7JGJ89", "asin": "B00F0AIBJC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diane", "reviewText": "love it!", "summary": "Five Stars", "unixReviewTime": 1432425600} +{"overall": 4.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A5ZKW0E1MC5CS", "asin": "B000TERLIQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "ken", "reviewText": "Love it.", "summary": "Four Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A21UDH50KNZI1H", "asin": "B00136LJ7S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathy Carter", "reviewText": "These classic country songs are perfect for a collection of country greats. I enjoy listening to the good country music from what I consider the golden age!!", "summary": "More good stuff by Clint Black", "unixReviewTime": 1354233600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "APCK3XVR8EIL9", "asin": "B00IR3W6I6", "style": {"Format:": " MP3 Music"}, "reviewerName": "EAS", "reviewText": "This is a great song! We used it for one of the songs in a sports slide show and it turned out amazing. Very clear version and clean file, downloaded flawlessly!", "summary": "Definately magic! Awesome song, flawless download..", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A331ZUPRPHE5D0", "asin": "B002WQ0TN8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beesforme", "reviewText": "Good music when I'm in the right mood.", "summary": "Five Stars", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A3UGMWHO9PYRNU", "asin": "B000SXIZIS", "style": {"Format:": " MP3 Music"}, "reviewerName": "pat", "reviewText": "good one", "summary": "Five Stars", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A3BOKDQLKENR51", "asin": "B000VZXDO4", "style": {"Format:": " MP3 Music"}, "reviewerName": "billybobwood", "reviewText": "love her music", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "A1BX06Z8YC3RLS", "asin": "B00BWGHIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "LYNNKS", "reviewText": "I love love love this song!! I am relatively new Robin Thicke fan but this song is AWESOME!! I love the beat and rhyme of the song. It is actually in two of my playlist my dance grooves and my exercise both of which are meant to get me and keep me moving.", "summary": "Blurred Lines", "unixReviewTime": 1367625600} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A2N44GQGOMHRKU", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "JJohnson", "reviewText": "good song", "summary": "kids love it", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A35LT2AZ2ZQ4BQ", "asin": "B00137KRYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard L. Frede", "reviewText": "Love this song . Always have. Was reminded of it in animal abuse commercial.", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A1I7HLVM8OHMCF", "asin": "B002POOKAU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Walter McNamee", "reviewText": "TAKES ME BACK TO MY TEEN YEARS THE 1950'S ME AND MY PAL'S SANG ALL THE TOP SONGS OF THE WEEK", "summary": "TAKES ME BACK TO MY TEEN YEARS THE 1950'S ME ...", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A1EQ4Q3CNUH267", "asin": "B00124DGHM", "style": {"Format:": " MP3 Music"}, "reviewerName": "GBrink", "reviewText": "Easily one of the best rock love songs of the '80s. Chicago is so good. When I get married, this song will be on the playlist.", "summary": "One of the best songs of the '80s.", "unixReviewTime": 1438646400} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A206OOBGGPMX40", "asin": "B00FAEQ22G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bill", "reviewText": "I like the lyrics....\n\nChose this song cuz it has a catchy tune...\n\nHas a lot of meaning, good rhythm...", "summary": "Great Song", "unixReviewTime": 1388102400} +{"overall": 3.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "AZJ4V2EVSLG27", "asin": "B00BTTGXIE", "style": {"Format:": " MP3 Music"}, "reviewerName": "jmizzlefoshizzle", "reviewText": "Not much else to say, scrolled through the tracks quickly so this isn't a useful review. If you get any music free it's worth a listen right?", "summary": "Decent because it was free", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "A1WRH7QVMOS2FA", "asin": "B002NSOHD8", "style": {"Format:": " MP3 Music"}, "reviewerName": "SJ", "reviewText": "5 stars", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2013", "reviewerID": "A7EOPVF583J8A", "asin": "B000TPJ5FM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aurelia White", "reviewText": "I remember this song from when I was a child and we actually had a milk man that delivered milk to our door!", "summary": "old school music", "unixReviewTime": 1374969600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A3HEQJWSLFXGKM", "asin": "B000SZFJGW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Melvin Jensen", "reviewText": "This always puts me in a good mood. I think this song was in \"Look Who's Talking\"", "summary": "Makes me Happy", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2017", "reviewerID": "A1O5TM5TD4VR1K", "asin": "B00136LQQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "good tunes", "summary": "Five Stars", "unixReviewTime": 1501891200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A2EHGDU3W619FT", "asin": "B00JHBHZ8S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "This song is the bomb.", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A15T3Y3BL2AJ9V", "asin": "B002YSOVWE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Roger Dodger", "reviewText": "This one of those smooth performances by Gordon Lightfoot. It is a real classic. The MP3 sound quality is quite good.", "summary": "Very Nice Song Done Well", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A1B3PHS51MRZME", "asin": "B00B13OPB0", "reviewerName": "Denise Hardy", "reviewText": "Nice duet!", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2013", "reviewerID": "A1J50A54JRYD6T", "asin": "B00137ILBY", "style": {"Format:": " MP3 Music"}, "reviewerName": "S. Roberts", "reviewText": "Digitally stored music keeps my house free from the clutter associated with collecting tapes, CDs and records. Yes, I said Records!", "summary": "Yes", "unixReviewTime": 1375833600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A3OIN4ZEM2HWJ1", "asin": "B005E64L3C", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Johnson", "reviewText": "Global Dance", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2013", "reviewerID": "A14TN9U3CVWJS7", "asin": "B00137V96S", "style": {"Format:": " MP3 Music"}, "reviewerName": "monty12812", "reviewText": "I love this song from when it first came out, to now, I love it! It has a great beat!", "summary": "Still a great song!", "unixReviewTime": 1373587200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A3EQ94S0KZ9HMP", "asin": "B00136NLG0", "style": {"Format:": " MP3 Music"}, "reviewerName": "AmeriAussie", "reviewText": "Love this song.", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "A37B6X9YTM9EH1", "asin": "B00D5KIMGQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "vronnie_2101", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1383782400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A30KSOJ4FGDNLQ", "asin": "B00136LIAG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christopher A. Juell", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "AZB4FEVOLI5DX", "asin": "B00KLULZT4", "style": {"Format:": " MP3 Music"}, "reviewerName": "teacherprof", "reviewText": "Something new, something refreshing and I think many people would get into this.", "summary": "Nice collab!", "unixReviewTime": 1405123200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "12 25, 2013", "reviewerID": "AQKNTV2Y01S8P", "asin": "B00CMIUOPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "The KING'S Songbird", "reviewText": "This song very fitting for the time that we are going through. The praise do not belong to man,but to God. I am a fan of Hezekiah Walker,the Love Fellowship Choir & LFC from the beginning. Keep up the good work Hez!", "summary": "HALLELUJAH!!", "unixReviewTime": 1387929600} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A2ABJ4XM4MJ5CD", "asin": "B00137GB8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "russ hoepfer", "reviewText": "a ok", "summary": "Five Stars", "unixReviewTime": 1446336000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A1RGJA7LQ3B5H7", "asin": "B00137IO6Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Cuellar", "reviewText": "An underrated hit from Journey's long career and I would definitely recommend it.", "summary": "Underrated Hit", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A3ETA5EYI07GO6", "asin": "B001IAOQOW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ms. L.", "reviewText": "Brings me back to my youth!", "summary": "Wow", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A39JZXGQPTFW60", "asin": "B000TDWUV0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Like it", "summary": "Five Stars", "unixReviewTime": 1443830400} +{"overall": 5.0, "verified": false, "reviewTime": "11 15, 2014", "reviewerID": "A32WYNH2TG3ZUS", "asin": "B000W173RU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Betty L. Durazo", "reviewText": "Great song and Great message!", "summary": "Five Stars", "unixReviewTime": 1416009600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A2JA5MK7CW7RHJ", "asin": "B0161BPHKY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jill", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A2YW2W4WXU53QL", "asin": "B00K6B66LU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Eugene Bell", "reviewText": "Nice song", "summary": "One hell of an amen", "unixReviewTime": 1446595200} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A3SW3SCPOEJUL6", "asin": "B00EOKQBHS", "style": {"Format:": " Audio CD"}, "reviewerName": "E. B.", "reviewText": "Great album overall. A few stinkers but overall the good and great ones outweigh the bad.", "summary": "Four Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A1W7N3EWY7CX8H", "asin": "B00JHBHZ8S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Susan Walker", "reviewText": "Great Song!", "summary": "Happy", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A1C84T6XNQRNH9", "asin": "B00136RXS2", "style": {"Format:": " MP3 Music"}, "reviewerName": "K Brooks", "reviewText": "Classic old-school", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2013", "reviewerID": "A3TIU81ZTRSXW2", "asin": "B00B637896", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kristen McElveen", "reviewText": "I like the song and it makes me sing along with the band I will be getting more of there records.", "summary": "good song", "unixReviewTime": 1373932800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A2C628OS1FLHUZ", "asin": "B00XDI17J4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1FQQO3LFIDZD9", "asin": "B0013CUEQ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathryn R. Sellers", "reviewText": "Great Artist love his music. Amazon made it possible for me to obtain Deitrick Haddon's music just as soon as I heard it!", "summary": "I love it!", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": false, "reviewTime": "02 3, 2013", "reviewerID": "A3Q30U1DZ9125L", "asin": "B0046X67KY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christina Harter", "reviewText": "I really like this song. One of my favorites at the moment. Enjoyable. Pumped up song. Recommend! Get it! :)", "summary": "Likeeee", "unixReviewTime": 1359849600} +{"reviewerID": "A1WJFV8KPELALT", "asin": "B001380SRS", "reviewerName": "Barbara L. Finch", "verified": true, "reviewText": "\"Jesus in not a fairy tale\". He is real and can do real things for you, if only you Trust and Believe Him.", "overall": 5.0, "reviewTime": "11 13, 2014", "summary": "\"Jesus in not a fairy tale\". He is real ...", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A2YOTCU32YUECT", "asin": "B00B113C0C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rhonia Satterfield", "reviewText": "love this song!!!", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": false, "reviewTime": "11 21, 2012", "reviewerID": "A1JYJA9GTTZZ8L", "asin": "B00137O88O", "style": {"Format:": " MP3 Music"}, "reviewerName": "brobinson60", "reviewText": "So thankful for all of Casting Crowns' songs. Set Me Free is just another great example of the anointing that God has given them!", "summary": "Wow! What a message!", "unixReviewTime": 1353456000} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A2Z4H7PQHDPUWF", "asin": "B00HFEA0EK", "style": {"Format:": " MP3 Music"}, "reviewerName": "PAUL RICE", "reviewText": "It's \"alright\"...", "summary": "Four Stars", "unixReviewTime": 1405468800} +{"overall": 2.0, "verified": false, "reviewTime": "01 3, 2015", "reviewerID": "A3KENOAUKTWZJL", "asin": "B008ZEIAYQ", "style": {"Format:": " Audio CD"}, "reviewerName": "SxS", "reviewText": "She's receiving a lot of love on this album,but I can't front,I'm not feeling it. Only songs that has a nice vibe on here are \"Don't Wake Me Up\",\"Elusive\",\"Everything\",\"Gone\"{o.k},\"Tease Me\"{o.k} & \"They Could Be Wrong\"{o.k}.", "summary": "I tried...but I'm not feeling it", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2013", "reviewerID": "ASDGJQJ30X20H", "asin": "B000VRWV4U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathie Manning", "reviewText": "Bobby Pickett outdid himself on this song. Prompt delivery and ease of download was greatly appreciated. I shared it with some teenagers who like it, also.", "summary": "A great blast from the past!", "unixReviewTime": 1378857600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A15VH1KKF18YXZ", "asin": "B000VRWTXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lori", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2013", "reviewerID": "A2Z7LPEYZHQ68O", "asin": "B003A97380", "style": {"Format:": " MP3 Music"}, "reviewerName": "G. D. Whitfield", "reviewText": "I love this track. It always makes me smile and sing along in the key he's playing...I, myself, don't have a key! I saw George Duke in concert a couple of nights ago and he still sounds great and the track still makes me feel the same as when I first heard it.", "summary": "YEAH.....GEORGE DUKE!", "unixReviewTime": 1364774400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A2NP5O97RE0DIG", "asin": "B001FECJ0O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Julie Hostetter", "reviewText": "I love this song big in the 80's buy it you will love it too.", "summary": "Phamton Of The Opera", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "AQTMJRZ69J75B", "asin": "B00C6MPM9Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Clay Robert Calhoun", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A3848J0A3D7XRU", "asin": "B00123F8Y2", "style": {"Format:": " MP3 Music"}, "reviewerName": "jrick", "reviewText": "Great song of celebration!", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "AYP7PJ4RUB8MW", "asin": "B00TK94KNK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Washington State", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3KXZMKP8KKHSV", "asin": "B00OLF0VOA", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Samuels", "reviewText": "LOVE THIS SONG!", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 3.0, "verified": true, "reviewTime": "11 26, 2012", "reviewerID": "A6DSDTFL9O4HB", "asin": "B002HP8EKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Baxter B.", "reviewText": "Got this free, don't remember why or how. I think I've listened to it once and just never taken it out of my playlist.", "summary": "Freebie", "unixReviewTime": 1353888000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2013", "reviewerID": "AJ28WC5QXSSXK", "asin": "B004UE3784", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lady2574", "reviewText": "I only heard the lyrics, read to me and it was great! As it was lectured to me, I understsood What the singer meant about God.", "summary": "great music!", "unixReviewTime": 1371168000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2O2TK53QQQVPK", "asin": "B001GD3MOG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Debs", "reviewText": "I enjoy all the songs I purchase from Amazon for my Kindle. The qualitiy of these songs are wonderful.", "summary": "I enjoy all the songs I purchase from Amazon for my ...", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A2AIXGPS8ZI5W", "asin": "B00HFEC192", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dwight F. Calkins Jr.", "reviewText": "Great Song", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A1CBZR5ZO9PGGH", "asin": "B00EH49FRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "DarkAlice1983", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2013", "reviewerID": "A3I908JZHGQ3OP", "asin": "B00961ZGQC", "style": {"Format:": " MP3 Music"}, "reviewerName": "dmkirk", "reviewText": "I want to thank Carly Rae personally for writing this song. Not only do I love this song but the whole world dances to this song. It was a big hit within a week of release. It has brought a lot of people together!! Per Pres. Obama, this is his plan for all of us to do!!!!", "summary": "Call Me Maybe", "unixReviewTime": 1360800000} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A17B6IPLJ964N0", "asin": "B00M8IAYSA", "style": {"Format:": " Audio CD"}, "reviewerName": "Christopher H. Wend", "reviewText": "Tim's albums are always good. A little old school mixed with a twist to make the songs modern. Well written album.", "summary": "Sundown Heaven Town [Deluxe Edition]", "unixReviewTime": 1474329600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A2DUI0XYE1NT1S", "asin": "B00MFXJNS0", "style": {"Format:": " MP3 Music"}, "reviewerName": "WI_Skooter", "reviewText": "Great Song", "summary": "Five Stars", "unixReviewTime": 1496793600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A2AIXGPS8ZI5W", "asin": "B001AXNG1G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dwight F. Calkins Jr.", "reviewText": "Great Song", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A1MMVVQCCCZP9L", "asin": "B01BEEMOKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "arolpl", "reviewText": "Heard one song on Pandora that I wanted to buy and then sampled the other songs and thought I'd just get the whole album and take a chance. Glad I did...great album! A fun album to mix in with Vance Joy, One Republic, Cold Play and Kodaline.", "summary": "Glad I did", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "AHCG532N9S0S7", "asin": "B007MSMD9Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dan Steward", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A2G2VEKWXMQQHF", "asin": "B007MSMB9Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jean Thompson", "reviewText": "Love Luke Bryan. He has had an awesome year. Nice to see and hear good talented people making good music.", "summary": "Luke", "unixReviewTime": 1356480000} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A1KFMP73FTQLML", "asin": "B00GLP49CI", "style": {"Format:": " MP3 Music"}, "reviewerName": "PaulB Karaoke", "reviewText": "during the frozen frenzy, had to have all these songs. maybe \"let it go \" will carry on into the future play list", "summary": "Must have during the Frozen craze", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A1Q5BEVD3IF62H", "asin": "B00O9DX0X8", "style": {"Format:": " MP3 Music"}, "reviewerName": "tkipfer", "reviewText": "This recording absolutely blows me away. It is best performance in recent Christian Music scene. You're gonna love this one. Review this whatever you do. It's great.", "summary": "Best Gospel Performance", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A2NJ81VH9NSRKA", "asin": "B00Y1REXW4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mary", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A1UOR1E7G4EV6D", "asin": "B00171962Y", "reviewerName": "Kevin Trahan", "reviewText": "Great classic", "summary": "Great classic", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A37J4NT1LNJLYP", "asin": "B00QSCX42K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Demetria", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2013", "reviewerID": "A1XBR0VHB4CJD1", "asin": "B001W2B6MG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I have loved this song for a very long time. It was an easy download and the quality is good. Gre", "summary": "Great song", "unixReviewTime": 1383523200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A753II4ZQY6I4", "asin": "B00137IHEA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bo'sWorld", "reviewText": "It's a shame he never made anything else.", "summary": "Memories", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A1GQQI7KB9VM0C", "asin": "B00136JF74", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mimisaid", "reviewText": "Beautiful. You can tell she's a musician and not a drug addict", "summary": "An angel's voice. Perfect.", "unixReviewTime": 1451088000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A3FF5EW8C6TTSP", "asin": "B00138B1F6", "style": {"Format:": " MP3 Music"}, "reviewerName": "W. P. Ricks", "reviewText": "Great Christian Music", "summary": "Five Stars", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A3HTWH15F39ZX1", "asin": "B017D4NBJW", "style": {"Format:": " Audio CD"}, "reviewerName": "Gregg B.", "reviewText": "Buy Every Thing He Put's Out. I Love HANK JR. Enough Said....Excellent CD!!! Love The New Songs. (It's About Time) this came out. BUY BUY BUY!!!!", "summary": "Hank Jr.", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A35EIZ0JS0DNOC", "asin": "B00136LDKQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steven S. Nelson", "reviewText": "Another great song, has some memories attached.", "summary": "Great.", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A370AGTI8FOZUI", "asin": "B00150S5HY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jacob Wilson", "reviewText": "The song that opened a whole new music genre to me back in the day", "summary": "Five Stars", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A27T5UDSUKVUJA", "asin": "B00J401FTM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 4.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A1WPI972N5B9DR", "asin": "B004ECJOAW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Felicia J.", "reviewText": "awesome song", "summary": "Four Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A132BB2YKR0VEO", "asin": "B00137O9J2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ive", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2011", "reviewerID": "A3KWAN5J031OOU", "asin": "B0043ZFAIA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amy", "reviewText": "Loved this song when I heard it on the radio, so wanted to add it to my song list. Same as what I hear on the radio.", "summary": "Loved this song", "unixReviewTime": 1320364800} +{"overall": 5.0, "verified": false, "reviewTime": "05 4, 2018", "reviewerID": "A1TK6SJIJB0FCT", "asin": "B00137GKW6", "style": {"Format:": " MP3 Music"}, "reviewerName": "JOHNNY A. ROBERTSON", "reviewText": "pretty song", "summary": "Five Stars", "unixReviewTime": 1525392000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A2HICY6M1CEMOB", "asin": "B0011WABE6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "great rythme, great story, great lyrics, and it all makes you want to sing along with his sung statements that a country man can survive.", "summary": "loe it, love it, love it", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A1XNWOV39TF50P", "asin": "B0011Z339S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pappy", "reviewText": "Great riff in this one, never heard all my life, just My Woman from Tokyo and Hush, this ones I prefer most.", "summary": "Surprised", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2013", "reviewerID": "A1O3PKMZLBRUQN", "asin": "B0011Z10HK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Doctor Midnight", "reviewText": "This hard rockin' tune has enormous replay value. You'll just love it. The group has that partying, fun feeling that's just amazing. I highly recommend this track.", "summary": "Superb Hard Rock Gem", "unixReviewTime": 1359763200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A3R2W6NBUIIXWM", "asin": "B001EE2QYE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Avid Reader", "reviewText": "Great tune/.", "summary": "Great tune", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A9T9SO0VP3QA0", "asin": "B01CB5ZAG0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Otaku Tea Cup", "reviewText": "Panda panda panda!!", "summary": "Five Stars", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": false, "reviewTime": "05 26, 2016", "reviewerID": "A39O950T0ZHWG6", "asin": "B00136ROWM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kristen Trunnelle", "reviewText": "love this song", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A36XVK8WNHNFE1", "asin": "B0013F28Q0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Terrific!", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "ABTNAX2C88K21", "asin": "B0043CKUAQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jen Miller", "reviewText": "its music, what's not to love?", "summary": "what's not to love?", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A2TQUKGIHTK60V", "asin": "B00N63KNV4", "style": {"Format:": " MP3 Music"}, "reviewerName": "EMMACAR", "reviewText": "not the 'block-buster-every-track album' BUT their sound is just a delight to listen to.", "summary": "always", "unixReviewTime": 1413244800} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2013", "reviewerID": "A3PHA1F3KY1AI8", "asin": "B00A20GWP0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kevin", "reviewText": "Great! After all the pop Christmas songs I've become so accustomed to over my life I admit I hesitated before considering this version of Christmas music. I shouldn't have. I love it.", "summary": "I love it.", "unixReviewTime": 1385164800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "A294C1V3Q0ICML", "asin": "B01188BTD4", "style": {"Format:": " MP3 Music"}, "reviewerName": "busybee", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1517270400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "AQNZKJN16R9V4", "asin": "B00JH408M0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hollywood", "reviewText": "excellent song", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "ADVVSULFAD6QD", "asin": "B000V617PA", "style": {"Format:": " MP3 Music"}, "reviewerName": "RoyalFrost", "reviewText": "Love it !", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A1UF4PWG1G28OT", "asin": "B00O2RCFDC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Loopy", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1460678400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A373GWDWZLUCBB", "asin": "B017JTOKV4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gina", "reviewText": "Love this song", "summary": "Love this", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": false, "reviewTime": "06 14, 2014", "reviewerID": "A2B7SFKJDDQ9EG", "asin": "B00137MFWK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love this late 70s song...it's held up well. Remarkable group I would say .I have this on an old vinyl.", "summary": "Dust in the Wind", "unixReviewTime": 1402704000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2013", "reviewerID": "A3CB9C18OZ4WJL", "asin": "B00B113E0U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bernice C. Hayes", "reviewText": "I love this anointed song of praise. My church praise team signs it. I listen to it all of the time.", "summary": "I love it!", "unixReviewTime": 1375142400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A3BU92XQ2M0FQV", "asin": "B00136NFOI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Toni B.", "reviewText": "Get your Rocky on when you work out.", "summary": "Five Stars", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A247H1ADXF0J3Z", "asin": "B002CAEI8G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sonia B.", "reviewText": "It's Prince, what else is there to say.", "summary": "Five Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": false, "reviewTime": "03 5, 2014", "reviewerID": "ANH7ENGKJU9D6", "asin": "B00ELD1RPY", "style": {"Format:": " MP3 Music"}, "reviewerName": "DibbyM", "reviewText": "As with all her music, it's uplifting and enjoyable to listen to, and is reasonably priced. I highly recommend the purchase.", "summary": "Overcomer", "unixReviewTime": 1393977600} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "ARV8BPJX6OZVB", "asin": "B007D5DUBG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Desi", "reviewText": "Love this album! 'Under the Water' is an amazing song!", "summary": "Deep and Blues-y", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A5758OBU8SJS4", "asin": "B00945DK0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Doug", "reviewText": "AWESOME!", "summary": "Five Stars", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "AM5R8K3M1C2BC", "asin": "B00137RE62", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bruce", "reviewText": "Great !!!!!!", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A1W6J6H7QIQC5B", "asin": "B001NZP8B2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Scott P", "reviewText": "Great song with a catchy melody", "summary": "Five Stars", "unixReviewTime": 1498521600} +{"overall": 3.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A1PU6U585S5Q4M", "asin": "B0011Z74C0", "style": {"Format:": " MP3 Music"}, "reviewerName": "JohnP", "reviewText": "This was a gift, so I cannot comment.", "summary": "Three Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2NC6AC7D8UCTU", "asin": "B00MMTB4DO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jennifer M", "reviewText": "Arrived as described. Happy with this purchase.", "summary": "Happy with this purchase.", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A1LOYGATDTIEZQ", "asin": "B014DIAMQG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Datizsonice", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "AAT1JT5M65VGQ", "asin": "B0013AE07U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ann-Marie Jacobs", "reviewText": "Awesome song...", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2014", "reviewerID": "A3QQQYR1EBM3R4", "asin": "B009ZKNA8A", "style": {"Format:": " Audio CD"}, "reviewerName": "L. Stilkey", "reviewText": "This is awesome! I am a huge fan of Chris and the band and what a great cd! I love it!!", "summary": "UMMM CHRIS TOMLIN!!!!", "unixReviewTime": 1392508800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "AESNHQLDPI0KB", "asin": "B002HJTC6U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daretbu", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A34O0PM5ZQ5WQ1", "asin": "B00B113C0C", "style": {"Format:": " MP3 Music"}, "reviewerName": "ladygorham3", "reviewText": "Awesome worship song!", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A1PAS5FVWNB07R", "asin": "B001NHGGIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Not my favorite song by them though it may be their biggest seller", "summary": "Three Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "ABUT2PKBVKYQE", "asin": "B001U8XT5E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wodd", "reviewText": "I heard Songbird first on the radio. I very much enjoy instrumental songs. The blend of drums, saxophone, and what sounds like the bass guitar is great.", "summary": "Excellent Composition", "unixReviewTime": 1496448000} +{"overall": 1.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A3DG93E8TXMKZF", "asin": "B001KOWH0G", "style": {"Format:": " MP3 Music"}, "reviewerName": "JohnAroundTheCornerReviews", "reviewText": "This is NOT a piece of music.\n\nIt is only used for tuning up an orchestra or instrument.\n\nUnless you want to tune your musical instrument, DO NOT DOWNLOAD.\n\nAll this is is a single tone, DO NOT DOWNLOAD.", "summary": "All this is is a single tone, DO NOT DOWNLOAD.", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A1UE5U3H49K2KA", "asin": "B006Q77W8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "bbb2011", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A2LM7QTO3NRBOC", "asin": "B00123D0CE", "style": {"Format:": " MP3 Music"}, "reviewerName": "SLee", "reviewText": "Different, not too bad either.", "summary": "not too bad either.", "unixReviewTime": 1422662400} +{"reviewerID": "A1ITXN6SL7UTLA", "asin": "B000V653X2", "reviewerName": "Patrick Harden", "verified": true, "reviewText": "Like it.", "overall": 3.0, "reviewTime": "11 19, 2015", "summary": "Three Stars", "unixReviewTime": 1447891200} +{"overall": 3.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "ABS2A1OWX5Q8", "asin": "B004K79DPW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Fred Adelman", "reviewText": "Not one of George Michael's best, but this song transitioned him from teen pop to adult pop and the album with the same name sold over 20 million copies. It was his solo breakthrough.", "summary": "So-so song from an excellent album", "unixReviewTime": 1482883200} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "A294C1V3Q0ICML", "asin": "B014M2BHLW", "style": {"Format:": " MP3 Music"}, "reviewerName": "busybee", "reviewText": "Thanks", "summary": "Four Stars", "unixReviewTime": 1517270400} +{"overall": 4.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A3SNJORZ5SMZZ9", "asin": "B00BBNJWR2", "style": {"Format:": " MP3 Music"}, "reviewerName": "PeachPecan", "reviewText": "I like classical music but I am not an educated or sophisticated listener. I like what I like, and I like this collection. Excellent price for the casual listener.", "summary": "Nice", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "AUFW0LEC5N4CS", "asin": "B00AAAKH80", "style": {"Format:": " Audio CD"}, "reviewerName": "RJT69", "reviewText": "I am not a big country fan but really like this CD and all the songs NGOs are good! Heeeee ha!", "summary": "All songs are great!", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A6Y0JU07J5564", "asin": "B000WLH0ZA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rwrfoxy", "reviewText": "Older song by George but a good one", "summary": "An older song", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "AD6G80D2PS6UG", "asin": "B00137GJEA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rae", "reviewText": "Amazon makes purchasing songs really easy and is unmatched in quality when it comes to the ease of purchases and the quality of it all.", "summary": "Love this song!!!!", "unixReviewTime": 1400371200} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A3QOB77NSEHGDB", "asin": "B002A6GLTG", "style": {"Format:": " MP3 Music"}, "reviewerName": "RicknATL", "reviewText": "Good song. Enough said.", "summary": "Good song", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "AR0SI5JIUGMMW", "asin": "B00136LQUI", "style": {"Format:": " MP3 Music"}, "reviewerName": "WVDebbie", "reviewText": "I live this song by Cyndi Lauper! It's definitely a great song to add to your collection. I would recommend to anyone that enjoys listening to cyndi Lauper!", "summary": "Great Song!!", "unixReviewTime": 1370908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "AEM3XP3WZ2U1B", "asin": "B01DOO46BM", "style": {"Format:": " MP3 Music"}, "reviewerName": "J Tipton", "reviewText": "Love Keith!", "summary": "Five Stars", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A3AF1CIET0NFPN", "asin": "B002NRW2YK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Clifford L.", "reviewText": "Fun song to listen to.", "summary": "Five Stars", "unixReviewTime": 1410652800} +{"overall": 1.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A3DL8XYAESE17X", "asin": "B00136PO8I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cindy", "reviewText": "i did not buy this so not sure why i'm asked to rate it.. Can someone explain why i have to rate it as a purchase I made?", "summary": "you had me from hello", "unixReviewTime": 1356998400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2013", "reviewerID": "A3ULFI74VYDVEY", "asin": "B004QIPCYG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Carla Davis", "reviewText": "I treated myself to music for my birthday, and having seen this song on Glee S2, I totally wanted it. And I still love it! Nuff said.", "summary": "Great Song!", "unixReviewTime": 1388016000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2018", "reviewerID": "A6UMJST9VMY8M", "asin": "B001CNC624", "style": {"Format:": " MP3 Music"}, "reviewerName": "110 SLDR", "reviewText": "SEXY!!!", "summary": "Five Stars", "unixReviewTime": 1519430400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A2XPNDOHJBJW5K", "asin": "B007TG0PO4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Frank M", "reviewText": "great service and a good product. i would buy again if needed. the quality is what i expected for the price.", "summary": "nice", "unixReviewTime": 1362873600} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "A3SI4GQLS3OIGI", "asin": "B0018CJ67M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Thomas", "reviewText": "this is a really funny and in some peoples cases true too.", "summary": "https://www.amazon.com/dp/B001NCSMJ0/ref=cm_cr_ryp_prd_ttl_sol_0", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "A5UPRXU1ZV36E", "asin": "B0050N8P0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lauren", "reviewText": "Love this song.", "summary": "Five Stars", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2012", "reviewerID": "AWQN8A6T09FLH", "asin": "B00137KFLS", "style": {"Format:": " MP3 Music"}, "reviewerName": "diannemarie", "reviewText": "I bought this MP3 for the music player on my cell phone because my cell phone doubles as an MP3 player, and because I like the song.", "summary": "MP3", "unixReviewTime": 1349395200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A3C80DKT9DT2G1", "asin": "B00122PZHI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mr. Gee", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "AQSRGXTSUPEJT", "asin": "B002O1QKGQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Petra", "reviewText": "awesome song Love it!", "summary": "Muse", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": false, "reviewTime": "12 9, 2012", "reviewerID": "A2RA7J0SF948UO", "asin": "B004DH2F8Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "E. Mont", "reviewText": "It's a great song! A reminder that there is nobody greater than God. Also the kids love it and find it inspiring as well.", "summary": "Love the song!", "unixReviewTime": 1355011200} +{"overall": 2.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A2ZYCPWVZ779CY", "asin": "B00BWGHIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dave M.", "reviewText": "Ok", "summary": "Two Stars", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A1NC5YN34N5VRX", "asin": "B002RB2WPQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "I bought this song for my Creative Zen MP3 player, to inspire my gym workout, and it really does the trick. I love, love, love this song. Happy listening~*", "summary": "Love, love, love this song~*", "unixReviewTime": 1379203200} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A2XR0RUGUVCXX5", "asin": "B000QPYE2E", "reviewerName": "Amazon Customer", "reviewText": "Great Song, helps to worship you into praise and worship", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2016", "reviewerID": "A2UU3CGSPYRBUD", "asin": "B000W178XO", "style": {"Format:": " MP3 Music"}, "reviewerName": "No1SBMom", "reviewText": "This album contains all my Johnny Cash favorites!", "summary": "The best of Johnny Cash!", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "ADT1EXI75OQXY", "asin": "B00NJMNLRK", "style": {"Format:": " MP3 Music"}, "reviewerName": "amazonfan", "reviewText": "This will no doubt be a mega hit for Little Big Town. Maybe their biggest ever.", "summary": "Great song!", "unixReviewTime": 1431475200} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2016", "reviewerID": "A1B83UBQPE7VRI", "asin": "B000VWOCS8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dysfunctional", "reviewText": "Buddies at school would probably call me a wuss for listening to this, but its a 90s hit song. Who doesn't love those?", "summary": "Breakfast At Toffany's", "unixReviewTime": 1480032000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "A35NEQD0QUP46O", "asin": "B001QSGILA", "style": {"Format:": " MP3 Music"}, "reviewerName": "goony", "reviewText": "Good 80s song.", "summary": "Five Stars", "unixReviewTime": 1463702400} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A1NC1CS97388TZ", "asin": "B00IL86JLC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jerry Harvey", "reviewText": "Free!!!", "summary": "Free!!!", "unixReviewTime": 1450137600} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A1OLF7JAVB69B6", "asin": "B014DIB8TG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rambo", "reviewText": "like it", "summary": "Four Stars", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "AR9O3EH4RDSJN", "asin": "B001OGNLCI", "style": {"Format:": " MP3 Music"}, "reviewerName": "David C. Wade", "reviewText": "I was sitting in a bar in South Korea and heard this song. I have heard it before and knew it, but it hadn't registered previously. I made it a point to jot down the name and purchase it! Good tune ;-)", "summary": "Good tune; -)", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": false, "reviewTime": "01 16, 2013", "reviewerID": "A2AXGC87SOG0Q5", "asin": "B001CXFVA8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike Wadas", "reviewText": "Having a bad day and want a song that will relieve your stress? This song will do the trick! This is definitely Limp Bizkit's greatest hit, and a song that should be added to anyone's play list!", "summary": "Great release song!!", "unixReviewTime": 1358294400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "AWG54PICTE0MV", "asin": "B000V66X36", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Good Sound", "summary": "Five Stars", "unixReviewTime": 1456963200} +{"overall": 3.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A309IBLJ7RKFDM", "asin": "B00136JF8I", "style": {"Format:": " MP3 Music"}, "reviewerName": "lobster face", "reviewText": "Good song but not good enough to keep in my playlist. But that's just my humble opinion.", "summary": "Meh.", "unixReviewTime": 1455926400} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "APV6BYU7QFJU7", "asin": "B01DQ6ONVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "W. Taylor", "reviewText": "Not a huge Volbeat fan but, as with most songs, if it has a catchy enough beat I'll listen.", "summary": "Four Stars", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2013", "reviewerID": "A3N5752095L7GD", "asin": "B000QO3H3W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris Custer", "reviewText": "This song caught me off-guard when I heard it in the soundtrack for the movie \"Stoker.\" The film had plenty of good songs, but this old cover song is my favorite. Very sexy.", "summary": "A Great Duo", "unixReviewTime": 1366243200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A1R0RB4QVJFTWU", "asin": "B005T18DOK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Loved the movie and had to get the theme song to it! Amazon offered it at a great price and it was easy to get. Almost all my music comes from Amazon.", "summary": "New Song Out", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": false, "reviewTime": "07 11, 2014", "reviewerID": "A1UEKGDGV0YCYR", "asin": "B0014KDCEG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Doug Henry", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A15TH2FKVFFD9F", "asin": "B00137XEEI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lori B.", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2013", "reviewerID": "A3FJ63SPHIG9U3", "asin": "B000WXOAEC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kevin Koester", "reviewText": "This product was exactly as promised and met my needs as soon as I received it. The product works flawlessly!", "summary": "All Good!", "unixReviewTime": 1364515200} +{"overall": 4.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A3U1XP4WPDE556", "asin": "B00EQRPB98", "style": {"Format:": " MP3 Music"}, "reviewerName": "China Thee", "reviewText": "I love only one song on this CD, this one, I heard it on a TV commercial and had to have it", "summary": "Okay", "unixReviewTime": 1390348800} +{"overall": 4.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "A1E23YTGHD2RD6", "asin": "B004UPD486", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Rivera", "reviewText": "This is long overdue for her! A wonderful blend of her sexy voice and Lil Wayne combination definitely works together!", "summary": "Kelly is back on top!", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A3NNO32KVSYJTO", "asin": "B00124AI1E", "style": {"Format:": " MP3 Music"}, "reviewerName": "MIKE RYAN", "reviewText": "Another off my favorite bands-you can hear the heartbreak in the lyrics.", "summary": "Masterfully done message", "unixReviewTime": 1427328000} +{"overall": 4.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A19TS53L7W571Z", "asin": "B00137KRYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "JOE PEARSON", "reviewText": "Smooth and mellow, it will melt you like butter!", "summary": "S&m the good kind!", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A37CBPZ1WY77U8", "asin": "B000W25BXM", "style": {"Format:": " MP3 Music"}, "reviewerName": "zero", "reviewText": "\"Back in the day\"...takes me back..the power of music.", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 4.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A1C97RD7TJOCFH", "asin": "B00UMI98C6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Derek", "reviewText": "Sounds good.", "summary": "Four Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A2PJ3JLM3TRE5B", "asin": "B013Z85IGO", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. McCallister", "reviewText": "Good song, sounds great", "summary": "Music", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": false, "reviewTime": "12 17, 2015", "reviewerID": "A1GQAKL9CGQLP1", "asin": "B00U3WJMJ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. M. Keefer", "reviewText": "Saw Josh and Kelly singing this - delightful and poignant!", "summary": "Poignant", "unixReviewTime": 1450310400} +{"reviewerID": "A16OM4JF3BOW4O", "asin": "B001DCX9WA", "reviewerName": "Chuck", "verified": true, "reviewText": "You sure won't doze off while listening to this song. It has a great beat, marvelous fiddle and good down home singing. Love it.", "overall": 5.0, "reviewTime": "09 3, 2013", "summary": "Good energy and lively fiddle music.", "unixReviewTime": 1378166400} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "AE86VUMJ7B5UH", "asin": "B000S43HH6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Louis B Stowell", "reviewText": "Great Song", "summary": "Great Artist", "unixReviewTime": 1494633600} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A2L6ZFMP95ZA2B", "asin": "B00I610DFC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rolyn", "reviewText": "Cute song. It makes me smile when I hear it.", "summary": "Girls Chase Boys", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "AHQ1ZPVNBUT08", "asin": "B0029CYDN2", "style": {"Format:": " MP3 Music"}, "reviewerName": "James D. Vickers", "reviewText": "Love Adelitas Way, almost missed this song. But it was well worth looking for it.", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2018", "reviewerID": "A9T850FYDWFQU", "asin": "B004MB1RSM", "style": {"Format:": " MP3 Music"}, "reviewerName": "william mcarthur", "reviewText": "Great song", "summary": "Great song", "unixReviewTime": 1518307200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2013", "reviewerID": "A34966E1Z1JR2D", "asin": "B0011Z10HK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "This is a great song, especially to jam out to. I am so happy with this purchase, I recommend this song.", "summary": "Great Song", "unixReviewTime": 1379548800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A35VJ19XO7R7TY", "asin": "B000WLOMUQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "user456534", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1518652800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A161A749AT8LCW", "asin": "B004BS5XYK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Adam C.", "reviewText": "Excellent purchase!!", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2013", "reviewerID": "A252UVOWRR2KPW", "asin": "B0012EELIK", "style": {"Format:": " MP3 Music"}, "reviewerName": "John E. Gabor", "reviewText": "...which I'm sure is used at many weddings. We had it sung by a duet prior to the beginning of our wedding ceremony. I always liked the song, but I never realized it was sung by a member of Peter, Paul, and Mary...", "summary": "Great song...", "unixReviewTime": 1368921600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "AW8ZAYA2WTOUK", "asin": "B001NB33GI", "reviewerName": "K5oscar", "reviewText": "Perfect...Fast Shipping...No issues", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "A27U1QIOY2JBBV", "asin": "B001NHGGIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Danny Aviles", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"reviewerID": "A3EMZRRKLCCST7", "asin": "B000W11N6W", "reviewerName": "mjl834a", "verified": false, "reviewText": "This was a replacement from a current one that was misplaced! Very exciting! Glad to have the replacement!", "overall": 4.0, "reviewTime": "10 26, 2014", "summary": "An easy replacement for a misplaced cd", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "A2WS0TKY0R1366", "asin": "B002ZDEBH8", "style": {"Format:": " Audio CD"}, "reviewerName": "T. Farr", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A3J7LL0YR9P2GZ", "asin": "B00HRPZ3ZS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gillian Felix", "reviewText": "Sam Smith does it again, beautiful, brilliant and sexy. I love the beats and the sound of his voice especially in this song. This song inspired me to write a whole scene in my novel. Thank you Sam Smith for igniting the creativity in me when I felt like I was running on empty.", "summary": "Brilliant and sexy", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A14IX752FC3VIB", "asin": "B001AAE9N8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chanel G. Lorenzo", "reviewText": "Awesome lyrics with a catchy tune, love love love!", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A39RFWWEKCMG5L", "asin": "B00137QLPW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Black Aquaphena", "reviewText": "If you like music....this is it! When you think of herbie hancock you may think of his hit back in the 80's called \"Rock it\" but Herb was killing the music scene long before then with classics like this!!!", "summary": "Herbie Hancock? Fahgedaboudit!", "unixReviewTime": 1374883200} +{"overall": 4.0, "verified": false, "reviewTime": "10 1, 2015", "reviewerID": "A3VYAQT6XLWZWU", "asin": "B00137STFC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Seffnerman", "reviewText": "I am a Bob Dylan fan for many many years and feel he is the greatest poet/song writer of our time, so I like most any of his songs.", "summary": "Long time Fan", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A1M3F4G45OXRDI", "asin": "B0018R0VOE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Victor1212", "reviewText": "Sounds like an MP3 digital file.", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2017", "reviewerID": "A3HEFDE1G20YZX", "asin": "B0189VVIC0", "style": {"Format:": " Audio CD"}, "reviewerName": "Daniel Fauller", "reviewText": "This beautiful lady is going to go places. When I purchase a CD it usually contains one, maybe two songs l like. Not this CD! Rachel has that sound in her voice and the band has the rhythm on this CD that keeps your foot a tapping.", "summary": "Highly, Highly Recomened", "unixReviewTime": 1513814400} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2013", "reviewerID": "A35CI9B21VCKP4", "asin": "B000VT08VG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Honeyboo", "reviewText": "Love all of Cher songs. This one and Dark Lady more than others. Hope to see her one day in concert", "summary": "Love The 80's", "unixReviewTime": 1380067200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "ANZE9ULNDLIJJ", "asin": "B0042U8T6G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rob", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"reviewerID": "A1RTQTHRD29R4F", "asin": "B00136LFF4", "reviewerName": "Portia Evans", "verified": false, "reviewText": "I have the original vinyl 33 rpm version of this album with Take Five. Have always loved it. Just thought I'd download this as a portable version.", "overall": 4.0, "reviewTime": "01 20, 2016", "summary": "Have always loved it. Just thought I'd download this as a ...", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A2FO3B4JC1RKMQ", "asin": "B00137RKLQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "deskjet820", "reviewText": "makes an good addition to my MP3 player", "summary": "Five Stars", "unixReviewTime": 1437696000} +{"overall": 5.0, "verified": false, "reviewTime": "03 28, 2016", "reviewerID": "A2FFZUNFXJRQO7", "asin": "B015Y73TEW", "style": {"Format:": " MP3 Music"}, "reviewerName": "kingdom builder", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A3QLMOH8UIPL74", "asin": "B00YX1GDDU", "style": {"Format:": " Audio CD"}, "reviewerName": "Sarah Horwath", "reviewText": "great cd really loving it. constantly playing it.", "summary": "awesome cd!!", "unixReviewTime": 1442793600} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A34VUT6UEZL96V", "asin": "B001MCUV1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kenneth R Dellett", "reviewText": "Great seller great product fast shipping everything A+++++++", "summary": "Great seller", "unixReviewTime": 1454371200} +{"overall": 4.0, "verified": true, "reviewTime": "05 26, 2013", "reviewerID": "A1YN6TCFN2SU69", "asin": "B001OG1YVI", "reviewerName": "Dominique Tate", "reviewText": "Who doesn't need anotherprincesongintheircollection.....This classic is so typically Prince that it would be criminal not to own it...Prince will live forever.....", "summary": "I <3 Prince", "unixReviewTime": 1369526400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2013", "reviewerID": "A2TQD6R721TBOJ", "asin": "B000TRVI6E", "style": {"Format:": " MP3 Music"}, "reviewerName": "FaireMaiden", "reviewText": "And, I love being able to purchase all these songs. It reminds me of the old days when we paid 30-cents for a single-45 record. You only bought the songs you liked, *vbs*.", "summary": "LOVE THIS SONG", "unixReviewTime": 1359158400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A3SEL48F3IR0U9", "asin": "B0170K9UTO", "style": {"Format:": " MP3 Music"}, "reviewerName": "BOBDOLE", "reviewText": "Love it", "summary": "This song speaks to me on several levels", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3FJ3QG07BIDXY", "asin": "B001CJPAVC", "style": {"Format:": " MP3 Music"}, "reviewerName": "1964", "reviewText": "Golden Oldie", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": false, "reviewTime": "04 27, 2014", "reviewerID": "A2EOC6KJJXV2N6", "asin": "B0064Y5W54", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jr", "reviewText": "The message of this song is the truth as to whats going with our daily lives and how we only coplain about trivial stuff without understanding the real problems we have in the world and as a Human Race", "summary": "This is nothing but the Truth", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A2E0RW04ZJVR0A", "asin": "B0011Z5K94", "style": {"Format:": " MP3 Music"}, "reviewerName": "Blair Frank", "reviewText": "It's In The Way That You Use It, is a positive song from someone who used to look at the dark side of humanity. Eric nails it with this one.", "summary": "Classic Post Rock.", "unixReviewTime": 1375056000} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "AEQYAG42F9128", "asin": "B0162ZEUS4", "style": {"Format:": " MP3 Music"}, "reviewerName": "BobL", "reviewText": "Nice", "summary": "Four Stars", "unixReviewTime": 1405900800} +{"overall": 2.0, "verified": true, "reviewTime": "02 19, 2010", "reviewerID": "A348GYLVPWT8AK", "asin": "B000W0CYTS", "style": {"Format:": " MP3 Music"}, "reviewerName": "bebex1980", "reviewText": "Actually I bought this song I GET WEAK, CIRCLES IN THE SAND, and HEAVEN IS A PLACE ON EARTH because I was missing my dead brother and he really liked these songs of hers and it brought back some good memories of him.", "summary": "okay song", "unixReviewTime": 1266537600} +{"overall": 3.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A3NCSDNVU0VI3G", "asin": "B000V61HVE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Linaka", "reviewText": "A true oldie", "summary": "Three Stars", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A346Z5D3988CD9", "asin": "B000WLQ98E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Masaba", "reviewText": "I love this song; a nice blast from the past. I heard it on the radio and decided to add to my Kindle Fire.", "summary": "This is such a cool song", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A2UYBXJACYG1N9", "asin": "B000V66RF0", "style": {"Format:": " MP3 Music"}, "reviewerName": "John", "reviewText": "Awesome", "summary": "Awesome", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2LNR9VCE3RYY3", "asin": "B00QVZ1VXI", "style": {"Format:": " Audio CD"}, "reviewerName": "Heather", "reviewText": "Love the cd! Great album!", "summary": "Five Stars", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A1M3F4G45OXRDI", "asin": "B00137MTF8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Victor1212", "reviewText": "Bought this because I already liked it. No surprises here.", "summary": "Five Stars", "unixReviewTime": 1446854400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "A1RE91QQKBBLPH", "asin": "B0011Z77TA", "style": {"Format:": " MP3 Music"}, "reviewerName": "FRANCISCO E. CENTENO", "reviewText": "thx + + + + + + + + + + + + + + +\nkj kj kjlkkjl kjl\nkj kj jkljkjlkhghgfggf gf gf", "summary": "good", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A18KSW9IFU1RDG", "asin": "B00KHEHJRQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Judith L.", "reviewText": "I love the music!", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "AYDCJ5XNY20SI", "asin": "B006UO63VU", "style": {"Format:": " MP3 Music"}, "reviewerName": "t may", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A142HAT43L5W4W", "asin": "B01F49DZEO", "style": {"Format:": " MP3 Music"}, "reviewerName": "rnj1", "reviewText": "Great song.", "summary": "Love this song", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "AQXUOTCRSGFH8", "asin": "B0018ALVYA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wayne", "reviewText": "Good!", "summary": "Good!", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "APAAA93GPS2DE", "asin": "B00136NOAI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alvescheo Brooks", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2013", "reviewerID": "AVTQB8FI2KW8Q", "asin": "B000VT3TDK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Annie M daffodils", "reviewText": "Cher is clearly a very talented singer with a unique voice. I really enjoy this duet. I have heard it on the radio occasionally for years and was happy to find it available as a single to buy for my Kindle Fire. A nice romantic song.", "summary": "Classic Cher", "unixReviewTime": 1377648000} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A27QZFQMCV70PM", "asin": "B000TE54Q2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gene Patton", "reviewText": "Can't leave this out of your alternative collection", "summary": "Great", "unixReviewTime": 1516492800} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A2O7PXY7V1QVQX", "asin": "B001O7SVLI", "style": {"Format:": " MP3 Music"}, "reviewerName": "L. Vann", "reviewText": "Classic 1980's song.", "summary": "Four Stars", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A2VVILVIL5ZG6P", "asin": "B00137MJI0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gloria Zeitler", "reviewText": "Enjoyable!", "summary": "Five Stars", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A2J2K8M8JV6GT1", "asin": "B000TE3K4K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Remlan", "reviewText": "I sobbed for a good hour the first time I heard this. It is beautiful! It is touching, and it makes me just so much more anxious to wear my \"got your six\" pin and never \"forget\" it again or worry it will damage clothing. What a wonderful touching song. Thank you Mr.\nAdkins!", "summary": "Wow!", "unixReviewTime": 1432080000} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2013", "reviewerID": "A2X2LC7CL1Y9KS", "asin": "B00137T0BE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Voice In Print", "reviewText": "The original recording version of this classic from Michael W Smith. Great song and they lyrics are a terrific reminder of the value of friendship and the faithfulness of God.", "summary": "Classic MW Smith", "unixReviewTime": 1363392000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A4YGXAE8YVRTK", "asin": "B00137KL2Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "ToHisGlory", "reviewText": "Why aren't we, the body, all Christ avails to us to the suffering world? I long that we believer's in Christ would live out the meaning of this song.", "summary": "If only...", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A2GX4KWO3V42Z", "asin": "B00122A1G8", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Shields", "reviewText": "This is a strange song in a way but I think a lot of people can relate to the pathos of love when it falls apart. The voice is hard to fault regardless your opinion of the person.", "summary": "No Madonna Fan...But I make an exception", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A2E1J3LGHQN057", "asin": "B004EK6UGU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shonna", "reviewText": "I am very satisfied with my purchase.", "summary": "Five Stars", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A2WMP3I884ZOB3", "asin": "B0017DHRJ6", "reviewerName": "shadkat", "reviewText": "This just makes you want to get up and dance every time I hear it! I had to download it since you only get it this time of the year, now I can listen all year long!", "summary": "This is just such a rocking song!", "unixReviewTime": 1355875200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61Q2dA4ZJFL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "09 16, 2017", "reviewerID": "A18WAHPUHL2EL4", "asin": "B00137KEZ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "MrMustangMan", "reviewText": "awesome....", "summary": "awesome....", "unixReviewTime": 1505520000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "AN9AXUWNL1KNQ", "asin": "B007B6VOII", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeff L Cope", "reviewText": "what I thought it would be", "summary": "yes", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A3Q7HF8ONVU3LW", "asin": "B00SKQ0JB6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ms. B", "reviewText": "I like", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A1EFNOPYEZ0BQW", "asin": "B004UE3784", "style": {"Format:": " MP3 Music"}, "reviewerName": "TweetyChick03", "reviewText": "I was highly satisfied with my purchase, and the quality of this MP3. I would definitely recommend this song to anyone who is a Christian music fan.", "summary": "VERY good song.", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A2S6YPOKQULGSB", "asin": "B000TDYOZ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Fran", "reviewText": "I like the song", "summary": "Five Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A1357F4E3JL6IR", "asin": "B000WY7WLY", "style": {"Format:": " MP3 Music"}, "reviewerName": "jmloftus13", "reviewText": "Beautiful song. Tender...", "summary": "Beautiful song", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A28HK7Y8UB4620", "asin": "B001C3L1C0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bruce", "reviewText": "Anyone who doesn't like this song is nuts and shouldn't be allowed in public", "summary": "reminds me of the good old days.", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A2H61R4EBZOOEV", "asin": "B00136NIJA", "style": {"Format:": " MP3 Music"}, "reviewerName": "k9resqr", "reviewText": "I love this song....it really grows on you the more you hear it", "summary": "GREAT Tune", "unixReviewTime": 1414540800} +{"overall": 3.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A3U0K7Q8UKC711", "asin": "B00BP39SW2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Not enough time", "reviewText": "Wasn't bad, although it kinda reminds me of Paul Simon's work. On the fence with it, after a few more listens, may decide a stronger opinion.", "summary": "Tried it", "unixReviewTime": 1368144000} +{"overall": 5.0, "verified": false, "reviewTime": "12 30, 2013", "reviewerID": "AJ7ZOWOXK7EXL", "asin": "B000WLH0GY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Leigh M. ( TX )", "reviewText": "Always liked this song. Takes me back to when I was a teenager. Great song. Good musicians. Great lead vocalist. Awsome.", "summary": "Great song", "unixReviewTime": 1388361600} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "AIVREJTFAAA68", "asin": "B0083EYC4A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jason W. Tawzer", "reviewText": "This lady can really belt it out. Strong voice and a very catchy tune. Do yourself a favor and check her out.", "summary": "Powerful voice !!", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "AFOP5UY9D13HF", "asin": "B00137RCMS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 3.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "ATPIDLQSAFTXR", "asin": "B000V6520Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ernest", "reviewText": "Sharp song", "summary": "Three Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A1RGJA7LQ3B5H7", "asin": "B002EHV6F0", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Cuellar", "reviewText": "Great song from one of Linkin Park's early albums. Gundams!", "summary": "Great Track", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A13H6T6UP3JTK", "asin": "B0018CMBMY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dana R", "reviewText": "Can't get any Toby Keith songs on Amazon Prime Music, so had to purchase, but I love Toby Keith, so I had to.", "summary": "but I love Toby Keith", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2015", "reviewerID": "ANWU1X6ZVO7K2", "asin": "B00122IPBG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wildflower", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1427414400} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A1GVB60APWW64E", "asin": "B0035TSLQS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Theresa Taylor", "reviewText": "great song , great band", "summary": "love it", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "AF9AKNFFW0LI4", "asin": "B00C6MPPZK", "reviewerName": "Ann", "reviewText": "Great song. love Amazon music.", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 4.0, "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A36KP6KBIR04A6", "asin": "B001CVSW92", "style": {"Format:": " MP3 Music"}, "reviewerName": "gilsgarage", "reviewText": "YES !!!! this some good old r/b gotta love it classic Ottis. I've always liked this kind of music !!", "summary": "my love is strong", "unixReviewTime": 1360886400} +{"overall": 4.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A2TXH9QKLD4ZVX", "asin": "B00137MJVW", "style": {"Format:": " MP3 Music"}, "reviewerName": "TreyRoo1", "reviewText": "Not one of the best songs ever written, but certainly the best song REO ever wrote. Glad I have it.", "summary": "Speedwagon Genius", "unixReviewTime": 1403740800} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A9QY8T0FT4BTB", "asin": "B001VW9UES", "style": {"Format:": " MP3 Music"}, "reviewerName": "vrb540", "reviewText": "The mp3 downloaded perfectly. It plays perfectly. This song has a good beat for exercising with. I have been very happy with amazon.com's mp3 downloads. I recommend them to anyone.", "summary": "mp3", "unixReviewTime": 1398124800} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A3F7U41ZW2FPE8", "asin": "B00137QUHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Theresa Lusky", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A1WKR8VF6UNRXU", "asin": "B00B31A1CW", "style": {"Format:": " Audio CD"}, "reviewerName": "Michael G Torgersen", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "AV3N4YD8NXH9Z", "asin": "B00II5WWO6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ellen D. Dulas", "reviewText": "My daughter loved this song, so I purchased it for her. I too, now love this song. Her voice is beautiful.", "summary": "Beautiful, heart- felt song.", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "A2BRSN9NJDII8K", "asin": "B000VWOQIY", "style": {"Format:": " MP3 Music"}, "reviewerName": "melinda", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1522886400} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A220VLCQJ3QZJK", "asin": "B0012EESZG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pratchett Fan", "reviewText": "Collective Soul often goes unnoticed as a great band. I think the original 'Shine' is better than the remake by Pillar. Amazing what good musicians can do with a 1-4-5 progression in G.", "summary": "An excellent flashback", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A1GQQI7KB9VM0C", "asin": "B001F617YG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mimisaid", "reviewText": "Brilliant Voice", "summary": "classic and jamming", "unixReviewTime": 1451088000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A2RVYFVG3VDOQS", "asin": "B000VZZ234", "style": {"Format:": " MP3 Music"}, "reviewerName": "Karen Rae", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2013", "reviewerID": "AU0NQ303KGLF1", "asin": "B00136M328", "style": {"Format:": " MP3 Music"}, "reviewerName": "George A. Marino", "reviewText": "One of the smoothest voices in soft rock, this is Dave Mason's signature song and is a must have for any music enthusiast! Get it right away!", "summary": "It's Dave Mason!", "unixReviewTime": 1366416000} +{"overall": 3.0, "verified": true, "reviewTime": "06 7, 2013", "reviewerID": "A17RSA60SHZ737", "asin": "B000V619US", "style": {"Format:": " MP3 Music"}, "reviewerName": "TheDrumsCellar", "reviewText": "I first heard this song when playing drums for a country/rock band. Not bad. Quirky drums in the beginning, but the rest of the song is fun to play.", "summary": "Classic Southern Rock Standard!", "unixReviewTime": 1370563200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A3BCS8I6AZVHH3", "asin": "B017TJY2QC", "style": {"Format:": " MP3 Music"}, "reviewerName": "nurse67", "reviewText": "I don't like JB. Like this song, though.", "summary": "Love", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A3K9AFE5DDBN2C", "asin": "B0022V201C", "style": {"Format:": " MP3 Music"}, "reviewerName": "brianna bowens", "reviewText": "This is another one of th those jessie mcartney songs I love. I'm leaving:) if you love Jessie mcartney your love this.", "summary": "awsome", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2017", "reviewerID": "A26BPQRR1MLJPG", "asin": "B001IAQUM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "pete", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1512432000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A2EO0NAIKCGQIC", "asin": "B000W25BZU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Felicia Sweeting-Harris", "reviewText": "ooooh Jackie blue...lol. I love that song", "summary": "I love that", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "AODPUCXAQ1FHD", "asin": "B00136Q310", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "It's always been a great song. Timeless", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A2QKXTUGFT7Y0S", "asin": "B00KMH2LWG", "style": {"Format:": " MP3 Music"}, "reviewerName": "SavageBeastXL", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2018", "reviewerID": "A208Z8YCYB1FG1", "asin": "B0011W3ZYO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cara", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1518307200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A24ATPX2KOFZT5", "asin": "B00O2RCFDC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael E. Degrandpre", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A32C4HRTZ6QO3Y", "asin": "B00EOO596S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jerry", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A3RDHSSNRB4Q60", "asin": "B000S55EQC", "style": {"Format:": " MP3 Music"}, "reviewerName": "dennis j hopkins", "reviewText": "great", "summary": "great", "unixReviewTime": 1417824000} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A1VHAG1ITYYAWE", "asin": "B00I2CNW3U", "reviewerName": "Don", "reviewText": "Dig it man!", "summary": "Four Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "A116UI9G1PGUF3", "asin": "B009VLXI94", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jump with Jess", "reviewText": "Loved this song from the moment I heard it but than again I love everything from her, she has such feeling behind her songs.", "summary": "wow", "unixReviewTime": 1356307200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A239FEVELK4HB7", "asin": "B002HP8EKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dawn Osborn", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "A1DY8J2M6XA195", "asin": "B005MVLI8A", "style": {"Format:": " Audio CD"}, "reviewerName": "Randall Thomasson", "reviewText": "Had to buy this one after seeing the dvd on the making of the album. Really cool to watch Butch Vig explain how they record. I love that technical stuff and of course the album rocks. :^)", "summary": "A Classic Album", "unixReviewTime": 1357084800} +{"reviewerID": "ATYFXRA2PHD6I", "asin": "B0017LC3N8", "reviewerName": "Rosario Gonzales", "verified": true, "reviewText": "This song says it all for Americans. We cannot be in charge of this country, look how bad we messed it up. We need to allow God to be in charge of America again.", "overall": 5.0, "reviewTime": "10 21, 2013", "summary": "God in America", "unixReviewTime": 1382313600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A6TCD92V1GHZD", "asin": "B00I4D3FLG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cody", "reviewText": "Great song!", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 3.0, "verified": false, "reviewTime": "03 4, 2013", "reviewerID": "A1ZB7LENP3V4K7", "asin": "B0018DS15O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joanie707", "reviewText": "I really have to hear more of Kate Voegele's songs to give a better review. I have heard renditions of this song I like better but don't remember the artists name, I will listen to more of Kate's songs and return to re-rate", "summary": "I love the song", "unixReviewTime": 1362355200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "A2KH6S3HWS2TF9", "asin": "B00136RMD8", "style": {"Format:": " MP3 Music"}, "reviewerName": "MSMOLLY007", "reviewText": "I CHOSE THIS SONG BECAUSE I HAVE BEEN A WHITNEY HOUSTON FAN FROM HER FIRST SONG.\nRECOMMEND THIS SONG TO WOMEN OF ALL AGES.", "summary": "I HAVE FOUND THE MAN OF MY DREAMS", "unixReviewTime": 1363219200} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A2GPPDFZIK204Q", "asin": "B01C2CXX8O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dyan Diven", "reviewText": "LOVE!", "summary": "happy", "unixReviewTime": 1472860800} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A39L47Y5BZU08H", "asin": "B00V07DOUK", "style": {"Format:": " Audio CD"}, "reviewerName": "Barbara Varley", "reviewText": "There is 2 songs on this disc that I really like. I am still on the fence with the rest of the songs.", "summary": "... is 2 songs on this disc that I really like. I am still on the fence with the ...", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2017", "reviewerID": "A200KNB88Q63FK", "asin": "B018ANVRYQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stoltzie", "reviewText": "A favorite from back in the day.", "summary": "Cool", "unixReviewTime": 1497916800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A229EALPW5JQF0", "asin": "B00B2LVVT0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "This is a beautiful and romantic love song sung well by the Glee cast. In that episode, the song was sung in an appropriate place.", "summary": "beautiful love song", "unixReviewTime": 1361145600} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A2GFV4P0NL50FD", "asin": "B00138068E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ella", "reviewText": "Great old school worship song!", "summary": "Four Stars", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": false, "reviewTime": "03 15, 2016", "reviewerID": "AU07J6EENWNF0", "asin": "B00SZQ487M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jennifer Trask", "reviewText": "Love this song", "summary": "Love", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A11S5SJ4KLRKAY", "asin": "B002IEW504", "reviewerName": "Addine", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1416441600} +{"reviewerID": "A1O16J4RN90W3H", "asin": "B00136NUG6", "reviewerName": "CD music collector", "verified": true, "reviewText": "This is an outstanding collection of music from Earth, Wind, and Fire. Great melodies, voices, and great sounds. I highly recommend this to older and newer EWF fans! It is definitely top-notch music!!!", "overall": 5.0, "reviewTime": "10 5, 2013", "summary": "This is an outstanding and excellent collection of Earth Wind and Fire's Greatest Hits!", "unixReviewTime": 1380931200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A152MUFMEF5D2R", "asin": "B001KW5TGM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Vaughn Bremer", "reviewText": "In the process of creating my own greatest hits compilation, I had to include this ultimate classic from Rod Stewart. Must have for any fan of Rod Steward's.", "summary": "Classic Rod", "unixReviewTime": 1402272000} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A32HMOZVKF25A", "asin": "B00122PELU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Terra Ann", "reviewText": "The Rascals were great...this is one of their best songs as far as I'm concerned. From the era where everything had a political message...", "summary": "Love It", "unixReviewTime": 1394841600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A2WVCW1TP0DCUU", "asin": "B000ZORF90", "style": {"Format:": " MP3 Music"}, "reviewerName": "Harold Osmun", "reviewText": "The song is fabulous. The handiness of an mp3 download is fabulous. But the squeezed and compressed lack of fidelity of mp3's in general are meek in comparison to the L.P. version.", "summary": "One of my favorites!!", "unixReviewTime": 1386547200} +{"reviewerID": "A2MFMDSONZEGWH", "asin": "B006OISTVY", "reviewerName": "ITNOJ", "verified": true, "reviewText": "Like it.", "overall": 4.0, "reviewTime": "09 11, 2014", "summary": "Four Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A232A8PWAXIODE", "asin": "B00122PZHI", "style": {"Format:": " MP3 Music"}, "reviewerName": "SBS", "reviewText": "Who from my generation can't love this whole album as a MP3 download! Love it and love his music. Always have. Thanks!", "summary": "Thanks!", "unixReviewTime": 1404345600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A2X7VV7HOAAJRW", "asin": "B001R6LD7K", "style": {"Format:": " Vinyl"}, "reviewerName": "Joseph Wilson", "reviewText": "very interesting and unorthodox sound, don't miss the Grace Slick vibe at all.", "summary": "Four Stars", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2013", "reviewerID": "A1UF4PWG1G28OT", "asin": "B000V64P90", "reviewerName": "Loopy", "reviewText": "I love that we can download music so fast and it is available online for free storage and great service.", "summary": "love it", "unixReviewTime": 1359331200} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A1JGBKKLM2CUWM", "asin": "B005AABKMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Slowboater", "reviewText": "No defects but dB volume lower than newer songs.", "summary": "Four Stars", "unixReviewTime": 1476835200} +{"overall": 5.0, "vote": "6", "verified": false, "reviewTime": "10 27, 2006", "reviewerID": "A3SLVVDVXPTXKX", "asin": "B006J2FKXK", "style": {"Format:": " Audio CD"}, "reviewerName": "Jarrod S. Adams", "reviewText": "I've read the reviews and the critics hate it, but I think it's bigger and better than Hot Fuss! It's high energy. The hooks, the loud sound, the keyboards, horns, choirs it's crazy, really. I highly recomend this CD!", "summary": "It's better", "unixReviewTime": 1161907200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A318TH1Y9W9GOB", "asin": "B00I9FF4NQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "ACE", "reviewText": "Great song, great price, and easy to transfer to iTunes", "summary": "Love don't die", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "AGGTXNTOYIU2W", "asin": "B00UFZYX08", "style": {"Format:": " Audio CD"}, "reviewerName": "XFile1968", "reviewText": "Great CD!", "summary": "Five Stars", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2013", "reviewerID": "A2E14328HQW9GI", "asin": "B001AMZ494", "style": {"Format:": " MP3 Music"}, "reviewerName": "MsB", "reviewText": "I am a big Neal McCoy fan. Wink is one of my favorite songs that he sings. He's also great entertainer.", "summary": "Wink", "unixReviewTime": 1374105600} +{"overall": 3.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A2V0KVVJIS7F9", "asin": "B008WHTXT2", "style": {"Format:": " MP3 Music"}, "reviewerName": "The Professor", "reviewText": "OK. But it was free. So I like it.", "summary": "Ok for free", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": false, "reviewTime": "11 1, 2012", "reviewerID": "A1OMMTICU7906N", "asin": "B00136LELO", "style": {"Format:": " MP3 Music"}, "reviewerName": "FaerieTxn", "reviewText": "I love Sara Bareilles! This song is so beautiful. Raw and emotional Sara has such control of her voice! I think her album title is perfect. Little Voice but a BIG impact. I remember seeing Sara Bareilles on Jimmy Kimmel and just being blown away by her voice and piano skills.", "summary": "LOVE! Beautiful Song", "unixReviewTime": 1351728000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A1T4CO0GUC8Q22", "asin": "B00JS00CZG", "reviewerName": "rich", "reviewText": "excellent", "summary": "excellent", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A2K7GCHDI8PEDQ", "asin": "B000SZZA70", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shari B.", "reviewText": "Another great heart song.", "summary": "Love it", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "ATQEQ2MEJQAKY", "asin": "B000VZYF9G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Adamchick", "reviewText": "One of my favorites.", "summary": "Five Stars", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A7VJOOJRQ1WDV", "asin": "B000TEEJM2", "style": {"Format:": " MP3 Music"}, "reviewerName": "amamazon", "reviewText": "Old gold:)", "summary": "Love it", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A21WFXSNHUWT7N", "asin": "B005636FKU", "style": {"Format:": " MP3 Music"}, "reviewerName": "April C", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A3C4QSE9PNLTMF", "asin": "B00O46VLGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tracey Englert", "reviewText": "cool", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "A2LB1XU2SP8YH4", "asin": "B0012AHAXW", "style": {"Format:": " Audio CD"}, "reviewerName": "chip lover", "reviewText": "this is one of if not his best albums. this man boes not play strictly by wrote but puts his stylistics and musical heart in everything he plays. you can't help saying \"that was lovely\".", "summary": "one of his best", "unixReviewTime": 1399766400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "AWAK01AFK34BG", "asin": "B00137GBC0", "style": {"Format:": " MP3 Music"}, "reviewerName": "rek", "reviewText": "Good....as expected", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A35IMJ44IJYK1F", "asin": "B0012EJH16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donna", "reviewText": "I've loved this song for a LONG time. So excited to finally add it to my music collection!", "summary": "Leaving On A Jet Place--excellent song!", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1UIMVL82IHCDS", "asin": "B00AAAKJ8S", "style": {"Format:": " MP3 Music"}, "reviewerName": "jlm", "reviewText": "I chose this rating because walking can become monotonous at times. I choose songs with a beat that will coincide with the pace of each step I take. Get your shine on gives me the motivation to complete the last 1/2 mile of a 3 mile walk.", "summary": "Walking to the music", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A1K1ITCGZMUYF1", "asin": "B00492EOAW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Regina G. Purcell", "reviewText": "The unrayed version is so much better than the waterdown-compliance for a teen audience. But I like all my music choices, because I pick them out!", "summary": "The unrayed version is so much better than the waterdown-compliance for a teen audience", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1XYFPH5T8DWYP", "asin": "B00VL4WWXM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tracy L. Judy", "reviewText": "Jesse J singing a song written by Sam Smith. Can't get much better than this", "summary": "Jesse J sings a Sam Smith tune", "unixReviewTime": 1432944000} +{"overall": 4.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "A3TLADIPPL90BA", "asin": "B00EI6E17A", "style": {"Format:": " MP3 Music"}, "reviewerName": "frank", "reviewText": "I got this for my wife she loves it. I only like it, it would be better and a instrumental song to me", "summary": "its ok", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A2XANDN493WLKC", "asin": "B0059H09DC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2013", "reviewerID": "A3ES4BLVOK2TQ8", "asin": "B0011XCZ1M", "style": {"Format:": " MP3 Music"}, "reviewerName": "carey ehlers", "reviewText": "It helps me to sleep at night I have it with o music and I like that it is free", "summary": "it helps me sleeps", "unixReviewTime": 1378339200} +{"overall": 4.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "ANZE72JGJXDQL", "asin": "B0043ZDFEQ", "style": {"Format:": " Audio CD"}, "reviewerName": "Amazon Customer", "reviewText": "Great music. Highly recommended.", "summary": "Four Stars", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A1G7KZEHRWYM1J", "asin": "B005F1WJPS", "style": {"Format:": " MP3 Music"}, "reviewerName": "1chatty_kathy", "reviewText": "sassy song I like to hear over and over again", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A149DRNAOQQ1IU", "asin": "B000V7C370", "style": {"Format:": " MP3 Music"}, "reviewerName": "Elaine Zimmerman", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A2PHVRFQR3PFJY", "asin": "B0017X1FAI", "reviewerName": "Kindle Customer", "reviewText": "Absolutely beautiful, inspiring, uplifting, an awe of reverence with clarity. The sound and heart felt commitment in expressing the words of Karen Wheaton moved me to tears. Fantastic just ushers in right into the presence. You will love this worship music just fabulous!", "summary": "Lord YOU ARE...HOLY!", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A3HZ83WCZBZH3M", "asin": "B00137ZMFW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gloria..Saved by Grace", "reviewText": "THe quality of the sound was good, down loaded with no issues. Great Christian song, not much more I can say but that I loved the song.", "summary": "MP3 Purchase", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A3RYEW55IWLIPG", "asin": "B00OXE38D0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Melissa S", "reviewText": "Love this", "summary": "For the T-Swift fans in your life", "unixReviewTime": 1431043200} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "ADW8TZ1VL69II", "asin": "B00137STG6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrmr", "reviewText": "One of his best efforts.", "summary": "A classic", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A237E0FTADYM58", "asin": "B001GTTT7Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Margaret Phillips", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A6AYTMYH4UM7E", "asin": "B00136JJH0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Guillermo Urbina", "reviewText": "AAA", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A1AB2MRXB700DF", "asin": "B0011Z30MS", "style": {"Format:": " MP3 Music"}, "reviewerName": "sully", "reviewText": "Great music", "summary": "Excellent song", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A1GR5SRP9SLDPA", "asin": "B00JLJ185C", "style": {"Format:": " MP3 Music"}, "reviewerName": "ALEJO GONZALEZ", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A35JCASWZL0XBH", "asin": "B000VKGA1C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gadget Queen", "reviewText": "Let's party down. Best dance jam ever back in the day", "summary": "Best dance jam ever back in the", "unixReviewTime": 1462838400} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "AHLOI384PGJNX", "asin": "B00B6CDOFO", "style": {"Format:": " MP3 Music"}, "reviewerName": "AO", "reviewText": "Like it", "summary": "Four Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A391BYBJSL5Y6W", "asin": "B011AXYI12", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tish", "reviewText": "Great quality price + item!", "summary": "Five Stars", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A2QAZW64EZDJ7Q", "asin": "B00792T1U2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jeffrey Klipp", "reviewText": "Garfunkel and Oats are my favorite music right now. Comedy and songs make a great combination. I have all their mp3 downloads. Well worth the money.", "summary": "Slippery When Moist", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2016", "reviewerID": "A36LJCJA6D4FHO", "asin": "B014K4HFZ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1453075200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "AF5QP770B0715", "asin": "B00JWFMVNS", "style": {"Format:": " MP3 Music"}, "reviewerName": "keijoh", "reviewText": "Absolutely loved the ensemble.", "summary": "Five Stars", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "AGWD67X4C1ZVK", "asin": "B000VZPI7Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "samantha butscha", "reviewText": "thanks!!!", "summary": "Five Stars", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A232A8PWAXIODE", "asin": "B000W08GMW", "style": {"Format:": " MP3 Music"}, "reviewerName": "SBS", "reviewText": "Who from my generation can't love this whole album as a MP3 download! Love it and love his music. Always have. Thanks!", "summary": "Thanks!", "unixReviewTime": 1404345600} +{"overall": 3.0, "verified": true, "reviewTime": "02 8, 2014", "reviewerID": "A3S7PTOY7PYSOL", "asin": "B001227O86", "style": {"Format:": " MP3 Music"}, "reviewerName": "face", "reviewText": "good song but did not purchase for myself. for someone else to hear . keep it coming amazon will continue to buy", "summary": "for someone else", "unixReviewTime": 1391817600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 19, 2010", "reviewerID": "A348GYLVPWT8AK", "asin": "B00136RVG6", "style": {"Format:": " MP3 Music"}, "reviewerName": "bebex1980", "reviewText": "I love hearing this song on movies or even on the radio...it just makes you want to sing along.", "summary": "awesome song", "unixReviewTime": 1266537600} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A17AKH6NSLUP7D", "asin": "B00C3ECASG", "style": {"Format:": " MP3 Music"}, "reviewerName": "G. B.", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A2Y85E6GF6Z6RU", "asin": "B0011Z1BXS", "style": {"Format:": " MP3 Music"}, "reviewerName": "1lobo3417", "reviewText": "Satisfied", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": false, "reviewTime": "06 5, 2013", "reviewerID": "A3C9E4SNPLGVT9", "asin": "B009D9L77Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ally.G", "reviewText": "I love how versatile this guy is! I heard this song on DWTS and couldn't get it out of my head. Glad I found it and bought it.", "summary": "Pitbull", "unixReviewTime": 1370390400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A28DBLK5JB17P3", "asin": "B001PIZS6M", "style": {"Format:": " MP3 Music"}, "reviewerName": "RJW", "reviewText": "Classic Dave.", "summary": "Five Stars", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "ALMFJI02GOXMM", "asin": "B004DH2F8Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Vanessa Gilmore", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2012", "reviewerID": "A2H6M74DHZ8BIP", "asin": "B00136RGKW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alucard21", "reviewText": "Great song from Three Days Grace. One of their best in all the songs they made. The beat and rhythm flow flawlessly with the lyrics.", "summary": "Song is SICK... in a good way!", "unixReviewTime": 1351987200} +{"overall": 5.0, "verified": false, "reviewTime": "06 10, 2013", "reviewerID": "AQEJ09W7BUX3S", "asin": "B00BN05X7Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Teresa", "reviewText": "This is a great song..lifts my spirts. I will use it in my Zumba class on Wed!!! Lil' Jon hits it out the ballpark!", "summary": "Makes me want to dance!!!", "unixReviewTime": 1370822400} +{"overall": 5.0, "verified": false, "reviewTime": "12 10, 2013", "reviewerID": "A322IQTUYADQ9", "asin": "B006ZDS8AA", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Leitson", "reviewText": "Soulful, video is amazing. Seems to be from the heart, maybe with some demons. IT cant help but make you feel deeply.", "summary": "Amazing", "unixReviewTime": 1386633600} +{"overall": 5.0, "verified": false, "reviewTime": "10 28, 2014", "reviewerID": "AT8T1Y5D2SLSV", "asin": "B00JWNYTFS", "reviewerName": "6250 Eve'V", "reviewText": "This Song Makes You Feel So Alive. Great Song To Get Smiles an Good Moods Onto Others!!", "summary": "Im So Happy with Song", "unixReviewTime": 1414454400} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1UB8XT4N0K8KW", "asin": "B00136JB3W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Brenda", "reviewText": "When this song first can out I leaded all the words and guess what 20 years later I still know they! Classic you will love.", "summary": "Gets stuck in your head.", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2012", "reviewerID": "A39FHHGWESJIXE", "asin": "B001230VVW", "style": {"Format:": " MP3 Music"}, "reviewerName": "rudy", "reviewText": "Need To Breathe is quickly becoming one of my all time favorite groups. This song is especially encouraging to me!", "summary": "Love it!", "unixReviewTime": 1348185600} +{"overall": 5.0, "verified": false, "reviewTime": "06 14, 2014", "reviewerID": "A2B7SFKJDDQ9EG", "asin": "B00137MFWK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love this late 70s song...it's held up well. Remarkable group I would say .I have this on an old vinyl.", "summary": "Dust in the Wind", "unixReviewTime": 1402704000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A1XE9CJ16DR8EE", "asin": "B00YRDOGKQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daniel J. Andrews", "reviewText": "Everything you would ever want so far as PaPa Haydn is concerned.", "summary": "PaPa Haydn", "unixReviewTime": 1434412800} +{"overall": 3.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A3NNZW2PK7V2BR", "asin": "B00IVFEN3G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Donald Hatfield", "reviewText": "Its not that great, but like the beat!", "summary": "Three Stars", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A2JMRUN0QULNLI", "asin": "B004P1NRWI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Indy Mog", "reviewText": "Great classic!", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A11HJBRK5K97NU", "asin": "B000WLMNEI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jodi Junker", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "ACHLNTQQZEVM9", "asin": "B0052Q3T6E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sidney S. Terrell", "reviewText": "Awesome hits from my younger years.", "summary": "Five Stars", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A3R94K71IEBTW0", "asin": "B00EUIMEDY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A3NCUFF540KY1E", "asin": "B00GX9DUGS", "reviewerName": "AndreaD", "reviewText": "LOVE THIS SONG LOVE ED SHEERAN LOVED THE 2ND HOBBIT, Amazon music makes it really easy to have the songs I want right when I want them.", "summary": "Great song!", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2013", "reviewerID": "AR0SI5JIUGMMW", "asin": "B00124B0MA", "style": {"Format:": " MP3 Music"}, "reviewerName": "WVDebbie", "reviewText": "I purchased this song and downloaded it to my ipod! It was a great success! The price was great too!!", "summary": "Love this Song!", "unixReviewTime": 1363996800} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2013", "reviewerID": "A3NEFNIJCHLFLO", "asin": "B00137IN76", "style": {"Format:": " MP3 Music"}, "reviewerName": "Smitty", "reviewText": "I'm not a Beyonce fan but I really liked this song. It was very nice. I'm glad about the suggestions Amazon adds otherwise I may have never purchased it.", "summary": "Loved it!", "unixReviewTime": 1364342400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A1U85S5Z7F8OZC", "asin": "B001NTI51S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kathy L.", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": false, "reviewTime": "02 3, 2013", "reviewerID": "A27GTBNUF8DUEF", "asin": "B007QNRBRY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael P.", "reviewText": "A great song to play a bunch of times when the war with sin has you dazed and confused. A reminder of what the believer has working for him. Very thoughtful writing and singing.", "summary": "A Very Encouraging Reminder", "unixReviewTime": 1359849600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "A2R7TGKB36602T", "asin": "B01FXSK1A2", "style": {"Format:": " MP3 Music"}, "reviewerName": "GT", "reviewText": "..that intro tho...\nmy favorites: 'Intro' .. 'What I prayed for' .. 'Dead Letter' .. 'Before i chose you' ..\nreally mellow and smooth and clear..\nonly 2 gripes from me..\n1) im feenin for more tracks\n2) kinda miss some street stuff\nregardless... and as expected... dope album.", "summary": "..that intro tho..", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": false, "reviewTime": "04 19, 2013", "reviewerID": "A3NLAEQKDVQUKA", "asin": "B001UGF4QS", "style": {"Format:": " MP3 Music"}, "reviewerName": "H. Baker", "reviewText": "Celine and Andrea are both wonderful performers, and this duet is charming. Love \"The Prayer\" which many top singers have sung.", "summary": "Love this duet.", "unixReviewTime": 1366329600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A2GO5N6WZFBB1K", "asin": "B000UPX2LE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gloria Kirk", "reviewText": "I bought this for my granddaughter to add to her collection. She loves to sing and this collection of songs is a fun activity She can listen to it at home or on the go.", "summary": "Rubber Ducky CD", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A3RZW11TTP03Y4", "asin": "B000V6TOH8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mickey Strain", "reviewText": "couldn't be better", "summary": "Five Stars", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A1DFFIN4B4TZZO", "asin": "B001O03NJK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Daphne M. Matthews", "reviewText": "My husband absolutely loves this song and the moview that went along with it. I never really got into it that much, but he gives it 5 stars.", "summary": "Good song", "unixReviewTime": 1360886400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A3160JI7JSH0U4", "asin": "B00122TBOQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Latrece", "reviewText": "Love how easy it is to purchase and download music on the website. Will continue to download music in the future.", "summary": "One of my fav singers", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "AKRRFT4S1WHPS", "asin": "B006G21UUA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Phillip ODeh", "reviewText": "Anthony Hamilton is one of the best solo musician like Charlie Wilson. Anything produced by Hamilton is automatic classic. All over the radio, you hear his music.", "summary": "Best of Me by Anthony Hamilton", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "ATUQ652LN6PER", "asin": "B0011Z77TA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Beth A. Essington", "reviewText": "This is another song from a few years ago that just had something catchy and addicting about it. Fun song.", "summary": "song", "unixReviewTime": 1361145600} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A1OB1N267LNUIZ", "asin": "B001BZFERM", "style": {"Format:": " MP3 Music"}, "reviewerName": "r h", "reviewText": "k", "summary": "Four Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A36AOZF4CUBNDG", "asin": "B0012CCO0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "L.B...", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A16MXRFTZHDYRD", "asin": "B001O7WLUU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rachel", "reviewText": "MUSIC NEVER FORGOTTEN", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "A1QNEG0GOZ4E8I", "asin": "B000YQZQUY", "style": {"Format:": " MP3 Music"}, "reviewerName": "mwcoolone", "reviewText": "The only complaint I have is that the song is not long enough. It is my ringtone for my sister who lives in Boston.", "summary": "Great song.", "unixReviewTime": 1395446400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2013", "reviewerID": "A2HBZC4IYVI83L", "asin": "B00C6MPNXO", "reviewerName": "HomeboundAmazonAddict", "reviewText": "After downloading this entire \"CD\" and listening through it, I would have gladly paid for it. It is contemporary. The quality of the recordings is good. The balance of singing to the instruments is perfect and it is very easy to hear.", "summary": "Excellent Song", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2014", "reviewerID": "AE3L3XAS2I6SX", "asin": "B00137T7F8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jocelyn R", "reviewText": "I LOVE this song! REALLY great to hear it! Very nostalgic. Reminds me of Summer time...\"good times\"...during my younger years. Nice!", "summary": "Gregg Allman Band...\"I'm No Angel\"", "unixReviewTime": 1394064000} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A20VTDJSQ0I2IR", "asin": "B0011Z8PXC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jim Hardison", "reviewText": "Who doesn't love Raspberry Beret? Do I even need to explain why you should own this song?", "summary": "It's Raspberry Beret", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2012", "reviewerID": "AYMHDYEA0N2CD", "asin": "B00137T7F8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chandra", "reviewText": "My husband and I listened to this years ago when we were dating. It is high quality sound and very good.", "summary": "Old song", "unixReviewTime": 1348185600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A1GNCVQ80IQQP1", "asin": "B000SHDF1G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Maddog", "reviewText": "A+", "summary": "I love it", "unixReviewTime": 1398643200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A2MERYBWEV2PLQ", "asin": "B00122T77M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tyson DeJaynes", "reviewText": "Good Song.", "summary": "Great sound quality.", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A17ES8NSTOBD1G", "asin": "B00137QTS6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joya", "reviewText": "Very nice.", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 3.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A1RALQC5KYXT1X", "asin": "B005GA8HKY", "reviewerName": "Bob P", "reviewText": "It's not too bad - somewhat listenable.", "summary": "Just Okay", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": false, "reviewTime": "11 2, 2014", "reviewerID": "A1YJIWBQOKBXJQ", "asin": "B00ANRLAM2", "reviewerName": "wiley a.", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "AXMY9GFLR6U8H", "asin": "B00F94W58W", "style": {"Format:": " MP3 Music"}, "reviewerName": "SnapA", "reviewText": "I don't buy music that I don't love.", "summary": "I don't buy music that I don't love.", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A3HZB27SZESIZS", "asin": "B0092MKTWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "C. Mcintire", "reviewText": "All it was cracked up to be", "summary": "Five Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2013", "reviewerID": "AI0JT1H585O9K", "asin": "B00187TWY4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nancy J. Graham", "reviewText": "One of the prettiest songs I've ever heard if has so much meaning. Just had to own it for myself", "summary": "Beautiful Song", "unixReviewTime": 1383177600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A2NCYS494NURF1", "asin": "B014FO6M8K", "style": {"Format:": " MP3 Music"}, "reviewerName": "kelly", "reviewText": "Loved this song. Heard it at a cardio drumming class and had to download it.", "summary": "Vacation", "unixReviewTime": 1469059200} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A1TLKDBJ37J4TT", "asin": "B00122E2WW", "reviewerName": "PamelaJC", "reviewText": "Lyrics, melancholy. At some point I found them remarkable enough to quote on the face of my Geocities website on Information Warfare...that means something.", "summary": "Mark Time with it!", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2012", "reviewerID": "A30Q1PK948KFZA", "asin": "B005LMEFQC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Danielle James", "reviewText": "This song is so motivational! Demi Lovato is an inspiration! And this song is proof! It is an amazing song I recommend you buy it!", "summary": "Love!!!!!!", "unixReviewTime": 1353456000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A2TTUS44AI5VJ9", "asin": "B000TDFBDY", "reviewerName": "sweetshe1", "reviewText": "I listen to this song on a daily basis, it is so soul stirring and revitalizes the spirit and soul. This song is one that lets you know that all is well with you if you have a relationship.", "summary": "He's Preparing Me", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "AS0CCKP5ZB0M6", "asin": "B015QOEPVE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amanda", "reviewText": "Easy Download. Great Song.", "summary": "Song for Another Time", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "AFWT6ZN8GMYCW", "asin": "B002CNZZLM", "reviewerName": "mark", "reviewText": "I like it a lot", "summary": "Five Stars", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2014", "reviewerID": "AWUWDX29AYLQN", "asin": "B000W02O2K", "style": {"Format:": " MP3 Music"}, "reviewerName": "slowdriver300mph", "reviewText": "this song is one of the best from the cranberries I'll keep looking and I know I'll find more such as Linger.", "summary": "truly the best of the cranberries.", "unixReviewTime": 1396051200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "APKQR89QEL8MK", "asin": "B00TJ6S4RW", "style": {"Format:": " Audio CD"}, "reviewerName": "Roger Terrenoire", "reviewText": "Excellent experience.", "summary": "Five Stars", "unixReviewTime": 1432252800} +{"reviewerID": "A255LDQWWXHQHD", "asin": "B00136NNKO", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Thank you!", "overall": 5.0, "reviewTime": "07 23, 2014", "summary": "Thank you!", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A3RDHSSNRB4Q60", "asin": "B001232BWO", "style": {"Format:": " MP3 Music"}, "reviewerName": "dennis j hopkins", "reviewText": "great", "summary": "great", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1YEATLG0504UD", "asin": "B00OIK3WQW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Buy Now", "reviewText": "great song,my be one of the best song of the year,sometime you hear a song and no it going to be good.", "summary": "LIKE THIS", "unixReviewTime": 1432944000} +{"reviewerID": "A2LDEDOQZH3VTP", "asin": "B0017T0FXU", "reviewerName": "Andy", "verified": true, "reviewText": "Great Song!", "overall": 5.0, "reviewTime": "10 13, 2016", "summary": "Five Stars", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A449FP7EPXEDI", "asin": "B00O6DWFW8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anthony Schrouf", "reviewText": "Great sing. Wish ac/DC would let the Thunder use it at their games.", "summary": "Five Stars", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A3MW8B6I2LXVWR", "asin": "B00299CER2", "style": {"Format:": " MP3 Music"}, "reviewerName": "mr.goodguy", "reviewText": "Even for as staunch a supporter of The Constitution of the United States of America as I am, there is indeed a time to lay down your guns. (Plenty of time when you're dead, right? Then they can pry it from your cold hands. Empty.)", "summary": "Awesome musicianship.", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "A32E5AVCDQI8DH", "asin": "B008DZS61O", "style": {"Format:": " Audio CD"}, "reviewerName": "Sweet", "reviewText": "I brought this CD after hearing an interview by Daley on the radio. I heard his song with Ms. Ambrious on the radio and decided to give him a shot. I was surprise at his sound and can't wait for his full CD to come out.", "summary": "Sweet!", "unixReviewTime": 1366848000} +{"overall": 5.0, "verified": false, "reviewTime": "04 2, 2017", "reviewerID": "AORSH1CU6IPHC", "asin": "B018THUOEC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chris - CT USA", "reviewText": "\"Game 4 U\" is my favorite track on this album: Dynamic, sounds good, crankable, and takes me back to the '80s every time I hear it!", "summary": "Yacht Rock Revival!", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A3FIKQ3H7O9HYM", "asin": "B016RWVUIA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tara H.", "reviewText": "Love love love this album! And this particular song is one of the best!", "summary": "Loving it!", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A165P3MOJV3OVZ", "asin": "B0040I533M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cesar", "reviewText": "I like it.", "summary": "Five Stars", "unixReviewTime": 1440979200} +{"overall": 1.0, "vote": "8", "verified": false, "reviewTime": "08 16, 2013", "reviewerID": "A1IJ8A8A4DZT3C", "asin": "B00EH49FRE", "style": {"Format:": " MP3 Music"}, "reviewerName": "B.A.", "reviewText": "Was sort of looking forward to her new one, but a huge disappointment. Definitely not worth your money. Go elsewhere for a hit than this. Not to mention it greatly sounds like \"Brave\" by sara bareilles", "summary": "Rip off of Brave by Sara Bareilles", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2017", "reviewerID": "A30AMC5XYOTULR", "asin": "B00136LRMU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Fencewalker", "reviewText": "Nice", "summary": "Nice", "unixReviewTime": 1510444800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A20SZNEQJU638A", "asin": "B00137SX94", "style": {"Format:": " MP3 Music"}, "reviewerName": "Elisabeth Bedgood", "reviewText": "Love this song. It is a classic. Had to have it for my workout playlist & my everyday playlist.", "summary": "Had to have it for my playlist.", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A3DPVXS7PH5RTF", "asin": "B00137XDLM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Diana Robertson", "reviewText": "Love the music! Thanks.", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2014", "reviewerID": "ACCWNB2LCNHRD", "asin": "B000VRPFJI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Haroldwolf", "reviewText": "Great hit from .38 Special. Not only is the song great but the companion video for the song is hot.", "summary": "Classic song", "unixReviewTime": 1390262400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A9OU2SGPD4ZH6", "asin": "B00122Q50O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Charlotte Jackson-Butler", "reviewText": "Wonderful! I really like this song.", "summary": "Wonderful! I really like this song", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A1JHU0LBS29NYD", "asin": "B00137X6ZA", "style": {"Format:": " MP3 Music"}, "reviewerName": "mhwitt74", "reviewText": "Wish she would have released more in the U.S.", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1UNZ5RY4TIZUD", "asin": "B00O6DQBSM", "style": {"Format:": " MP3 Music"}, "reviewerName": "reader of fiction", "reviewText": "Good song", "summary": "Five Stars", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2017", "reviewerID": "A131E9IR67XE4I", "asin": "B00QN2CHKK", "style": {"Format:": " MP3 Music"}, "reviewerName": "AWOL", "reviewText": "I love James Bay, and I'm so glad I got the deluxe edition of this album. So many songs with only a few repeats (different versions). He's a great singer with that bluesy rough soul style. I can't stop listening!", "summary": "Love him", "unixReviewTime": 1491436800} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "A38ZXGS6PQMA7O", "asin": "B01EYBGW4S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shinl7722", "reviewText": "I like it more each time...got it on a whim......so not a bad choice!", "summary": "Go for it!", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "ARE304Q8H2IM0", "asin": "B01DQ6ON70", "style": {"Format:": " Audio CD"}, "reviewerName": "J H", "reviewText": "I love Volbeat and this latest release is awesome. My new favorite!", "summary": "My new favorite.....", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "AS34283W45T25", "asin": "B009G78G2C", "style": {"Format:": " MP3 Music"}, "reviewerName": "mimo", "reviewText": "I love the artist and the whole tone and mood of the song, a definite buy that will remain popular even when the song is considered to be vintage.", "summary": "Great", "unixReviewTime": 1388102400} +{"overall": 2.0, "verified": true, "reviewTime": "05 26, 2013", "reviewerID": "A2T0HNDKJ56H6V", "asin": "B000V68RP8", "reviewerName": "Kenneth Gorrell", "reviewText": "this was not the song i was looking for but it was not a total bad pick its ok i guess i should have a sample before i brought it", "summary": "Wrong Song", "unixReviewTime": 1369526400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "08 14, 2010", "reviewerID": "A1YMXGQQT7YWMN", "asin": "B0011Z0XSC", "style": {"Format:": " MP3 Music"}, "reviewerName": "BGrace", "reviewText": "This is your song. It is both earthy and soaring, sexy, growling, revelatory. Play it before a date or a meeting where you need to sizzle, I guarantee it will put you in the right place.", "summary": "Want an instant anti depressant or need to gloat?", "unixReviewTime": 1281744000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A7L4V00P29J2", "asin": "B000VN0FWE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Karen Kuhn", "reviewText": "Glad I could find the song I was looking for here.", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A24ATPX2KOFZT5", "asin": "B000QO5DAC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael E. Degrandpre", "reviewText": "Classic", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A1FCIZ8J37BX82", "asin": "B00JLJ185C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ken", "reviewText": "Enjoy this song.", "summary": "Four Stars", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A18X6ZT4AEYVKB", "asin": "B001NB1TX2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Yeemeister", "reviewText": "good song, very epic, very heart felt, emmiserive. i would love to play this music to other things in life", "summary": "epic", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A4Y01T9GSLY70", "asin": "B00136PKQO", "style": {"Format:": " MP3 Music"}, "reviewerName": "robert j. newcomer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "A1ECIKAFT7Y5T2", "asin": "B00136LQQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul Schnae", "reviewText": "great 80s song", "summary": "Five Stars", "unixReviewTime": 1422921600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2013", "reviewerID": "A3FSS9D6ROS9K1", "asin": "B000X6U6IM", "style": {"Format:": " MP3 Music"}, "reviewerName": "theofficemommie", "reviewText": "I love this CD Arron definitely have a gift from God in his voice. I will buy all the Cd's he put out.", "summary": "Arron Shust is great!", "unixReviewTime": 1359849600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A30FSHUAG5XUC0", "asin": "B00DV70XK6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tom", "reviewText": "Love One Direction!", "summary": "Five Stars", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A2GD999Y349O6N", "asin": "B00137KH9S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Azjackied131", "reviewText": "love casting crowns, their music is really great across ages, I am 64 and enjoy them immensely", "summary": "Praise You In This Storm review", "unixReviewTime": 1417478400} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A1LPYW5WXUPXKY", "asin": "B009474IQ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wendy", "reviewText": "good song", "summary": "Four Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A2I7JWJ7L6DBET", "asin": "B00B9WUGJI", "style": {"Format:": " MP3 Music"}, "reviewerName": "kenesha Smith", "reviewText": "Justin Timberlake did a good job one this song, it's a jam............... Make sure everyone listen to this song, it's a hit. Very nice job.", "summary": "listen to is great song", "unixReviewTime": 1386547200} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A1P66GJ6VSS2E2", "asin": "B003RO37L0", "style": {"Format:": " Audio CD"}, "reviewerName": "Tanya Pownall", "reviewText": "My sister likes this cd and there is one song she really likes and say it was a good Christmas gift", "summary": "Sister", "unixReviewTime": 1391904000} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A181D56XURSCHU", "asin": "B00136NFOI", "style": {"Format:": " MP3 Music"}, "reviewerName": "manidatta muller", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "A21UKBX45GENSW", "asin": "B001A7ZIPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "expecting quality", "reviewText": "wonderful song on being family", "summary": "Five Stars", "unixReviewTime": 1422921600} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "ASCNBBI9K10V1", "asin": "B016P0CA6U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ginger Zuck", "reviewText": "Love my download, Chris is my favorite artist with the best voice in country music. He and Cassidy are fabulous together...", "summary": "Great duo, two fabulous voices United! Love it!", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "AQHVR2V3YA1MM", "asin": "B00136PP8M", "style": {"Format:": " MP3 Music"}, "reviewerName": "NOEL MEDRANO", "reviewText": "Will definitely down ALL of my favorite music instead of buying the album, CD etc. Very easy to download with click of a couple of buttons.", "summary": "Downloads is the best thing that could of happen.", "unixReviewTime": 1392249600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2013", "reviewerID": "A263UOJSPTGDAG", "asin": "B009Y2KR4E", "reviewerName": "VampireLibrarian", "reviewText": "Downloaded this music on my work computer to keep us all in the Christmas Spirit here at work. We all love it! It is great background music.", "summary": "Christmas Music", "unixReviewTime": 1387411200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2014", "reviewerID": "A11J1O3GB7EHPV", "asin": "B00137KLCQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aly R.", "reviewText": "Song speaks for itself. What else can I say? Awesome vocals. Love it and you will too. Mesmerizing. Ahhh yeah.", "summary": "so soulful gives chills", "unixReviewTime": 1398988800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "A3DLWM79HTEL3Q", "asin": "B00137XWEA", "style": {"Format:": " MP3 Music"}, "reviewerName": "rweidpacker", "reviewText": "Song is a keeper!", "summary": "Five Stars", "unixReviewTime": 1524873600} +{"overall": 4.0, "verified": true, "reviewTime": "08 7, 2013", "reviewerID": "A3H9Z1C70P4F17", "asin": "B00137OHD0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pantera Rosa", "reviewText": "Good song. Nice quality. It's good to hear a revenge country song for once. All in all. Nice job Carrie.", "summary": "Mp3 Review", "unixReviewTime": 1375833600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "A3CB9C18OZ4WJL", "asin": "B00192M2IQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bernice C. Hayes", "reviewText": "Shirley Caesar is one of my great gospel singers. I have been listening to her music every since I was a little girl.", "summary": "I love it.", "unixReviewTime": 1367452800} +{"overall": 1.0, "verified": false, "reviewTime": "01 27, 2013", "reviewerID": "A36EDWL4F3AASU", "asin": "B00970FKQ8", "style": {"Format:": " MP3 Music"}, "reviewerName": "&quot;Sonny&quot; Di Degrassi", "reviewText": "What's even sadder is that it has spawned a bunch of ripoff version. it's like caca begat caca. It's quite possibly the most annoying song I've heard in a while", "summary": "this song is whack!", "unixReviewTime": 1359244800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2017", "reviewerID": "A2S4J631ZUGSOX", "asin": "B00JXCIDY6", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. White", "reviewText": "My Grand Daughter Loves it.", "summary": "Five Stars", "unixReviewTime": 1509926400} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A28C3ZCHCNNDNF", "asin": "B00DMXITFA", "style": {"Format:": " Audio CD"}, "reviewerName": "Gardening 1", "reviewText": "Wonderful. Love OCMS", "summary": "Fun", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A2KA5OOLO7IKYJ", "asin": "B00137MSRC", "style": {"Format:": " MP3 Music"}, "reviewerName": "SatMac40", "reviewText": "Gotta love Bey!", "summary": "Love it!", "unixReviewTime": 1431475200} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2015", "reviewerID": "A2XOJQPTNDZL1V", "asin": "B00XQNWZZ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "John L.", "reviewText": "Stirring music", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A17RML53GUFTK1", "asin": "B00160ONMY", "style": {"Format:": " MP3 Music"}, "reviewerName": "MM", "reviewText": "Product delivered as described. Ship time was expected.", "summary": "Five Stars", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A3J23ABHMRGN4S", "asin": "B00136PKQO", "style": {"Format:": " MP3 Music"}, "reviewerName": "khemingway", "reviewText": "Everybody loves this song. Its a family tradition especially around black family barbecues.", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2013", "reviewerID": "ACPS3LG8Z1JK2", "asin": "B00137GL0M", "style": {"Format:": " MP3 Music"}, "reviewerName": "A. Stoops", "reviewText": "I heard this song in a bar, and Loved It! That is why I had to have it... You will enjoy it too...", "summary": "Awesome!", "unixReviewTime": 1365724800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A1VRD8L02M7BQJ", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stef Butterflies", "reviewText": "Sound so nice on my MP3 player on my kindle. Love the song and had to have it. . .", "summary": "Great Happy song", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2013", "reviewerID": "A25QOJSQ3LEJ6I", "asin": "B005F1207A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nancy Trent", "reviewText": "love this song, and this group of the 80s is great.....this song is iconic and i recommend everyone who can listen to it and you will love it as much as me.", "summary": "awesome", "unixReviewTime": 1370476800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2015", "reviewerID": "A1HSJSWV6ATSEY", "asin": "B00N5B61M2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kurt F. Sorensen", "reviewText": "nice slow song", "summary": "Five Stars", "unixReviewTime": 1447545600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A2C6YK3IMXY2VO", "asin": "B0011Z74IE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mafia Princess aka Felicia.", "reviewText": "I have always loved me some Prince!! and now that he is gone I am devastated. And this song is deserving of 10 stars. I know all the words to it. When I hear it I sing along. I go CRAZY :)", "summary": "I'm going to go crazy without Prince", "unixReviewTime": 1461801600} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2009", "reviewerID": "A1Y6LL6N3ID6L5", "asin": "B001VE730E", "style": {"Format:": " Audio CD"}, "reviewerName": "Eric Andrews-Katz", "reviewText": "This is a great cast recording. Mixes both the original music along with the movie's twist on it, and all the good that goes with it.", "summary": "Let down your HAIR and enjoy", "unixReviewTime": 1249776000} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A3160JI7JSH0U4", "asin": "B00136NUKC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Latrece", "reviewText": "Love how easy it is to purchase and download music on the website. Will continue to download music in the future.", "summary": "Love finding classics", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "A2RBNPWKANA94", "asin": "B01DOO46BM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sekraft", "reviewText": "ALWAYS FAST SHIPPING, GREAT PRODUCT!!!", "summary": "GREAT PRODUCT!", "unixReviewTime": 1521504000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "ABTPG9K6K74W", "asin": "B00137G9K4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sierra", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1502755200} +{"overall": 4.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "A14EGVE4GP5A5P", "asin": "B0011Z8OX8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon lover", "reviewText": "Is what it is", "summary": "Panic", "unixReviewTime": 1492905600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A3PJ5FGZWHRYTI", "asin": "B005IKZ1S8", "style": {"Format:": " MP3 Music"}, "reviewerName": "legend", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A82LXSUUGWDYF", "asin": "B015KPX3K8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Antoine Wilson", "reviewText": "Great song by Chris Tomlin featuring Beautiful songstress Lauren Daigle and what a sound and soul she adds love it and the meaning behind the words and the event it represents in the name of Jesus Christ our Savior's birth!", "summary": "Soul Inspired Sound!", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2013", "reviewerID": "A1QBWYXRHXGDZG", "asin": "B009Y4E4U0", "style": {"Format:": " MP3 Music"}, "reviewerName": "ROSIE L. HENDERSON", "reviewText": "Great song to really listen to. I would recommend it to others. You have to listen with the heart. Great.", "summary": "Your Best Days Yet", "unixReviewTime": 1374796800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A1541J3UO9QT11", "asin": "B00137MG38", "style": {"Format:": " MP3 Music"}, "reviewerName": "c", "reviewText": "great song. has rhythm and variation", "summary": "Five Stars", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2017", "reviewerID": "A2R7PJGG0BWY0J", "asin": "B004BRS4QA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Deidre Gray", "reviewText": "Love it.", "summary": "Five Stars", "unixReviewTime": 1507420800} +{"overall": 1.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A242R9BDV5GLG7", "asin": "B00MRQYZOM", "style": {"Format:": " MP3 Music"}, "reviewerName": "stjcampisi", "reviewText": "ITS BS Amazon forces you to download their software medial player in order to download the music you paid for. I don't want their media player. I will never buy music from Amazon again.", "summary": "ITS BS Amazon forces you to download their software medial ...", "unixReviewTime": 1423526400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "APBMLKG1UM5AX", "asin": "B000W1VF3S", "style": {"Format:": " MP3 Music"}, "reviewerName": "WILLIAM", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A30PQ0X9PAHPOY", "asin": "B017T1O7LK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Norb", "reviewText": "She is BACK with a bang Amazing!!!!", "summary": "Five Stars", "unixReviewTime": 1448928000} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2013", "reviewerID": "A2U9RS5VAI1G5L", "asin": "B00137QRAQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "marchell", "reviewText": "love angie stone she is one of the great r&b singers of all time, if your looking for feel good music purchase good down load for droid phones.", "summary": "Good feeling retro music", "unixReviewTime": 1379462400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A1LBCR7BUXBFNG", "asin": "B00YIB4CT2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nathan J.", "reviewText": "Great song. Love tobyMac!", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A3GRNRNGUSFNNN", "asin": "B00BNYCN0C", "style": {"Format:": " MP3 Music"}, "reviewerName": "shan", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A3GJ6CFWN47N0U", "asin": "B0013F470A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Francis Tuifao", "reviewText": "I love this song. It is now in my video library. Thank you very much.", "summary": "Lionel Richie - All Night Long (All Night)", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "AG4Y6PC0KTA53", "asin": "B000W0AIAU", "style": {"Format:": " MP3 Music"}, "reviewerName": "WYZGUY", "reviewText": "Old school music. Quick download. Will continue to use.", "summary": "Five Stars", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "ACXXHW5RRSWJW", "asin": "B001O3KLAG", "reviewerName": "Afropuff19678", "reviewText": "Great song by a great singer!", "summary": "Five Stars", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A1U0QSDR7T41XQ", "asin": "B00OXE38D0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael G", "reviewText": "great song, not much else to say other than that. YouTube it, listen to it, make a decision.", "summary": "Five Stars", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2017", "reviewerID": "A3V0SIU4VW98", "asin": "B00136JVM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "williamsan", "reviewText": "brings memories from wayne's world", "summary": "Five Stars", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": false, "reviewTime": "07 28, 2015", "reviewerID": "A3JZCNOD0TG8LL", "asin": "B00OVKK6RM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jessica S", "reviewText": "This is one of my favorite songs by Carrie! Love it!!", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A3U461XFE4HOO9", "asin": "B000SX8ASS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I love this it is so beautiful. Andrea Bocelli and Sarah Brightman. Singing this is a duet.", "summary": "It just doesn't get any better than this.", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3IECBAMQJ47NH", "asin": "B0013CSPII", "style": {"Format:": " MP3 Music"}, "reviewerName": "Randy M", "reviewText": "I remember this song from 2003. Music seemed different back then.", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A1OKPC1K12YZEP", "asin": "B00137R3O0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ezrway", "reviewText": "I remember listening to this on my first transistor radio... Still love it!", "summary": "Sylvia's Mother (Album Version) by Dr. Hook & The Medicine Show", "unixReviewTime": 1430006400} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A2UFJ5NIT2RFCM", "asin": "B01D41ASOE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Becky Thomas", "reviewText": "Great song", "summary": "Four Stars", "unixReviewTime": 1485734400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 29, 2018", "reviewerID": "A14L2ZKF864EBK", "asin": "B001VFSNYS", "style": {"Format:": " Audio CD"}, "reviewerName": "Sunny", "reviewText": "Considering Randy Travis' severe health problems, this is a CD any fan should want in their collection. All the old favorites one grew up with in his easy to listen baritone. Each song is deeply felt.", "summary": "A collector treasure of hits", "unixReviewTime": 1522281600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A14X278KWM1Q2W", "asin": "B00136J7OA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Buckeye Baby", "reviewText": "Purchased for Realtor open house- 80's music themed!", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "AT5T5DI0HNQNG", "asin": "B0108UOSA4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Victor W Hutchins", "reviewText": "A great band like Metallica", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A2EMUM49CE0JV4", "asin": "B00HYS7GIA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mark S. Mocarski", "reviewText": "I like the song. I think it has some mention of things that the young just do not understand.\nAgain, Jasmine Thompson comes thru with flying colors and a beautiful voice.", "summary": "Jasmine Thompson-Say Something", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A2ROQ0412P57JD", "asin": "B00137MGM4", "style": {"Format:": " MP3 Music"}, "reviewerName": "jacobgemini", "reviewText": "(Still, it rocks.)", "summary": "Five Stars", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2013", "reviewerID": "A3KQI694I9KL5L", "asin": "B00137QSAK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Marie Kitty Simpson", "reviewText": "I love her voice, and this song is for my ex, who thinks he was the stuff. Ugh, and I was looking for the perfect song to insult him and this is it.", "summary": "Love her.", "unixReviewTime": 1381968000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "ASUFZ7OCKDM4H", "asin": "B000ZOUFVA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard B. Green", "reviewText": "This is one of those great songs from the past, one that sounds as good today as it did on its release. Great blending of voices...Chad and Jeremy had a number of hits in that time frame, and each was a delight to listen to...is a delight to listen how many years later?", "summary": "Timeless", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A3G2DTV1E8E0AM", "asin": "B004OJ5ESQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Reginald Mooring", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A125C05ZANRWIH", "asin": "B00940XGHG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pat Norkett", "reviewText": "Love my music!", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A1MK778QKLIJEH", "asin": "B00136LEN2", "style": {"Format:": " MP3 Music"}, "reviewerName": "PT", "reviewText": "When I was in college this song came out and when I had a breakup with a boyfriend, I always listened to this.", "summary": "When I was in college this song came out and ...", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "ALVC47S59N66Z", "asin": "B00N23YTMW", "style": {"Format:": " MP3 Music"}, "reviewerName": "klovesl", "reviewText": "Fantastic Christian song, well worth the download!", "summary": "AWESOME!", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A16GXY6CCE7J0P", "asin": "B00QSCX42K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Miguel S. Manalac", "reviewText": "Positive experience", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A2XKSPQSPBSO9E", "asin": "B00X5MVZ6I", "style": {"Format:": " MP3 Music"}, "reviewerName": "HRV", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "AO9EP5MAYD75T", "asin": "B000W05AKI", "style": {"Format:": " MP3 Music"}, "reviewerName": "sandyb", "reviewText": "I've loved this song for years. I went to a friend's wedding where he sang for his bride. And it was the perfect song for the occasion. I hadn't heard it in a long time. When I heard it again recently, I ordered. Has bought back a lot of good memories!", "summary": "Beautiful song!", "unixReviewTime": 1386979200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A3GJZPP0S4M4BT", "asin": "B019KKBQVC", "style": {"Format:": " Audio CD"}, "reviewerName": "Amazon Customer", "reviewText": "I love mr. Bradley's voice he is a throwback to the days when soul had soul.", "summary": "Most excellent", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A25U2K34II1BFT", "asin": "B009IQ2RSU", "style": {"Format:": " MP3 Music"}, "reviewerName": "sonja juanita white", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A3T5JIV2U0LJ7M", "asin": "B0012CCO0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "ALICIA W", "reviewText": "Awesome!", "summary": "Five Stars", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2016", "reviewerID": "A3QJDL2IQKHXWW", "asin": "B00137OA0K", "style": {"Format:": " MP3 Music"}, "reviewerName": "bulldogsweetie", "reviewText": "love dolly and any song that she is singing", "summary": "Five Stars", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "A1L0WWT51V91DP", "asin": "B00137R7J6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kaye", "reviewText": "Such a fun song and who doesn't love Patty Loveless!!", "summary": "Who doesn't love Patty Loveless!!", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2012", "reviewerID": "A3220MZYZ4FYI", "asin": "B004BTIQ8Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "cobbie1010", "reviewText": "Excellent quality MP3 sound. Love listening to this song on my IPOD TOUCH! Would purchase again and again. Wish Amazon Cloud songs could be shared with Apple Cloud...", "summary": "Just Can't Get Enough", "unixReviewTime": 1353110400} +{"overall": 4.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A14YTPQDH3PAZU", "asin": "B00TV957BS", "style": {"Format:": " MP3 Music"}, "reviewerName": "jay jay", "reviewText": "Good.", "summary": "Four Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A309IF65QXZU3O", "asin": "B00122R5US", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lo", "reviewText": "If you're into the big band swing era sound mixed with the 80's pop style as well as enjoy the voice of former Led Zepplin's lead singer Robert Plant...plus you love a good love song, you'll find yourself a new old love song.", "summary": "Good song", "unixReviewTime": 1400371200} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "A1I9MEQLZMTOAS", "asin": "B001LYYWTE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pamela Hanna", "reviewText": "great song from an 80's or 90's music group", "summary": "coool old school music", "unixReviewTime": 1524096000} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A1JGBKKLM2CUWM", "asin": "B006BXT82Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Slowboater", "reviewText": "A couple of clicks and pops from vinyl recording. A little bright.", "summary": "Four Stars", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A1FL8YM3H276H9", "asin": "B00LFVTH84", "style": {"Format:": " MP3 Music"}, "reviewerName": "thewright", "reviewText": "good stuff", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2014", "reviewerID": "ADSMBRG306DRO", "asin": "B0011W4304", "style": {"Format:": " MP3 Music"}, "reviewerName": "roy petersen", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "AXGJ57U8E9CUB", "asin": "B01DER07LW", "style": {"Format:": " MP3 Music"}, "reviewerName": "PennyC", "reviewText": "One of his best!", "summary": "Five Stars", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A2V7Y24YH0C6XW", "asin": "B00123M3CW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mary T.", "reviewText": "love", "summary": "Five Stars", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A1ZNRP8GQO5WQJ", "asin": "B0013CUEQ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laquita", "reviewText": "Deitrick Haddon's God Is Good is a great track love his music.", "summary": "Five Stars", "unixReviewTime": 1454630400} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A19FF2FX1B6803", "asin": "B00LXII8E8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kit", "reviewText": "My family likes this song.", "summary": "Four Stars", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2013", "reviewerID": "ACG03QQG609FL", "asin": "B00137MGNI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ryan Beauchamp", "reviewText": "This is a great album by a great artist. I think that Amazon should let you rate albums without writing a review.", "summary": "great", "unixReviewTime": 1384041600} +{"overall": 4.0, "verified": true, "reviewTime": "05 26, 2018", "reviewerID": "ANQYNX4B62RT5", "asin": "B004CYKUWI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stuck in Alaska", "reviewText": "Great song!", "summary": "Four Stars", "unixReviewTime": 1527292800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A7JNH315AFC8H", "asin": "B001A7FDT0", "style": {"Format:": " MP3 Music"}, "reviewerName": "charles e gilchrist", "reviewText": "Great little known classic", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A2MBE697G5OZAV", "asin": "B000VZXFQU", "style": {"Format:": " MP3 Music"}, "reviewerName": "R. HOOVER", "reviewText": "A great old tune, a terrific mix of pop with some very hard edged guitar work.", "summary": "Classic", "unixReviewTime": 1406851200} +{"reviewerID": "A16MMPW5DKVSAK", "asin": "B001KQGE08", "reviewerName": "JoAnne G..", "verified": true, "reviewText": "Not as spectacular as I had hoped but good nonetheless.", "overall": 4.0, "reviewTime": "08 20, 2014", "summary": "Four Stars", "unixReviewTime": 1408492800} +{"reviewerID": "A2UPMGMEPBQGKM", "asin": "B00137GAQM", "reviewerName": "jean", "verified": true, "reviewText": "Keep On Loving You by REO Speedwagon was our wedding dance. we wanted something diffreant but that still was us. we loved this song it was perfect.", "overall": 5.0, "reviewTime": "12 11, 2012", "summary": "Keep On Loving You", "unixReviewTime": 1355184000} +{"reviewerID": "AQ0H03886BTDP", "asin": "B000V61F0C", "reviewerName": "PeachieMom", "verified": true, "reviewText": "Great song, one of my favorites.", "overall": 5.0, "reviewTime": "01 15, 2017", "summary": "Five Stars", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3GJ6CFWN47N0U", "asin": "B00136NI9K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Francis Tuifao", "reviewText": "I am a huge fan of Journey, more so, I love this particular song. Now, I have the luxury of listening to the song, repeatedly, in my own library. I own it, so thank you amazon for allowing me to purchase and download the album into my library.", "summary": "Journey - Lovin', Touchin', Squeezin'", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "A1RR8MILLMBI8N", "asin": "B00137WZVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "John K", "reviewText": "It just doesn't get much better than this music especially this track. Great addition to your music favorite music collection.", "summary": "very Romantic Track", "unixReviewTime": 1395446400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A3VY88GP98AH0X", "asin": "B0168LOHNK", "style": {"Format:": " MP3 Music"}, "reviewerName": "K. Houser", "reviewText": "Good Music.", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2013", "reviewerID": "A17G4B1XLQH2BP", "asin": "B005H544OG", "style": {"Format:": " Audio CD"}, "reviewerName": "mel", "reviewText": "A wonderful tribute to the \"Rat Pack\" era and the eternal songs that were produced then. Mr. MacFarlane can really sing and does a great job.", "summary": "Who new that the Family Guy could sing?", "unixReviewTime": 1375747200} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2013", "reviewerID": "A1DG05B7OHMNUH", "asin": "B000VZLSBO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dr. R", "reviewText": "I love buying my music from Amazon. It's quick, it's easy and I buy only the songs that I want. Amazon is the only place I buy music.", "summary": "Great song", "unixReviewTime": 1359849600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A2MZ6SXUDCSQRG", "asin": "B00136Q374", "style": {"Format:": " MP3 Music"}, "reviewerName": "VinnyG53", "reviewText": "Rockin'", "summary": "Rockin'", "unixReviewTime": 1455667200} +{"overall": 3.0, "verified": true, "reviewTime": "11 3, 2013", "reviewerID": "A7DF2GP948DI1", "asin": "B000YNNTWY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Susan", "reviewText": "Loved the movie and just had to have the movie score. I would have preferred Matt but still loved the concept. Can't say much more about it sorry. I was just an ok movie for me. Sorry", "summary": "Good workout music", "unixReviewTime": 1383436800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A3L3CZLLSYWG48", "asin": "B009470G2C", "style": {"Format:": " MP3 Music"}, "reviewerName": "angel picca", "reviewText": "Don't be afraid you don't have nothing to lose and all to gain receive JESUS CHRIST as your LORD and Savior and you will pass from death to life eternal in communion with the Creator of everything.", "summary": "i love this song", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "A2LJTAD89IQFIU", "asin": "B00122T5SI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Becky D. Henderson", "reviewText": "The sound quality is much better than I would have expected. This is one of my favorite songs and I was happy the quality of the sound was very clear. I would recommend anyone looking for quality to purchase from this company.", "summary": "Awesome Sound Quality", "unixReviewTime": 1355788800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2012", "reviewerID": "A1XRXJJIHHI04J", "asin": "B00124DG0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sharon Delarose", "reviewText": "When the song came out decades ago, I was more into other types of music. The soft side of Chicago just didn't do it for me back then. Now I'm older and mellower, and I LOVE this song. I'll hit the replay button two or three times when it comes on my iPod. Just beautiful!", "summary": "Better than before!", "unixReviewTime": 1346025600} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "AKZWON97KV8XY", "asin": "B00ATLWA58", "style": {"Format:": " MP3 Music"}, "reviewerName": "J L Sharpe", "reviewText": "a great \"old\" song", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "AMAH5NQ59ELIC", "asin": "B001O4TK20", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joseph D. Hickenbotham", "reviewText": "great tune to get into and find yourself singing with.v It stick in your head", "summary": "Four Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A2QR9IXLMIDL5U", "asin": "B0058U0BSS", "style": {"Format:": " Audio CD"}, "reviewerName": "Liberal Clown seeks safe space in a neighborhood near you!", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": false, "reviewTime": "05 11, 2013", "reviewerID": "A2KM9WBCDW9VL5", "asin": "B008S50NEW", "reviewerName": "Amazon Customer", "reviewText": "I love this rendition of Lately. I play it over and over again. This was a great new song from a legendary artist. Looking forward to more.", "summary": "Smooth", "unixReviewTime": 1368230400} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A32JDWEPA9XTOC", "asin": "B001I884KG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Peter Lamana", "reviewText": "I celebrate her entire catalog. She has an edgy sound that I find not only exciting but also completely relatable.", "summary": "Pink was, and continues to deliver the music!!", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A2EGT2OG37I2PO", "asin": "B00B59OXKS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stuart J. Mccall", "reviewText": "one of the best versions!!", "summary": "You have o hear this version", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A1P4A59XDVITQ2", "asin": "B001NT3RGG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kristina Cooper", "reviewText": "Great song.", "summary": "Five Stars", "unixReviewTime": 1437868800} +{"overall": 4.0, "verified": false, "reviewTime": "09 5, 2014", "reviewerID": "A29TM2NSHRQ0ZY", "asin": "B002M5QGU4", "style": {"Format:": " Audio CD"}, "reviewerName": "MRH", "reviewText": "great", "summary": "Four Stars", "unixReviewTime": 1409875200} +{"overall": 4.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "A1HGZ3G5MPPW7O", "asin": "B003S7U6S8", "reviewerName": "KevinW42", "reviewText": "Amy Stroup's voice is delicious and soothing at the same time. Makes you want to see her live on stage.", "summary": "Amy could read the alphabet and I wouldn't mind", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A19GBI2PGNXT8I", "asin": "B00ISAEDY8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Radar", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A3IAYE5X4Q6Z56", "asin": "B001FXOL4W", "reviewerName": "linda summers", "reviewText": "Every since this we are world came out , I wanted to get it.", "summary": "Five Stars", "unixReviewTime": 1478304000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A23WDX5PLC90WE", "asin": "B00130NNJ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "ematarese", "reviewText": "Good bachata dance song...This is being played at Latin dance locations, and\nmost of the Bachata people seem to love it.", "summary": "Bachata", "unixReviewTime": 1378425600} +{"overall": 2.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "AG4VHRI7L9XS5", "asin": "B000WKWFG0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jason Cody roper", "reviewText": "It was ok.", "summary": "Two Stars", "unixReviewTime": 1408665600} +{"overall": 4.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A1S3FAW9KHCW4W", "asin": "B00E88YNWQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Searcher", "reviewText": "A blue grass sound with great lyrics and a good beat, it is easy to listen to any where. I recommend it", "summary": "A good song with a great singer", "unixReviewTime": 1383955200} +{"overall": 4.0, "verified": true, "reviewTime": "05 3, 2013", "reviewerID": "A22BBOGE6N6R6E", "asin": "B00137KG6W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Virginia", "reviewText": "I love Michael W. Smith's song. And this one is especially powerful as a worship song. I love listening to it.", "summary": "Above All", "unixReviewTime": 1367539200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2014", "reviewerID": "A2MT4JKVYSCICJ", "asin": "B000WLQKPQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "mlkorp", "reviewText": "Sets the mood for relaxing slow and easy. His voice is so natural. I am hooked on his voice forever.", "summary": "smooth and easy", "unixReviewTime": 1390608000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A2HY77X7NI4NLY", "asin": "B001227LXY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Love this song", "summary": "Five Stars", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "AVK12IGNSH3XE", "asin": "B0013KX0HG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sergio", "reviewText": "great music!", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "AJGNNA8B751SW", "asin": "B001KW1O0W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Edward Hausdorf", "reviewText": "Was exactly what i was expecting.", "summary": "Five Stars", "unixReviewTime": 1450137600} +{"overall": 2.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1RRX5XG4ZPUZ1", "asin": "B007Y1AM74", "reviewerName": "Niki", "reviewText": "its free", "summary": "Two Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A35RU1WNV77SBJ", "asin": "B00136NTLM", "style": {"Format:": " MP3 Music"}, "reviewerName": "ks of Florida", "reviewText": "Great music!", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 3.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A1IQCQUA8Z8K5G", "asin": "B00Q6JOWBM", "style": {"Format:": " MP3 Music"}, "reviewerName": "CG, Arizona", "reviewText": "I bought this song for a training and we danced to the song to get everyone up and moving. Ok", "summary": "Ok", "unixReviewTime": 1358899200} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A1QE7MP2A0N06J", "asin": "B003NJVBPS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lisa Scott", "reviewText": "Awesome", "summary": "Four Stars", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": false, "reviewTime": "02 18, 2015", "reviewerID": "A2BGBTICPDN1JO", "asin": "B00D8WIK7C", "style": {"Format:": " MP3 Music"}, "reviewerName": "MReganJr", "reviewText": "Got to love it!", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": false, "reviewTime": "04 13, 2016", "reviewerID": "A244I0L3B89G0B", "asin": "B00122IPBG", "style": {"Format:": " MP3 Music"}, "reviewerName": "TheBeeHiveBuzz", "reviewText": "Love this song! Probably my favorite version for sure!", "summary": "Five Stars", "unixReviewTime": 1460505600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A3IOL8Y33RV29I", "asin": "B00137IPME", "style": {"Format:": " MP3 Music"}, "reviewerName": "ReelNavajoFishing", "reviewText": "Great Gloria hit!", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A27JDEKPZITWW", "asin": "B000TE1EVQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steve", "reviewText": "Love Beach Boys", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A3RJAMVWZSWFNV", "asin": "B0017F9U1C", "style": {"Format:": " MP3 Music"}, "reviewerName": "MarilynM", "reviewText": "Love all of Josh's songs!!!", "summary": "Buy", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "ANMVRMYS04YSI", "asin": "B00136JJM0", "style": {"Format:": " MP3 Music"}, "reviewerName": "ShallNOTBeInfringed", "reviewText": "Ram-a-lamma......What more can you say.", "summary": "Ouch, my arthritis.....", "unixReviewTime": 1416355200} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "AB8WKR0OKA32S", "asin": "B00GJ2N10O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Just what I wanted arrived on time.", "summary": "Four Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "AX2MZF9A6TP9S", "asin": "B000TEBK2Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "David", "reviewText": "A classic love song - buy it!", "summary": "Five Stars", "unixReviewTime": 1419033600} +{"reviewerID": "A1GXH6S5RHTX5Q", "asin": "B00136LFF4", "reviewerName": "wayne rush", "verified": true, "reviewText": "I just love this piecce of music it is so relaxing and enjoyable to listen to nice and mellow jazz.", "overall": 4.0, "reviewTime": "01 7, 2013", "summary": "Nice and smooth", "unixReviewTime": 1357516800} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A8XK1QZP3KWET", "asin": "B001KYMR5Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "song is worth every penny, great quality and excellent payment options. Recommended for anyone that has interest in this music", "summary": "good", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2018", "reviewerID": "A1HFWBUVW8G1TI", "asin": "B01D4LH1C6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Traylor", "reviewText": "Great for meditation.", "summary": "Five Stars", "unixReviewTime": 1529625600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A2ZBHVUAF2QB6Q", "asin": "B01929H4VM", "style": {"Format:": " Audio CD"}, "reviewerName": "RITA & BRIDGETT LYNCH ", "reviewText": "Perfect, funny!!", "summary": "Five Stars", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A3560NGKTVE0BG", "asin": "B000TPHHDE", "style": {"Format:": " MP3 Music"}, "reviewerName": "CoVeRpAgE", "reviewText": "Great music", "summary": "Tina At Her Best", "unixReviewTime": 1417132800} +{"overall": 4.0, "verified": true, "reviewTime": "10 5, 2013", "reviewerID": "ANIF3HV8OD10", "asin": "B00123M3CW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rebecca K.", "reviewText": "Another of the great 1980's music collections that is great. A classic group of that era with some wonderful songs.", "summary": "FireFall", "unixReviewTime": 1380931200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A3M26WIUP5TXIW", "asin": "B0018DS15O", "style": {"Format:": " MP3 Music"}, "reviewerName": "CooperGirl 52", "reviewText": "Lover her cover of this song.", "summary": "Five Stars", "unixReviewTime": 1411084800} +{"overall": 3.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A3SEL48F3IR0U9", "asin": "B0013K0RZ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "BOBDOLE", "reviewText": "We've all been there", "summary": "For those somber times", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A20T1MOIU76OL4", "asin": "B00124HN8K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dave", "reviewText": "Wife loves this song!", "summary": "Five Stars", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A24EQHOEJN266W", "asin": "B0026BI3OQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dee Tetangco", "reviewText": "my favorite song of all time", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2013", "reviewerID": "A14T3IEJX18CNZ", "asin": "B001U82KLI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dale K", "reviewText": "It wasn't marked as such, but I'm ok with it because the live version is pretty bad ass. Highly recommended.", "summary": "This is the live version", "unixReviewTime": 1367193600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A13BNI2CCMYYEO", "asin": "B00O46VJ56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Toni Pulley", "reviewText": "I really like this song. Sam Hunt is a good singer. Thank you", "summary": "Nice song", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A3L1UEDJO88Z30", "asin": "B00136JJM0", "style": {"Format:": " MP3 Music"}, "reviewerName": "TML", "reviewText": "Good times =)", "summary": "Five Stars", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": false, "reviewTime": "05 9, 2014", "reviewerID": "A1TXCD0HSTVFAU", "asin": "B002QVGMRQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gentle Spirit", "reviewText": "I love this song too. I found Luke by accident one day on you tube and when I heard is feel good music I went to amazon and downloaded some of the mp3s for him. This is a cool song for anyone", "summary": "beautiful song", "unixReviewTime": 1399593600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2013", "reviewerID": "A158LSOWXW6NIO", "asin": "B001BKQ0LG", "style": {"Format:": " MP3 Music"}, "reviewerName": "chantal", "reviewText": "This is a song you can definetly dance to at a dance club. I enjoy listening to Usher. He is an accomplished performer with many talents", "summary": "Great dance track", "unixReviewTime": 1381795200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A1QW7EP30UAWKF", "asin": "B00137T54G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sonia AL", "reviewText": "love this song, always lifts my mood", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A2R31VG8FY9S3W", "asin": "B000TE4GHK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Vanessa", "reviewText": "Fantastic!", "summary": "What's not to like?", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A3K4E1M3EH3EEZ", "asin": "B00137IJUM", "style": {"Format:": " MP3 Music"}, "reviewerName": "W. Bernard", "reviewText": "A dark yet romantic love song. And of course snl will ferrell and Christopher walker need to really explore the room with more cow bell.", "summary": "A dark yet romantic love song. And of course snl will ferrell and ...", "unixReviewTime": 1411948800} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A13C6NTJ3HO0FX", "asin": "B005T18DOK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Erik Therme", "reviewText": "Got this for my 14-year-old, but I admit, it is a great song. Thank Goodness for Twilight or we may never have discovered it!!!", "summary": "Daughter", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1HIZ0LKBD6X8B", "asin": "B00136JPLU", "style": {"Format:": " MP3 Music"}, "reviewerName": "James Burgett", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 4.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A35QWCLQVZ3TX0", "asin": "B001NYRVB8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Chocobill", "reviewText": "We remember those great days with good music and great performers.", "summary": "Four Stars", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A1FHCJS6S0QFM0", "asin": "B000TDWJD4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jessk", "reviewText": "LOVE", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"reviewerID": "A20223E4KX739V", "asin": "B00123FMKM", "reviewerName": "Carol Cox", "verified": true, "reviewText": "Forgot how great this song makes me feel. Wonderful words that describe coming home from work and shes waiting there not a care in the world!", "overall": 5.0, "reviewTime": "01 31, 2014", "summary": "forgot how great this song sounds", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A1DSCK45R2GH0Z", "asin": "B00GG3OYMK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Karrey Marron", "reviewText": "a great big world & Christina Aguilera", "summary": "say something", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": false, "reviewTime": "02 26, 2016", "reviewerID": "A244I0L3B89G0B", "asin": "B000WZWW7M", "reviewerName": "TheBeeHiveBuzz", "reviewText": "Love this song! Such a great rendition!", "summary": "One of the best!", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A2H3JURQZOHVMB", "asin": "B0011Z3ETM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stella Carrier", "reviewText": "This superb classic rock song that is Sunshine of Your Love by Cream appears to be a romantic type of song from the way the lyrics are created about meeting your love soon. Regardless of the full meaning, the music and lyrics go together in musical harmony.", "summary": "Iconic Classic Rock Love Song?", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A37369FBCETINR", "asin": "B000W1039K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patrick", "reviewText": "Great song", "summary": "Five Stars", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A5JXD32NZ9XIW", "asin": "B00QWEESIS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patricia Turner", "reviewText": "Always full of surprises. Love his music when it doesn't have a lot of foul language. This is an awesome track.", "summary": "Awesome!", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A3QMBUY0DSED2U", "asin": "B009L5EOCU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Shirley Halorday", "reviewText": "This was one of Rihanna better record.", "summary": "Enjoyed!", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A25LG19AJ048AD", "asin": "B001BZJKGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Loretta Smith", "reviewText": "You can't get any better than this from the Queen.", "summary": "The Queen of Soul", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A1MQHBOLQNMRAY", "asin": "B002SE1I7A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Wonderful music.", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A2EH94H2TW73OO", "asin": "B01F2O06YS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jordan Martin", "reviewText": "Alicia Keys never disappoints!", "summary": "Five Stars", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A2NZUAJ8ZXRJ66", "asin": "B00D5KIMGQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "luscious11", "reviewText": "brought this for a friend. he loves it", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A2ZEXIUAKNK5A1", "asin": "B00165TQEO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Moonduster", "reviewText": "It's a good song in my opinion, that's why I bought it.", "summary": "Good Song", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A25DP3DWUXSS48", "asin": "B001BKAEJA", "style": {"Format:": " MP3 Music"}, "reviewerName": " KT", "reviewText": "I didn't realize when I bought single mp3s I'd have to review each one, but oh well. Enjoyed this.", "summary": "Singing ;)", "unixReviewTime": 1404432000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "09 29, 2008", "reviewerID": "AMACIWMU13K5D", "asin": "B0013FZFMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "billyk", "reviewText": "\"Bad things\" from True Blood (HBO) Sunday nights 9PM is the best song from a series this season.\nBill K", "summary": "Best series music", "unixReviewTime": 1222646400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A2TMZI8FD935WW", "asin": "B00UMI9A2Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "rockdan101", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2013", "reviewerID": "A77WCUIJU4SKK", "asin": "B000VZJNIO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tanesha L. Barkley", "reviewText": "This is the official Summer Time Anthem song. Everyone loves this song other artist has added their own special touch to the SummerTime song. If you have not purchase this yet please do so. I believe that have other songs Kool and the Gang wrote is very interesting too. Enjoy", "summary": "Summer Madness", "unixReviewTime": 1374537600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "A3A7RI8WFST71E", "asin": "B009Y6V44W", "style": {"Format:": " MP3 Music"}, "reviewerName": "wise tech", "reviewText": "This song ministers to the believer in ways that encourage total release of worry. When God has spoken, there is nothing else to say except, \"Amen.\"", "summary": "Amen", "unixReviewTime": 1361318400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A1DWHRG88JPUCX", "asin": "B00137T1GI", "style": {"Format:": " MP3 Music"}, "reviewerName": "favaexpress", "reviewText": "What can anyone say that as not been said about the pointer sisters just another great song.", "summary": "... not been said about the pointer sisters just another great song.", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2013", "reviewerID": "A21X3U0ELWDPPQ", "asin": "B000YUHZBI", "reviewerName": "Don Kennedy", "reviewText": "Everyone loves this simple tune of exquisite beauty. I will never tire of hearing it, and this is an excellent recording.", "summary": "Canon in D", "unixReviewTime": 1373328000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2012", "reviewerID": "AQ8ANW056XQ7E", "asin": "B001248CDK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Movie Fan", "reviewText": "Great Job I hope that you keep up the good job for electronic selling of music. Keep it up OK?", "summary": "Great Job", "unixReviewTime": 1352332800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A32GF9L4D8GA90", "asin": "B00B13OPB0", "reviewerName": "QueenJones", "reviewText": "LOVE IT", "summary": "Five Stars", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A14VN1YPC1VE9Z", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "1ronnie", "reviewText": "best song of the year this is a real make you feel good song", "summary": "great song", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A22TDUQ2GM18OL", "asin": "B0011Z74IE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Caesar Espinoza", "reviewText": "It's Prince. Nothing else needs to be said.", "summary": "It's Prince. Nothing else needs to be said.", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "ADAQDVXCRNSL0", "asin": "B001NB5BE0", "style": {"Format:": " MP3 Music"}, "reviewerName": "SlickShady", "reviewText": "I Love It.", "summary": "Five Stars", "unixReviewTime": 1503100800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A21EZ8H4GCYQI8", "asin": "B00NZHKYTM", "style": {"Format:": " MP3 Music"}, "reviewerName": "judy m merrill", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2013", "reviewerID": "A2LKE0SEQBP6PD", "asin": "B0043ZDFEQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ms. Red", "reviewText": "I really really really love this album. I love Bruno Mars but the price was so much lower than expected and it is so good it is worth twice that.", "summary": "His Best", "unixReviewTime": 1371081600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1AGSQSCIZB1J1", "asin": "B000W1VDAS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joseph Pendergrass III", "reviewText": "Baby making music", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "ASFQBB524HVRJ", "asin": "B00137IJ2U", "style": {"Format:": " MP3 Music"}, "reviewerName": "curly1", "reviewText": "Like", "summary": "Five Stars", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "A2UAVYFK0WQ36R", "asin": "B00265UBM4", "style": {"Format:": " MP3 Music"}, "reviewerName": "moe725", "reviewText": "It came with my kindle and unlike other selections, I could never find a way to delete it from my device.", "summary": "Terrible", "unixReviewTime": 1377907200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A29TBI1KA3XSVZ", "asin": "B004EF1M2C", "style": {"Format:": " MP3 Music"}, "reviewerName": "kbryant", "reviewText": "I have always loved this song and could not wait to get it for my Kindle. I listen to it all the time.", "summary": "gone in 60 secs....", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A3DY2RKJLJHT9M", "asin": "B00CWNS5DC", "style": {"Format:": " MP3 Music"}, "reviewerName": "William F. Korolsky", "reviewText": "Everything as expected. Thank you.", "summary": "Five Stars", "unixReviewTime": 1420934400} +{"overall": 4.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A225KOTGHS3BRA", "asin": "B000TDB5MA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patrick", "reviewText": "Love it.", "summary": "Four Stars", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A1GNSG4YLP3N0M", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Dean", "reviewText": "Nice..", "summary": "Five Stars", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A13UFV2NWMQZ6B", "asin": "B000V6O3CE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Douglas Goodin", "reviewText": "I met someone and this is exactly what I wanted to say to her. Saved me from having to sing!", "summary": "Perfect Song for Summer", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "ACPS3LG8Z1JK2", "asin": "B00136NE8A", "style": {"Format:": " MP3 Music"}, "reviewerName": "A. Stoops", "reviewText": "Great Song!", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "01 1, 2008", "reviewerID": "A3KUC5K5VSJNU9", "asin": "B000SXKPYU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Grranimal", "reviewText": "We love you Norah, daughter of Ravi Shankar, the great sitar player and mentor of the Beatles.", "summary": "Folk classic with a great hook!", "unixReviewTime": 1199145600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A36ZJRH7NFH1C7", "asin": "B0060BHDVC", "reviewerName": "Edelmira Espinosa", "reviewText": "Beautifull music", "summary": "Five Stars", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A1357F4E3JL6IR", "asin": "B000SZBPAQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "jmloftus13", "reviewText": "This is a beautiful song! I added it to my worship playlist that goes with me everywhere. This artist is becoming a new favorite.", "summary": "Love it!", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AR8AC8KLBQJVT", "asin": "B001NYCXWA", "style": {"Format:": " MP3 Music"}, "reviewerName": "chuktuk44", "reviewText": "A Don Henley great.", "summary": "A Don Henley great.", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "A2DX5RKNP5GPVU", "asin": "B00137VFH6", "reviewerName": "GravelGertie", "reviewText": "Who doesn't love Ken Burns' films on PBS? This 'Scottish-Irish' melody was written by Jay Ungar, who lives in New York. Go figure. Beautiful, performed by the composers.", "summary": "Beautiful, performed by the composers.", "unixReviewTime": 1392422400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "AMRHEZ7RKSHK8", "asin": "B00CZF8B68", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sam", "reviewText": "great item", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A3EPIX8BBBA5K2", "asin": "B002LYXFHI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Josh R.", "reviewText": "I can't get enough of this album. It puts me in a great mood and state of mind.", "summary": "It puts me in a great mood and state of mind", "unixReviewTime": 1462233600} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A3TTCIWET3HYQH", "asin": "B00136Q5T0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Neil Diamond good,Streisand is another story.", "summary": "Pretty good.", "unixReviewTime": 1426118400} +{"overall": 1.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A2O1EBPCAGFQ88", "asin": "B00PHV7D7U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ed Anderson", "reviewText": "I thought I liked this song until I played it a few times. I have to be careful not to play it for audiences that are too young.", "summary": "Review 7/11 by Beyonce", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A2SP7WD6OEYG5M", "asin": "B00GLP4DMO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Christine", "reviewText": "awesome!!!!!", "summary": "Five Stars", "unixReviewTime": 1413936000} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2014", "reviewerID": "A2JNTKCVVJFO17", "asin": "B000VZV9KY", "style": {"Format:": " MP3 Music"}, "reviewerName": "compugor", "reviewText": "Popular oldie which remains fresh to listen to down to this very day. Intelligible lyrics that tell a fun story. Cool!", "summary": "A Must-Have Classic Hit", "unixReviewTime": 1403222400} +{"overall": 4.0, "verified": false, "reviewTime": "05 31, 2008", "reviewerID": "ASP7N59L4E90M", "asin": "B0016679I8", "style": {"Format:": " Audio CD"}, "reviewerName": "annonymus", "reviewText": "this is an amazing new album from one of the best metal bands out their totally recommend this album for any Sevendust fan or rock and roll fan.", "summary": "very good album hugh step forward for sevendust", "unixReviewTime": 1212192000} +{"overall": 3.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A1I0H669U0J60X", "asin": "B0012EJPCM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gary", "reviewText": "Z Top", "summary": "Three Stars", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "A28DJ4FW2LG77Z", "asin": "B000S3JC9E", "style": {"Format:": " MP3 Music"}, "reviewerName": "John Mckee", "reviewText": "I have downloaded this to my collection of Oldies and it sounds just like it sounded in the good old days.", "summary": "A great Oldie", "unixReviewTime": 1355529600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A3PZC5SHN37CLJ", "asin": "B00KWGRS6G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Al Lucas", "reviewText": "Funk filled to the brim.", "summary": "Five Stars", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2018", "reviewerID": "A1CQ7OGXTG0USJ", "asin": "B00330WKMA", "style": {"Format:": " MP3 Music"}, "reviewerName": "judi postlethwait", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1527984000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "A3LIOQ6M991VBX", "asin": "B00J401FTM", "style": {"Format:": " MP3 Music"}, "reviewerName": "nikki", "reviewText": "I absolutely Love this song ! I pay a lot of money for my music so I make sure I like what I'm buying ! and this is on my play list , love it !", "summary": "great song", "unixReviewTime": 1408147200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A3C0847WXDRWC5", "asin": "B00L4LUI74", "style": {"Format:": " MP3 Music"}, "reviewerName": "Barbara Hardie", "reviewText": "Such a great song...makes me want to watch, \"Begin Again\" again!", "summary": "awesome song from the movie, \"Begin Again\"", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A232A8PWAXIODE", "asin": "B00136RVYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "SBS", "reviewText": "Who from my generation can't love this whole album as a MP3 download! Love it and love this music. Always have. Thanks!", "summary": "Thanks!", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A334VYSWKUZMGQ", "asin": "B00A8U014C", "style": {"Format:": " Audio CD"}, "reviewerName": "Erin McNally", "reviewText": "Great product! Will do business with a again.", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 4.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A3N4Y706ETZL85", "asin": "B00137KEZ0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Elizabeth A. M.", "reviewText": "I downloaded this song into my son's M.P. 3 he likes it.which makes me happy", "summary": "Four Stars", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "A11D7PJDW9U0P6", "asin": "B00CO73XHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Krisa Lynn hall", "reviewText": "Great song!", "summary": "Five Stars", "unixReviewTime": 1481414400} +{"overall": 5.0, "verified": false, "reviewTime": "04 12, 2013", "reviewerID": "A19WZXTBQP42S4", "asin": "B00136O0CY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Steve Sotomayor", "reviewText": "I don't know any other song of Autograph, so I can't compare to there other songs but this one of the best hair metal songs of the 80's. Very catchy and makes you want to sing along.", "summary": "One of the best 80's metal one hit wonder songs", "unixReviewTime": 1365724800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A2EJOYUXA2HT64", "asin": "B000V66HBO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gil Griffin", "reviewText": "Love the song!", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 3.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A1IQTY6MQP0WR1", "asin": "B001GYXMVS", "style": {"Format:": " MP3 Music"}, "reviewerName": "em", "reviewText": "song", "summary": "Three Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "AMD8BH7CRW02F", "asin": "B000VZV9Y0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nutt4668", "reviewText": "Good tunes.", "summary": "Rock on", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2012", "reviewerID": "A1Z2BK739AXXE3", "asin": "B001EE4OF8", "reviewerName": "Sincerely Written", "reviewText": "This song inspires you to praise God for everything He is and everything He has done in your life. It is uplifting and upbeat~ helps you focus on counting your blessings.", "summary": "The Song Title Says it All!", "unixReviewTime": 1348272000} +{"overall": 4.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A3C5REWKUEDQ8G", "asin": "B00IVKQ2LC", "style": {"Format:": " MP3 Music"}, "reviewerName": "StarMaster", "reviewText": "It's close to being a 5-star song. I'm constantly amazed at how many younger people not only know the song, but know the iconic spelling moves! Just a fun song.", "summary": "I'm constantly amazed at how many younger people not only know the ...", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A5PZNLSCMM4KQ", "asin": "B00FY9PGJ2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Johnny", "reviewText": "Good Song", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 2.0, "vote": "4", "verified": false, "reviewTime": "01 6, 2008", "reviewerID": "A2WB4OWBUH2VQX", "asin": "B000YSUPVW", "style": {"Format:": " Audio CD"}, "reviewerName": "HardyBoy64", "reviewText": "I am a big Marie fan (since 1976!) but this christmas album is just plain BAD. She scoops the notes all over the place and well, YUK. She's never sounded more like Kathie Lee Gifford than on this CD. I want my $ back because I'll never listen to this again.", "summary": "What a disappointment!", "unixReviewTime": 1199577600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A2N0ORB4ES548E", "asin": "B00K2RD9QI", "style": {"Format:": " MP3 Music"}, "reviewerName": "LAURENCE E WILLIAMS", "reviewText": "I play it often.", "summary": "You have to listen to the words.", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2012", "reviewerID": "AYYI6HYH1DQBP", "asin": "B001NB1C6G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Book Vu", "reviewText": "Great! Great! Great! Great! Great! Great! Great! Great! Great! Great! Great! Great! Great! Great! Great! Great! Can you tell i think it is great!", "summary": "great", "unixReviewTime": 1356739200} +{"overall": 3.0, "verified": false, "reviewTime": "01 24, 2013", "reviewerID": "A1LWOUFLMBW8CA", "asin": "B008BNAOQ8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "I remember listening to it at a party and it had more groove perhaps it was the memory of the party which turned me into an impulsive buyer.", "summary": "it is okay", "unixReviewTime": 1358985600} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A2T70MZ9R9RV0W", "asin": "B00CJOZW76", "style": {"Format:": " MP3 Music"}, "reviewerName": "shopswnbored", "reviewText": "This one didn't have enough available stars! :)", "summary": "Awesome tunes!", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2PI7U6JSG4NMP", "asin": "B01F49DZEO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Princess", "reviewText": "Awesome dancing song!", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2018", "reviewerID": "A32RFXJLOMEGSE", "asin": "B003VXHTG6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Angela Atkinson", "reviewText": "Just what I wanted.", "summary": "Just what I wanted.", "unixReviewTime": 1522022400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2017", "reviewerID": "A1RRBYBS9IZWQD", "asin": "B001NTPDXG", "style": {"Format:": " MP3 Music"}, "reviewerName": "william r bailey", "reviewText": "Like it", "summary": "Five Stars", "unixReviewTime": 1504915200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A37553726TM67U", "asin": "B001EUTW3G", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Chris Tomlin does it again... this words of this song will take your breath away as you worship Jesus!", "summary": "Five Stars", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2TQ7H0AQUV9D2", "asin": "B00AJ8ZCDI", "reviewerName": "T V Robinson", "reviewText": "As expected", "summary": "Five Stars", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "AFJJM3HYWGNY1", "asin": "B00OXE36DC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Happy", "reviewText": "Fun song to listen to!", "summary": "Fun Happy Song!", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "A2L3Q5FZLPH4SJ", "asin": "B000WLD27U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Endora Adams", "reviewText": "George just gets better with age this song is equal to Troubadour. it just want to make you lay back and kick your feet up.", "summary": "carrying your love with me is equal to Troubadour", "unixReviewTime": 1403049600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A3QEOGJXHI6UEG", "asin": "B0186SETC2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Irene Garcia", "reviewText": "Love the foo fighters", "summary": "Five Stars", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A1TU1ZW2WXS8QQ", "asin": "B00137G8MS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Colette", "reviewText": "Love this song!", "summary": "Love this song!", "unixReviewTime": 1409184000} +{"overall": 4.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A3F2TT3VSQS9W8", "asin": "B0011W0D6C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Terry Reid", "reviewText": "The lyrics definitely bring you to a point of thought unescapeably brilliant.\nAlthough I liked the song, it didn't give me that jolt that I look for in a country song.", "summary": "Another Classical Country Tune", "unixReviewTime": 1382745600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "ACHOMZPUV9JWC", "asin": "B000VXC7SE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "This is a group I have lived from the beginning. I have an Anniversary coming soon & no other song would do. Thanks for the quick download", "summary": "This is a group I have lived from the beginning ...", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "AOOO689LRB613", "asin": "B015D2NQDW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Candus M. Vallee", "reviewText": "It, great thank you for having it I really like the the song a whole lot.", "summary": "great thank you for having it I really like the ...", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2017", "reviewerID": "A1EEY23QXP47DL", "asin": "B00137OEOW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Candice Watts", "reviewText": "Kenny Chesney took his music off of spotify, So this us a good way to own it. The song is very sad, but beautiful.", "summary": "Sad", "unixReviewTime": 1514678400} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "AB5PBUUJ4HSEL", "asin": "B002X07TMC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mary M. Urbanek", "reviewText": "I love Lady Gaga. She is so campy. This song is so much fun to sing along with. And I love looking forward to her new styles and songs.", "summary": "Love the Gaga", "unixReviewTime": 1368748800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A34UEVYJIBAZ", "asin": "B00137URHA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laura H. Quaney", "reviewText": "My daughter loves Carrie Underwood and has all of her cd's.", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A2ZKJVT3ZI97UK", "asin": "B01H4G91FM", "style": {"Format:": " MP3 Music"}, "reviewerName": "P ski", "reviewText": "for a Tarzan movie. Yep, you read that right. Enjoy!", "summary": "Primarily atmospheric...", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2018", "reviewerID": "A1TK6SJIJB0FCT", "asin": "B000W05EGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "JOHNNY A. ROBERTSON", "reviewText": "pretty song", "summary": "Five Stars", "unixReviewTime": 1524960000} +{"overall": 3.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A2SPKIX3SIPQHN", "asin": "B00ASYVFEI", "style": {"Format:": " MP3 Music"}, "reviewerName": "TJay William", "reviewText": "good music", "summary": "Three Stars", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A2S9D3513H6I2J", "asin": "B00122K0OQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Johannese Pasteur", "reviewText": "Great music,so sad", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 1.0, "verified": true, "reviewTime": "07 26, 2013", "reviewerID": "A2024JF3VOLJ6X", "asin": "B002LQ3MBK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike", "reviewText": "i don't listen to music because music is generally unappealing to me and have no reason to listen to it.", "summary": "i", "unixReviewTime": 1374796800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A3DLS92WG7RIC5", "asin": "B0019KCZG2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mary Dorsey", "reviewText": "Very good", "summary": "Toby mack", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "ATBO0CSYJ1UK8", "asin": "B00136NFZW", "style": {"Format:": " MP3 Music"}, "reviewerName": "MICHAEL E.", "reviewText": "best song ever", "summary": "no better song out there for America....except celine dion God bless America ....but could not find hers", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2017", "reviewerID": "A1ZNRP8GQO5WQJ", "asin": "B000W05EGI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laquita", "reviewText": "Loved this song when I first heard it great song!", "summary": "Five Stars", "unixReviewTime": 1498694400} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A3DTQF11RSQY66", "asin": "B00J9R8TMG", "style": {"Format:": " MP3 Music"}, "reviewerName": "D&amp;J Frank", "reviewText": "great product...", "summary": "Five Stars", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "AUHTKUOOHG7S3", "asin": "B000TD777C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Clarence Gant", "reviewText": "Good CD", "summary": "Five Stars", "unixReviewTime": 1524441600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A1DAJZO8DIGDYS", "asin": "B0014KDDK4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Albert A. Thurman", "reviewText": "Classic...everyone was singing along to this one. The poor bastards with that phone number were harassed mercilessly then.", "summary": "The poor bastards with that phone number were harassed mercilessly then", "unixReviewTime": 1410480000} +{"overall": 4.0, "verified": false, "reviewTime": "08 25, 2014", "reviewerID": "A1ZMHOPYICBNQA", "asin": "B0011Z0YQI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gadgetboy", "reviewText": "Great tune. Way deep. Mellow and soulful", "summary": "Four Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A11N5EIBFNH936", "asin": "B00X0FSO8M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Anon Y Mous", "reviewText": "Love the singer - love the music!", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2017", "reviewerID": "AKYNIMNI8LOBP", "asin": "B0013D7TW0", "style": {"Format:": " MP3 Music"}, "reviewerName": "Richard Weems", "reviewText": "Classic", "summary": "Classic", "unixReviewTime": 1500076800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "AERRLBB4MYEV6", "asin": "B00O5S8FVY", "style": {"Format:": " MP3 Music"}, "reviewerName": "dsknipfer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1484179200} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2013", "reviewerID": "A2RU9ASRPWBLG3", "asin": "B007MU87KG", "style": {"Format:": " MP3 Music"}, "reviewerName": "sstumpf", "reviewText": "How do you rate a song? If you didn't like the song you wouldn't download it right?? I mean really!!", "summary": "like", "unixReviewTime": 1366588800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A1006TXWG76H0N", "asin": "B00122HKXA", "style": {"Format:": " MP3 Music"}, "reviewerName": "rvpoole", "reviewText": "LOVE THIS SONG!!!!!", "summary": "Five Stars", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A1CSDYINERDFGB", "asin": "B005JT0A4I", "style": {"Format:": " MP3 Music"}, "reviewerName": "Big Daddy Gray", "reviewText": "Hey not my favorite but the grandkids like it so I keep an assortment of children's music to hopefully quieten them down. Sometimes grandpa just needs a break", "summary": "Go Round and Round", "unixReviewTime": 1398297600} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A1KS6P54RU1MMK", "asin": "B00AAAKH80", "style": {"Format:": " Audio CD"}, "reviewerName": "WYSIWIG70", "reviewText": "I thought it would be better. It's got some good songs, but that is about it. I don't know if I would buy all of the album.", "summary": "It's an OK CD...", "unixReviewTime": 1378080000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A3KXZMKP8KKHSV", "asin": "B00CV8G8KA", "style": {"Format:": " MP3 Music"}, "reviewerName": "T. Samuels", "reviewText": "Excellent song - love it!", "summary": "Five Stars", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "A3IYLLZ0T0TTVV", "asin": "B000W1774O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nicole TX", "reviewText": "Heard this version on YouTube and loved it. I think it was also on the trailer for Logan.", "summary": "Five Stars", "unixReviewTime": 1495584000} +{"overall": 4.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "AP3ESH7BJM3DE", "asin": "B01719S8SI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michelle P", "reviewText": "Good peppy song. Good driving music", "summary": "Gold", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A1UHV0T152J92N", "asin": "B00123FJM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "M. Pray", "reviewText": "Great workout music! Really keeps me going in the gym!", "summary": "Five Stars", "unixReviewTime": 1421625600} +{"overall": 3.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A6HIIA0TBNR6T", "asin": "B002R1MRLA", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kindle Customer", "reviewText": "Sounds good.\n I just have not made it all the way to the end. Maybe it is just my preference for more natural sounds.\nSkyBlueC", "summary": "Sounds good. I just have not made it all the ...", "unixReviewTime": 1452643200} +{"overall": 4.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "AKSUWBL9DP74T", "asin": "B0011Z2Z0Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "danny m.", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "AK2PIAA79O1FJ", "asin": "B0017DHRJ6", "reviewerName": "Norman Allan", "reviewText": "very good quality, price & delivery, well done!", "summary": "very good quality, price & delivery, well done!", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": false, "reviewTime": "04 10, 2013", "reviewerID": "A3PW8AK5K0EG2R", "asin": "B0042UAKD6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Just another P&amp;P gal", "reviewText": "I just love it, it is so emotional and sweet. I think is one of my top ten romantic favorites.", "summary": "I remember when I first heard this song...", "unixReviewTime": 1365552000} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A165P3MOJV3OVZ", "asin": "B000S50V9C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cesar", "reviewText": "Enjoyed it", "summary": "Five Stars", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A2GW50SX3SYTE3", "asin": "B0013DA8R8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bean's", "reviewText": "Sounds great thanks....", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2013", "reviewerID": "A30KBPRPZYP1XJ", "asin": "B00121BSFC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Catherine M.", "reviewText": "The Newsboys sing with such enthusiasm! The lyrics are good, and so is the beat of this song! Try it for yourself!", "summary": "The Newsboys have a powerful energy!", "unixReviewTime": 1373760000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2014", "reviewerID": "A1XYJCWQMY7HGI", "asin": "B00137QW4M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Londe-ji", "reviewText": "I just love this song. Jordin Sparks & Chris Brown are perfect together. So haunting. You've just gotta hear it.", "summary": "One of My Favorite Songs", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A122V5E39HOBVT", "asin": "B000SNWFSE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Joseph A. Miller", "reviewText": "love that song", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2013", "reviewerID": "ADNIF12OTV8E8", "asin": "B004EXX11Y", "style": {"Format:": " MP3 Music"}, "reviewerName": "Earl", "reviewText": "This song reminds me of the school dances. Everyone on the floor moving and grooving to the beat. Man, do I miss those days!!", "summary": "Dance Music", "unixReviewTime": 1370822400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A2Y7WKADML0JDI", "asin": "B00MS42NAG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Heidi", "reviewText": "Very fun song!", "summary": "Five Stars", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2013", "reviewerID": "A2GOD5MBPTN82W", "asin": "B00136NVKG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Peaceful", "reviewText": "back in the day this is the song i'd play to get me motivated getting ready for work. when your pregnant you need that beat sometimes to get you up and moving when you know your in for a long day or evening at the hospital.", "summary": "moving", "unixReviewTime": 1359676800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2012", "reviewerID": "A10YG5BXSCPD91", "asin": "B004BCNWM6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Aeiou", "reviewText": "What I love about Pink CDs is that I tend to like more than just a song or two, and this was no exception.", "summary": "Lots of good songs", "unixReviewTime": 1352246400} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A2ZK4WK12AHF20", "asin": "B000W03IQ6", "style": {"Format:": " MP3 Music"}, "reviewerName": "fre", "reviewText": "Love", "summary": "Love", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "AKONYRYHYWYU5", "asin": "B005FC9XME", "reviewerName": "R.A. Whitaker", "reviewText": "The winters in northern Ohio are long. I have tinnitus and need some noise to help me sleep. I put this on repeat and dream peacefully of high summer, even in February.", "summary": "Ahh, warm summer sounds in February", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2013", "reviewerID": "A16RLYAF8E4D29", "asin": "B00136LRVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gloria Barletta", "reviewText": "Billy Joel is the Piano Man. Back in the day he did a wonderful job of keeping up with the times.", "summary": "Great", "unixReviewTime": 1359072000} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A30XJBEAGP5L4E", "asin": "B001O3UEVC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Michael T Johnson", "reviewText": "Great music!!!!!", "summary": "Five Stars", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2013", "reviewerID": "ATWAETVUCWZ5T", "asin": "B0017TAR88", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laurie C. Kilgore", "reviewText": "This song reaches out to me when i've mistakenly begun to try to fix the world all by myself and, of course, failed!", "summary": "Sooooo comforting", "unixReviewTime": 1370217600} +{"overall": 3.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "A3FDB5ZMVJYANF", "asin": "B00JX38ACA", "style": {"Format:": " MP3 Music"}, "reviewerName": "JK", "reviewText": "I like this. It sounds familiar. I hope I still like it after a few more times being played. But it can't be to bad for free.", "summary": "It is good for the time.", "unixReviewTime": 1388793600} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "A2RBMS0UREUHI8", "asin": "B001O3SPAE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Rachel DeFelice", "reviewText": "we used this song for my uncle's funeral and it was downloaded fine and worked great on the CD it was burned to.", "summary": "Good song download", "unixReviewTime": 1362096000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A3LJUTUA8KELXM", "asin": "B001QUJHZC", "style": {"Format:": " MP3 Music"}, "reviewerName": "M", "reviewText": "Dierks Bentley has great music that you should listen to . Feel That Fire is a great song, along with the many others that Dierks has released.", "summary": "Feel the music", "unixReviewTime": 1374883200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A3KI6BR7K37S1I", "asin": "B001NHHXLS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monica R. Brown", "reviewText": "Can't get enough of listening to this song!", "summary": "Five Stars", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A18BF26F8R9EZ5", "asin": "B000V66RM8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Pepe", "reviewText": "Clasic Stevie Wonder.\nTimeless and always excellent listening", "summary": "Stevie is Stevie. Always a joy to listen to.", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2012", "reviewerID": "A34RO7EAZ5C5FH", "asin": "B00137MIXQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "MellyMellz", "reviewText": "Great song. I like it better than the English version. It's catchy, dance-able, etc. This makes me miss her old music...lol", "summary": "Love it", "unixReviewTime": 1336608000} +{"overall": 4.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A4KVXNCQI8A5Q", "asin": "B00FBR1F9M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jorjie69", "reviewText": "Good song", "summary": "Good song", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "A2R1SMW8FEFDFO", "asin": "B0011Z8NSY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ronald Bolster", "reviewText": "One of Gordons finest, ya just gotta hear it. He's only got a few like this, great to have, mixes in well with my road music.", "summary": "Classic Gordon", "unixReviewTime": 1366848000} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "AKMWILI3V2XCY", "asin": "B004BDCGPE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Phil S.", "reviewText": "I give Alan Jackson a 5 star rating. I enjoy his classic style of country music. I had all the songs on this album on MP3, but if like an artists music, I will continue to support them. Keep up the great work Alan", "summary": "Alan Jackson 34 Number Ones Review.", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A244A5M5A8CILM", "asin": "B0043CJC3C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Laura Tvedte", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A1EQYMWJPM3CZ0", "asin": "B000VZKNU6", "style": {"Format:": " MP3 Music"}, "reviewerName": "d b moore", "reviewText": "i like iti like it", "summary": "Four Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A6AYTMYH4UM7E", "asin": "B00137V6BG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Guillermo Urbina", "reviewText": "AAA", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AXFNC11IE5NYW", "asin": "B001KSENIG", "style": {"Format:": " MP3 Music"}, "reviewerName": "foto51dude", "reviewText": "Best version of this song IMHO.", "summary": "Best version", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A2MV3TN2R6YA0", "asin": "B002SE1I7A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Monica Petersen", "reviewText": "great group", "summary": "Five Stars", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A53MYGKVK9HEM", "asin": "B00138E80Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wilter T.", "reviewText": "great song", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": false, "reviewTime": "12 23, 2012", "reviewerID": "A1S8TMB12G7GKE", "asin": "B00GDL60JU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jas", "reviewText": "I really love this song. I have listened to it so much and still can hear more. Thanks and enjoy.", "summary": "great", "unixReviewTime": 1356220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A120RH58WVY4W6", "asin": "B00B4R493C", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kelly Blaz", "reviewText": "I first heard this on Sirius radio and I really liked it. I'm not sure what else to say. Great song.", "summary": "Great Song", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A25NVX0SZDYEWX", "asin": "B00480DMJ4", "style": {"Format:": " MP3 Music"}, "reviewerName": "martin robinson", "reviewText": "good song", "summary": "Five Stars", "unixReviewTime": 1483401600} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A28AJ511MTC11F", "asin": "B0012298LC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jewell", "reviewText": "Oldies but goodies", "summary": "Oldies but goodies", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "AILXQNZL2BI2F", "asin": "B00L632GZW", "style": {"Format:": " MP3 Music"}, "reviewerName": "michelle backlas", "reviewText": "Nice easy going kind of a song!", "summary": "Five Stars", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "AKW5WFJ24WMW4", "asin": "B001HE0KJE", "style": {"Format:": " MP3 Music"}, "reviewerName": "GAPEACH", "reviewText": "download easy", "summary": "Great Song", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "AN5BWCA0MU1LR", "asin": "B002WPXHV0", "style": {"Format:": " MP3 Music"}, "reviewerName": "bythelake", "reviewText": "Love it! Best price!", "summary": "Love it! Best price!", "unixReviewTime": 1437523200} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A2TSDETXQRK48V", "asin": "B00MQK6H4A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Domh D. Fraser", "reviewText": "Mood music", "summary": "Good stuff", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "A1L3JFW2U2RCUS", "asin": "B004L179G2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Josh", "reviewText": "Gotta dog named molly. Love uh. Love uh. Love uh.", "summary": "Chant the Phone Call. Wait, did you call?", "unixReviewTime": 1368748800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A17BKQC4M62W3Y", "asin": "B000WSWEOA", "style": {"Format:": " MP3 Music"}, "reviewerName": "jbarn", "reviewText": "love this song", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A3SLQ8E61S8CMH", "asin": "B00G7IVP1M", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tisha Ashpole", "reviewText": "With any title in this collection at with such a low price tag you can not go wrong. Very happy with every title of this collection I have purchased.", "summary": "Very happy with every title of this collection I have purchased", "unixReviewTime": 1416355200} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A2E5HVW8DMU76Z", "asin": "B000TD754W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patryce V. Jerricks", "reviewText": "Songs that fill the Spirit", "summary": "Four Stars", "unixReviewTime": 1429920000} +{"overall": 1.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A3KYQWXBYYB561", "asin": "B0013EWRP8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kiki Christensen", "reviewText": "Mostly instrumental.", "summary": "One Star", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2013", "reviewerID": "A1153CUC3CM81E", "asin": "B006WV6EEC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrs. M", "reviewText": "Amazon cloud is easy to use simple easy downloads and i could use it anytime i want\ngreat buy!! thanks", "summary": "my fav song", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A7U593YQPBGE0", "asin": "B0014EVOCE", "style": {"Format:": " MP3 Music"}, "reviewerName": "c. who", "reviewText": "You just can't not like ZZ Top. And Sharp Dressed Man is the epitome of a feel good song, lets all bob our heads and sing along and it's the best. Always. They've even parodied it on Duck Dynasty...can't beat that.", "summary": "ZZ Top", "unixReviewTime": 1358899200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "ANGEFJJZ5MHFS", "asin": "B00AIGPWR2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Htitcomb", "reviewText": "This music is so relaxing. I love all this music by the lullaby tribe. It will calm you down and put you to sleep.", "summary": "Peaceful music", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A1ZTX9MO8674B5", "asin": "B00136NOVM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Yoogene", "reviewText": "Special memories associated wit this song", "summary": "Five Stars", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "A184PC2REGOQQX", "asin": "B006W9T31K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Flowerlillies", "reviewText": "Love it.", "summary": "Love it.", "unixReviewTime": 1467417600} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A1RW1PSWQ5EUES", "asin": "B00NW3ZFJI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome song! And the funny thing is, I lived this song for almost two months before I heard it!", "summary": "I plead the blood!", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A1KUGRY83X6104", "asin": "B000WLMNEI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrs. Linda A. Poe", "reviewText": "Nice song.", "summary": "Five Stars", "unixReviewTime": 1489449600} +{"overall": 5.0, "verified": false, "reviewTime": "11 27, 2013", "reviewerID": "AC2X7PFJ36QCM", "asin": "B00B113E0U", "style": {"Format:": " MP3 Music"}, "reviewerName": "Nay", "reviewText": "Love it!!!! I can't hear this song enough, it is just so powerful, it's an anthem song to the power of Jesus, clear plain and simple, this is one of the best versions, at least my favorite.", "summary": "There is Power in His Great name - JESUS", "unixReviewTime": 1385510400} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A15VFMU0WO8ED2", "asin": "B00UMI95DI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Paul M. Frasca", "reviewText": "It has been way too long since Breaking Benjamin released a new album but this was well worth the wait.", "summary": "Fantastic album from start to finish", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2013", "reviewerID": "A35TGNGXCH72JP", "asin": "B00C6MPXUM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mrs. Beasley", "reviewText": "You should listen to this album! It's got musical tunes and words that no other music can provide. It will find a place in your heart that's never been touched before... It's a toe-tapper!", "summary": "If you haven't tried Bluegrass music-", "unixReviewTime": 1378080000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "AT63QQ7M0MPRH", "asin": "B000W16YX4", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kionna Williamson", "reviewText": "Classic", "summary": "Five Stars", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A2NPWIYBFW3ITH", "asin": "B00137KHK2", "style": {"Format:": " MP3 Music"}, "reviewerName": "Patricia Meller", "reviewText": "classic!", "summary": "Five Stars", "unixReviewTime": 1424044800} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2012", "reviewerID": "A254KBQG5XNX14", "asin": "B00123JIDY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Uncle Honey", "reviewText": "The song downloaded quickly and easily and was priced fairly. This is a very Convenient way to make such purchases.", "summary": "Done right", "unixReviewTime": 1346889600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A12Y9O2BQ352N8", "asin": "B006ABZY7C", "style": {"Format:": " MP3 Music"}, "reviewerName": "MX bookworm", "reviewText": "For someone that loves music this is one more album to have with highlights of one of the Masters, now I need some quiet hours to really enjoy it...", "summary": "Great music, very good performances", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A8SSQ3F61OD30", "asin": "B00O6DQJUW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gregory A. Ray", "reviewText": "Sweet!!", "summary": "Five Stars", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2012", "reviewerID": "ADWSD45P3NZGU", "asin": "B001R62FAY", "style": {"Format:": " MP3 Music"}, "reviewerName": "WakkyWabbit", "reviewText": "Reviews require at least 20 words so how much can you say about an MP3? It downloaded quickly, Amazon quality is fair. No problems noted with song. I wish Amazon would offer higher quality MP3s.", "summary": "Standard MP3 review", "unixReviewTime": 1342224000} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2013", "reviewerID": "A22VZ4GIQN0GNZ", "asin": "B00BWGHIHY", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mabel", "reviewText": "Such a great upbeat song!!! Listen to it every day. Hope he makes more like this one~ It is so different!!", "summary": "Whoopee!", "unixReviewTime": 1379116800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A2I4RN68AYEQ5R", "asin": "B00137KFLS", "style": {"Format:": " MP3 Music"}, "reviewerName": "gabriel guzman", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A245ANAN6N149B", "asin": "B002CAANH6", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer", "reviewText": "Prince is one of the best to do it. His version is always pure.", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A2MKG8P7L2PPPB", "asin": "B0013IMW0E", "style": {"Format:": " MP3 Music"}, "reviewerName": "discodj", "reviewText": "very good quality", "summary": "movie songs", "unixReviewTime": 1433030400} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A2AWR3ZZNBTI0R", "asin": "B002HP8EKE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Hillard Green", "reviewText": "\"I won't be wronged, I won't be insulted, and I won't be laid a hand on. I don't do these things to other people and I require the same from them.\"", "summary": "I won't be wronged", "unixReviewTime": 1393545600} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A159D3JKGUEEL0", "asin": "B00122CB70", "style": {"Format:": " MP3 Music"}, "reviewerName": "Amazon Customer- Sara Lavena", "reviewText": "My grandma loved this song!", "summary": "Reminds me of a good time", "unixReviewTime": 1463270400} +{"overall": 4.0, "verified": false, "reviewTime": "04 29, 2016", "reviewerID": "A339HAK9XEKW1M", "asin": "B00O2RCFDC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Cami", "reviewText": "Fun song", "summary": "Fun song", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A2BWO2L2RDYBCY", "asin": "B00260NY7S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Romie Clark Smith", "reviewText": "Incredible song and performance by Major Harris.", "summary": "Five Stars", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A11BQXTMP37M2S", "asin": "B00BEQZ5J0", "style": {"Format:": " Audio CD"}, "reviewerName": "Kathleen Kelley", "reviewText": "I never heard of the Mavericks until I saw a music video of them on the country station. They don't sound country to me but I am glad I saw it because this is a great CD.", "summary": "Good music", "unixReviewTime": 1493596800} +{"overall": 3.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A4GCMY1XYPT2K", "asin": "B0014DNFI6", "style": {"Format:": " MP3 Music"}, "reviewerName": "customer", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A2WIKOVO28F9DA", "asin": "B00FX8F8AQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jessica", "reviewText": "Great love this song", "summary": "Five Stars", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2016", "reviewerID": "AI2WD20YMB1TS", "asin": "B00137IIRG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Mike Breeze", "reviewText": "Even though I like 60's music I liked this song because the group utilized the 'Throw everything musically against the wall and see what sticks' method of performing it. I didn't realize until later what the person was going the distance for. Now I know! Great song.", "summary": "Throw it against the wall and see what sticks!", "unixReviewTime": 1479513600} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2014", "reviewerID": "A2MDSOEI9W5WBF", "asin": "B000W1774O", "style": {"Format:": " MP3 Music"}, "reviewerName": "Tom in Mississippi", "reviewText": "Johnny has mad many songs that are wonderful. The ghostly sound of \"Hurt\" makes it one of my favorite. I don't know of any other song that has this sound.\n\nRIP Johnny Cash!\nYour biggest fan!", "summary": "Cash", "unixReviewTime": 1393459200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A1MAKB0RRC8TZ1", "asin": "B006U62M1S", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jackie", "reviewText": "Good sound quality.", "summary": "Five Stars", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "A3CB9C18OZ4WJL", "asin": "B0013D6RWS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Bernice C. Hayes", "reviewText": "I love this song. I listen to it while studying and also travel. I recommend it to anyone who is looking for an anointed song of praise.", "summary": "I love it.", "unixReviewTime": 1367452800} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2013", "reviewerID": "A2NP9CGUSFP22E", "asin": "B005CV7CNA", "style": {"Format:": " MP3 Music"}, "reviewerName": "BG", "reviewText": "The product is well priced and very good quality as well as a good selection. I'm sure there are better products available but all the Amazon compilations represent good audio quality & excellent values.", "summary": "Compilation", "unixReviewTime": 1360800000} +{"overall": 4.0, "verified": false, "reviewTime": "01 3, 2016", "reviewerID": "A1WORZYMXBJPXV", "asin": "B017TJY294", "style": {"Format:": " MP3 Music"}, "reviewerName": "UTAH7.62x39", "reviewText": "A lot better then his older stuff. Not so mush tweener pop any more.", "summary": "Four Stars", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2017", "reviewerID": "A13MFXK6S7VG37", "asin": "B00IVKQ2LC", "style": {"Format:": " MP3 Music"}, "reviewerName": "David", "reviewText": "I've been a fan of this song for years. The only downside is not being able to see the lyrics on my phone as I listen to it. I do know most of them, but it sure would be nice to see them on-screen.", "summary": "Love this song!", "unixReviewTime": 1499644800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A2TWCLNH1NP51O", "asin": "B00B5CFVJW", "style": {"Format:": " MP3 Music"}, "reviewerName": "coloradofan4ever", "reviewText": ":-)", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": false, "reviewTime": "03 10, 2013", "reviewerID": "A1FVMR93NS5RN2", "asin": "B009VLXO16", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kyoko", "reviewText": "Taylor Swift continues to capture our hearts with her newest album, Red. I have always liked Taylor, and find myself still loving this girl and all her music. I would recommend this song and album to anyone and everyone.", "summary": "Adorable as ever", "unixReviewTime": 1362873600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "A2N5VE7XY18XES", "asin": "B002BPH1F4", "style": {"Format:": " MP3 Music"}, "reviewerName": "J. Begg Jr.", "reviewText": "Cool song. The Peas know how to put together a good dance song. Great for DJs. Would recommend this song.", "summary": "Good dance tune for DJs", "unixReviewTime": 1385769600} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A16BPVZUE1PBVZ", "asin": "B00U9RXY7K", "style": {"Format:": " MP3 Music"}, "reviewerName": "Camarogirl", "reviewText": "Pretty nice, thanks!", "summary": "Four Stars", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A7BH80C3V2RUU", "asin": "B005CZRYPW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Wicked Stepmother", "reviewText": "Great Classic song that I wanted for my iPod.", "summary": "LOVE It", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A3LWMUCL91VG2H", "asin": "B0011Z2Z0Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "CCRIDERMS", "reviewText": "Trying to get my Prince collection back on track, loved the movie, love the soundtrack", "summary": "A must purchase", "unixReviewTime": 1479254400} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "AU4ED72NQTWNE", "asin": "B002Q6J6YW", "style": {"Format:": " MP3 Music"}, "reviewerName": "Lemarr E. Thomas", "reviewText": "Good music", "summary": "The Artist.", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2016", "reviewerID": "A2N32NCM5DY1FJ", "asin": "B005F1WL1A", "style": {"Format:": " MP3 Music"}, "reviewerName": "Juloren", "reviewText": "Good", "summary": "Good", "unixReviewTime": 1451692800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A1FJSCNYLU4126", "asin": "B0013803HS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Gift Card Recipient", "reviewText": "Classic song from the late 60's. To me it never gets old.", "summary": "Five Stars", "unixReviewTime": 1479168000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A18REVWRZ4GA7M", "asin": "B00BNXAA12", "reviewerName": "wendy kipp", "reviewText": "1", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A10KHX41ONY4U1", "asin": "B00LXPEH4Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "C E Matthews", "reviewText": "I LOVE this song. It is just so cool and it really moves me.", "summary": "Five Stars", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A3SVEO7B77QV4E", "asin": "B00137OFR8", "style": {"Format:": " MP3 Music"}, "reviewerName": "julmos", "reviewText": "I love journey used to go out with a guy that looked like Steve Perry. But unfortunately when he tried to sing that's were it ended lol serious. There music is the best have a couple albums left of theres", "summary": "best song", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A2UYBXJACYG1N9", "asin": "B00122A23K", "style": {"Format:": " MP3 Music"}, "reviewerName": "John", "reviewText": "Awesome", "summary": "Awesome", "unixReviewTime": 1453852800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A237M7IG2OT9NE", "asin": "B001O03DGS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Alan D.", "reviewText": "Great old song", "summary": "Five Stars", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A1M3F4G45OXRDI", "asin": "B000V64QQM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Victor1212", "reviewText": "Sounds just like a digital file of a song, which is exactly what it is.", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"reviewerID": "A3RGYOLV1R5O1Y", "asin": "B00123FMKM", "reviewerName": "Rita Zehner", "verified": true, "reviewText": "Seals and Crofts, always takes me home", "overall": 5.0, "reviewTime": "05 11, 2016", "summary": "Five Stars", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2015", "reviewerID": "A1DHO28IKRHYKA", "asin": "B010GLWJXI", "style": {"Format:": " MP3 Music"}, "reviewerName": "MelodicMetalWarrior", "reviewText": "The Best STRYPER Album Ever ? This album is up there !\nOne of my favorites ! Melodic & Heavy ! Buy this ! Also check out these bands - Kamelot - Magnitude 9 - Royal Hunt here on ITunes", "summary": "STRYPER at their Best !", "unixReviewTime": 1451520000} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A1HVTP58Q1CTJL", "asin": "B0013F0HCM", "style": {"Format:": " MP3 Music"}, "reviewerName": "Jose M. Vazquez", "reviewText": "As expected\nFast arrival. Good price!", "summary": "Good price!", "unixReviewTime": 1438732800} +{"overall": 4.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "AAZC2PR6GMD8B", "asin": "B0083EW97W", "style": {"Format:": " Audio CD"}, "reviewerName": "Debbie", "reviewText": "This is a good John Mayer CD. It has some good songs on it.", "summary": "Good John Mayer CD", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "ARL6X85H4EU9B", "asin": "B003LWW9EO", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sharon E. Rogers", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A3PL6TUZRYMVGB", "asin": "B00123JUGE", "style": {"Format:": " MP3 Music"}, "reviewerName": "Peaches", "reviewText": "this the real version how i remember this great song", "summary": "the real version", "unixReviewTime": 1469232000} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "ARLB196GJEJLF", "asin": "B000TD754W", "style": {"Format:": " MP3 Music"}, "reviewerName": "Vickey V. Ellis", "reviewText": "Great gospel singer who give such blessed music for you to listen to.", "summary": "Smokie Norful", "unixReviewTime": 1409184000} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A103U341AE3HO4", "asin": "B00C593P56", "style": {"Format:": " MP3 Music"}, "reviewerName": "Helen L. gill-Smith", "reviewText": "Chris August was recommended to me by a friend. The style is something I'm getting used to, and I love to explore new music of worship.", "summary": "Chris August was recommended to me by a friend", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A2HLY9EPUUH1WH", "asin": "B00JUEXDH4", "style": {"Format:": " MP3 Music"}, "reviewerName": "joe g.", "reviewText": "Great song!", "summary": "Five Stars", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A2OIZ18UU02OTI", "asin": "B001ERSL86", "style": {"Format:": " MP3 Music"}, "reviewerName": "gj2", "reviewText": "Great song on a great album.", "summary": "Rocking!", "unixReviewTime": 1463270400} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A3GGA163GM7VX7", "asin": "B00137MTF8", "style": {"Format:": " MP3 Music"}, "reviewerName": "Sonja Johnson", "reviewText": "I liked this to begin with and I was very happy to find it as a single. Maybe I'll save my pennies and get the whole album another time but for now this makes me very happy. Great vocals and of course amazing guitar", "summary": "Love it", "unixReviewTime": 1390953600} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A3IDH6J4UI7D9N", "asin": "B006ITDF04", "style": {"Format:": " MP3 Music"}, "reviewerName": "Stan", "reviewText": "great classic song!", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 3.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "A3ITD2FDGPB5CR", "asin": "B000TDURL0", "style": {"Format:": " MP3 Music"}, "reviewerName": "LISA", "reviewText": "THIS IS A OK SONG IT WAS EASY TO DOWNLOAD WITH NO PROBLEMS AT ALL THE ALBUM MIGHT BE OK", "summary": "CD", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": false, "reviewTime": "05 26, 2015", "reviewerID": "AQ0EEGQSYV8CK", "asin": "B00V6BUKJI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Liam O'Brien", "reviewText": "My favorite album by S.J. so far! Love her Joni Mitchell sound yet I love how unique her original style is. Definitely take a listen!", "summary": "Amazing.", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A13GFPB9VWNJL0", "asin": "B0011Z4ZDQ", "style": {"Format:": " MP3 Music"}, "reviewerName": "Troy Janicki", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A3RMZPK9F8EV1M", "asin": "B000QO5DAC", "style": {"Format:": " MP3 Music"}, "reviewerName": "DjCrazzyman", "reviewText": "Good tunes, did I mention I dislike writing reviews ??", "summary": "Four Stars", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A2O2TK53QQQVPK", "asin": "B00122A8HU", "style": {"Format:": " MP3 Music"}, "reviewerName": "Debs", "reviewText": "I enjoy all the songs I purchase from Amazon for my Kindle. The qualitiy of these songs are wonderful.", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2016", "reviewerID": "A2EIFZ15A9BANZ", "asin": "B00136PY5Q", "style": {"Format:": " MP3 Music"}, "reviewerName": "Larry in the mountains of PA.", "reviewText": "Awesome song from the 80's and a great bunch of guys !", "summary": "Awesome song !", "unixReviewTime": 1472601600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A2ZC65K528GEJT", "asin": "B00137WZVG", "style": {"Format:": " MP3 Music"}, "reviewerName": "Katja", "reviewText": "GREAT ALBUM, LOVE IT, LOVE IT !!!!!!!!!!!!!!! Fast delivery and in good condition.", "summary": "GREAT ALBUM", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A2H1VR588JTZ20", "asin": "B001411WN8", "style": {"Format:": " MP3 Music"}, "reviewerName": "lilpup", "reviewText": "Good music", "summary": "Good music", "unixReviewTime": 1470528000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 14, 2017", "reviewerID": "A1D9Z43302HLP1", "asin": "B001VFSNYS", "style": {"Format:": " MP3 Music"}, "reviewerName": "Kirvin C. Brewer", "reviewText": "I love Randy Travis! This is a cd with his best songs and I absolutely love it. I pray for his continued journey to better and complete health.", "summary": "GREAT CD!", "unixReviewTime": 1494720000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "AFWT6ZN8GMYCW", "asin": "B0018CJ67M", "style": {"Format:": " MP3 Music"}, "reviewerName": "mark", "reviewText": "like it a lot", "summary": "Five Stars", "unixReviewTime": 1489276800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "ACEGR53ZYCROC", "asin": "B00VY4GLWC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Elr", "reviewText": "Love the vocals best on the CD", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2013", "reviewerID": "A1Z6WNG6RCCB0U", "asin": "B000W05AKI", "style": {"Format:": " MP3 Music"}, "reviewerName": "Branson", "reviewText": "One of Preston's best felt song ever. It captures everything that love should be about but often times isen't. For the those still willing to feel the deepest impact of love, this song is for you!", "summary": "A beautiful love song", "unixReviewTime": 1367971200} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "AFQEKEJHTXB62", "asin": "B00474GUX6", "reviewerName": "Carter79", "reviewText": "great song", "summary": "Four Stars", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2017", "reviewerID": "AFWZGQESHAJLL", "asin": "B001380YKO", "style": {"Format:": " MP3 Music"}, "reviewerName": "LN", "reviewText": "Guardians of the Galaxy reintroduced me to this song. It's great, and just like Starlord, when I hear it, I want to dance.", "summary": "Guardians of the Galaxy", "unixReviewTime": 1495065600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "ALPCW7QJVQ09S", "asin": "B00137TMKI", "style": {"Format:": " MP3 Music"}, "reviewerName": "some guy", "reviewText": "Loved this tune back in the day,really enjoy it now. When I listen to it I feel like I have hair once again...", "summary": "Hair??", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A3EME8SJCVSR5Q", "asin": "B004ZEWIKC", "style": {"Format:": " MP3 Music"}, "reviewerName": "Ronald L. Toews", "reviewText": "Love this song. Brings me back to a happy time in my youth.", "summary": "good value", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A2YO6ETTU9RYDU", "asin": "B00M5LKANE", "style": {"Format:": " MP3 Music"}, "reviewerName": "jenn", "reviewText": "great music", "summary": "great music", "unixReviewTime": 1419897600} +{"overall": 3.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2DARHKCF0ZT4O", "asin": "B001NU6FGE", "style": {"Format:": " MP3 Music"}, "reviewerName": "F", "reviewText": "Good Music!", "summary": "Three Stars", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A2U8PYO667PVO0", "asin": "B00YIB0OFS", "style": {"Format:": " MP3 Music"}, "reviewerName": "luvmuszic", "reviewText": "LOVE THIS!, This track really got my attention - never heard of Toby Mac, but after listening to this, he's now a member of my music repertoire! Just purchased the complete album.", "summary": "LOVE It!", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A1DWHRG88JPUCX", "asin": "B001C3FRAM", "style": {"Format:": " MP3 Music"}, "reviewerName": "favaexpress", "reviewText": "One of those songs that brings back good memories and just have to it.", "summary": "Five Stars", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "AN0ZSVY310R3", "asin": "B003O3RJ40", "style": {"Format:": " MP3 Music"}, "reviewerName": "jack", "reviewText": "YOU (HAVE TO) SHOULD GET THIS! There are single tracks everywhere that are each worth the ridiculous price.", "summary": "YOU (HAVE TO) SHOULD GET THIS!", "unixReviewTime": 1523318400} +{"overall": 3.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "AAPOQVDM5ZTHB", "asin": "B00A87ERYK", "style": {"Format:": " MP3 Music"}, "reviewerName": "Emily Anne", "reviewText": "Christmas", "summary": "Three Stars", "unixReviewTime": 1410307200} diff --git a/keith-galli_nlp/data/training/train_Electronics.json b/keith-galli_nlp/data/training/train_Electronics.json new file mode 100644 index 0000000..4ae68a2 --- /dev/null +++ b/keith-galli_nlp/data/training/train_Electronics.json @@ -0,0 +1,2500 @@ +{"overall": 4.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A2MFDD9860KMGU", "asin": "B00005ML7R", "style": {"Style:": " CS95"}, "reviewerName": "Confidential", "reviewText": "so far, so good.", "summary": "so good.", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2014", "reviewerID": "A2PY3KITGI7BRY", "asin": "B00004WCFY", "reviewerName": "john f. richnavsky", "reviewText": "This product is accurate to the tenth power, I have never had a miss fire, the product was very useful at events where you need a second flash unit to be an additional light for the subject, I fully reccomend this product, the price is right for the service that it gets you.", "summary": "Strobe slave unit", "unixReviewTime": 1400112000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "AFG12IEZUKI2S", "asin": "B0000BZL0U", "style": {"Size:": " 82 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Jason", "reviewText": "I have many B+w filters and this is one of them sick on my 16-35mm f2.8. Difficult to see the difference between with and without the filter.", "summary": "filter used with 16-35", "unixReviewTime": 1356307200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A3PSALAUBU8ATN", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "GP", "reviewText": "Has a screw that holds it firmly on the outlet. Takes seconds to put it on and is a solid product. This is the second one I have purchased and happy with it.", "summary": "Easy product to install", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A1D0FDP81G29IN", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Plus | L2 Managed"}, "reviewerName": "Lynne", "reviewText": "works great!", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A1NJZTO1VGRO80", "asin": "B00005T3EM", "reviewerName": "Inam U. Khan", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1435104000} +{"overall": 4.0, "verified": true, "reviewTime": "07 1, 2013", "reviewerID": "A3QFOYRN9G515S", "asin": "B00006IAAM", "style": {"Size:": " 9 Pack"}, "reviewerName": "Kerry Searle", "reviewText": "More expensive too. However, I have one of the first talking phone answering machines that's going strong and I like that I can have a mobile tape recording without dinking around with how to do something electronically to save a recording.", "summary": "Harder to find these days.", "unixReviewTime": 1372636800} +{"overall": 2.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A3K9L5DJ32LVK8", "asin": "B00004ZCC1", "style": {"Size:": " 72mm"}, "reviewerName": "Duane", "reviewText": "I gave this CPL two stars because one, it spins as advertised and two, I could just barely tell it gave me some polarization. Worst polarizer I've ever used. I'm actually surprised that Tiffen put this product out; mine was that poor.", "summary": "Mediocre At Best", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "AYS9D9X1TWY5G", "asin": "B00008Y0VN", "style": {"Size:": " 15x70"}, "reviewerName": "Terry M Baldwin", "reviewText": "Amazing! These are great binos for the price. Naturally there are some movement due to the huge magnification but I can see the craters on the moon perfectly!", "summary": "Amazing! These are great binos for the price", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "AY4JLAB3IPH82", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "A. Gordon", "reviewText": "These things are awesome to reduce clutter at a desk where you have so many power adapters.", "summary": "Great to reduce clutter.", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A299EJP2NZIAMR", "asin": "B00002EQCW", "reviewerName": "Dr. Robert", "reviewText": "Wonderful connectivity to all ports. The best!", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 3.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "AP31EMJNU1NJT", "asin": "B00007M1TZ", "reviewerName": "Chaco", "reviewText": "I thought that it was good for my husband who has hearing loss. However, he doesn't like to wear it.", "summary": "My husband didn't like it", "unixReviewTime": 1455580800} +{"overall": 3.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A2LDP22VJPG7Z5", "asin": "B0001HA8WW", "style": {"Size:": " 1-Pack"}, "reviewerName": "Joseph R Deutsch", "reviewText": "I was not impressed", "summary": "Three Stars", "unixReviewTime": 1472342400} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A3QZQO6YGZZ7Y5", "asin": "B00007M1TZ", "reviewerName": "Dolphin", "reviewText": "Very good, if you'd have better voice output so that I would not have to speak loudly that would be great!", "summary": "I recommend it", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A1C3SDJ9BDJ5RY", "asin": "B00005N9D3", "style": {"Product Packaging:": " Standard Packaging", "Style:": " UR-20"}, "reviewerName": "Melanie P.", "reviewText": "Sound great especially for the rice. Also comfortable - the cans fit completely over my ears with room to spare. Also like the extra long cord.", "summary": "Sound great especially for the rice", "unixReviewTime": 1476489600} +{"overall": 1.0, "vote": "6", "verified": false, "reviewTime": "05 16, 2004", "reviewerID": "A2RV56C21T320Y", "asin": "B0000CEKED", "style": {"Color:": " Silver"}, "reviewerName": "Sam", "reviewText": "I also, thought that Panasonic still made quality. We were all wrong. Just out of warranty the motor quit (HO7 error) as have MANY,MANY others. I checked the google search and this problem runs through most of their product line. Bye bye Panny; hello Sony.", "summary": "AVOID AT ALL COSTS. Bad motors HO error", "unixReviewTime": 1084665600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A1KNHTB98J0F0P", "asin": "B000067SNK", "reviewerName": "FatSlav", "reviewText": "Not much to it.", "summary": "Five Stars", "unixReviewTime": 1410307200} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A1KT19TDP9VE63", "asin": "B00007KDX6", "style": {"Color:": " Silver"}, "reviewerName": "Honest Consumer", "reviewText": "This is my second one. It's a great little radio. Sometimes it's hard to find the exact station - with the dial but if I keep trying I can.", "summary": "Great little radio. I just with the read out was digital.", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": false, "reviewTime": "08 18, 2009", "reviewerID": "A1KH4N3AOO60LH", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "J. Peterson", "reviewText": "Wow what a lens. For about $100 it takes some incredible portraits. I added it to my Canon XSI and honestly I don't think we will need to take family photos at Sears anymore this lens is that good.", "summary": "Incredible lens for the price", "unixReviewTime": 1250553600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A1N22U0SY6UNRO", "asin": "B0000DC0T4", "reviewerName": "cynaug", "reviewText": "Just the right photo book book to store all those 8x10 school photos of the kids! I wanted a good thin lightweight book/album to store the kids school photos, I didn't want to use a bulky photo album.....this is just the right thing. Well worth whatever price it is.", "summary": "8x10 photo book...perfect!", "unixReviewTime": 1418515200} +{"overall": 1.0, "verified": true, "reviewTime": "01 12, 2018", "reviewerID": "A1BXEI38GAHJW7", "asin": "B00006JQKA", "style": {"Size:": " 8\" SUBWOOFER", "Color:": " Green"}, "reviewerName": "Sumnfun", "reviewText": "Non powered sub which puts out very little bass. This added virtually no value to hour outdoor listening pleasure. We ended up using an old powered sub from indoors and modified an outdoor rated bin to use as a housing.", "summary": "Bad purchase, skip it. Not worth the time to install or purchase.", "unixReviewTime": 1515715200} +{"overall": 3.0, "verified": false, "reviewTime": "11 30, 2016", "reviewerID": "AKT07BJZWTGEZ", "asin": "B000068O43", "style": {"style:": " 1/4\" TS to 1/4\" TS Coupler"}, "reviewerName": "Frequent Buyer", "reviewText": "These were inexpensive, but slide out of the pedals easily. It's as if they don't click into place. I have some LiveWire couplers that are amazing and will buy exclusively moving forward, even if they are a bit pricier.", "summary": "Slide Out if Pedals", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2012", "reviewerID": "A1VHDGG2CXBQ6T", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Luke Jarrett", "reviewText": "Don't be expecting anything shiny about this cord.\n\nIt is a very simple, generic product. It works great though! Haven't had an issue so far.\n\nHighly recommended. I bought 3.", "summary": "Generic as cereal, but it works", "unixReviewTime": 1352764800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A2FWP05ZCASGRC", "asin": "B0000BVYT3", "style": {"Capacity:": " 16 Port", "Model:": " Unmanaged"}, "reviewerName": "Amazon Customer", "reviewText": "Plug & Play ready. Very easy to install", "summary": "Very easy to", "unixReviewTime": 1473465600} +{"overall": 3.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "ASISVGKCABBWU", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "N. J. LACROSS", "reviewText": "The cable itself is really thin and stringy. Not an issue for me, but it is worth the mention.\nThe connectors were kind of meh as well. Sometimes they needed to be turned around to function 100%.", "summary": "The cable itself is really thin and stringy. Not ...", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "AOBDXXQ3YLK40", "asin": "B00009V6U0", "style": {"Capacity:": " 1 GB"}, "reviewerName": "Joe", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2007", "reviewerID": "A3IPQFIIJEBTQN", "asin": "B00004Z5TH", "style": {"Color:": " Blue", "Capacity:": " 5-Foot"}, "reviewerName": "Douglas O. Johnson", "reviewText": "its cheap and works fine", "summary": "Belkin A3L850-S 5-Foot RJ45 CAT 5e Snagless Molded Patch Cable (Blue)", "unixReviewTime": 1179014400} +{"overall": 2.0, "vote": "10", "verified": true, "reviewTime": "08 6, 2010", "reviewerID": "A34XQN6FZTMHI", "asin": "B0001LS3EI", "reviewerName": "Corbett C. Browne", "reviewText": "This multi angle device works great for about a month, then it quits. Great idea, but the execution is less than you would hope for.", "summary": "Works great for awhile", "unixReviewTime": 1281052800} +{"overall": 4.0, "verified": true, "reviewTime": "08 7, 2009", "reviewerID": "A3O0TAWBE4KVY1", "asin": "B00009V2PG", "reviewerName": "D. S. Clemens", "reviewText": "My wife loves this option. I would have rated 5 star, but it is not wireless. Sound and voice quality is very good.", "summary": "Panasonic Headset", "unixReviewTime": 1249603200} +{"overall": 4.0, "verified": true, "reviewTime": "11 20, 2011", "reviewerID": "A357Y3VJYYT9U9", "asin": "B00006B9W1", "reviewerName": "G Browne", "reviewText": "Good quality sound output from these very good value speakers. I would have liked a little more tone control than just the bass control, ie a bit more mid range boost/cut but I haven't found anything else in this price range that provides this.", "summary": "Good Value", "unixReviewTime": 1321747200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "03 9, 2006", "reviewerID": "A1BX2A5TY9VCHY", "asin": "B000068CNU", "reviewerName": "Jean-Lucien Cantave", "reviewText": "Hooking up a Home Theater involves many components. The Belkin SurgeMaster 9-oulets surge protector is really a blessing and allows a home theater owner to provide protection to often expensive components. Outlets are even provided for transformers.", "summary": "Belkin SurgeMaster very useful for Home Theater owners", "unixReviewTime": 1141862400} +{"overall": 1.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "ATXS7PZMYQWJM", "asin": "B00005LE6Z", "reviewerName": "CanonIsBetter", "reviewText": "First!! The lens has a lot of vignetting on my D600. It was so bad, that I initially thought it was oil all over the edges. Nikon reassured me that it was just the lens.", "summary": "One Star", "unixReviewTime": 1427068800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "AC70WHPF5OPWA", "asin": "B000065BPB", "reviewerName": "ProfessorX21", "reviewText": "These headphones are no joke. They put out some serious sound and do an awesome job at blocking out background noise. The cord is plenty long and coiled for flexibility and is thick and durable. I'm so glad I got these.", "summary": "A Great investment.", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3BZVSM5KLDQHF", "asin": "B000067SLY", "reviewerName": "William", "reviewText": "Bought to have power to two xbox drives for a HDD upgrade. Worked great and cheap!!", "summary": "Works great!!", "unixReviewTime": 1434412800} +{"overall": 4.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A1DFOX38Y7MU1L", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Amazon Customer", "reviewText": "It's heavy, but overall it performs great.", "summary": "but overall it performs great.", "unixReviewTime": 1468713600} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2010", "reviewerID": "A2RS5C7UH29Q2V", "asin": "B0000C4G78", "reviewerName": "alpinebob", "reviewText": "I got this item to replace the one I lost there are no camera stores around here that carry them any more", "summary": "ok", "unixReviewTime": 1277683200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A3COOJ2OFFKF6O", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Steve-o", "reviewText": "It is cool looking, stands up on it's own and is large enough to give a good, generous blast with every squeeze. A good combination for my needs.", "summary": "It is cool looking, stands up on it's own and is ...", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A2SM7UJ457CWDX", "asin": "B00011KM3I", "style": {"Size:": " 48", "Color:": " Black"}, "reviewerName": "Vinchenzo", "reviewText": "Keep all of my discs in one neat case. Just what I wanted.", "summary": "Five Stars", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2013", "reviewerID": "A1NVCFX4PU0NYK", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "GWAGG", "reviewText": "M tape for Brother P-Touch. Not much to say other than it loaded right into our P-touch Home & Hobby model PT-65 labeler. Prints fine.", "summary": "M tape for Brother P-Touch", "unixReviewTime": 1360281600} +{"overall": 4.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "A8G29WY725KQC", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "T. Pendergrass", "reviewText": "This splitter is fine. It has durable connections. The end to connect to my iPad with a cover is too large to fit. Works well on any port with some room around the entry.", "summary": "works great", "unixReviewTime": 1371427200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A1NAM8YMET6Z17", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Dr. Clive R. Bagshaw", "reviewText": "In use for more than a year and still cleans of lens smears from camera and binoculars - small enough to clean small eye-pieces", "summary": "Works well", "unixReviewTime": 1402617600} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2012", "reviewerID": "A3VYRP0A5864TH", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "R. E. Gottschalk", "reviewText": "This is just what we needed for the new floor outlet that we installed by my wife's chair. It gives her the flexibility on plugging in her laptop, home phone, cell phone etc.", "summary": "Good product", "unixReviewTime": 1355097600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2013", "reviewerID": "A20MRXEQ1L5N9O", "asin": "B00004SABB", "style": {"Size:": " 16 x 32mm", "Color:": " Black"}, "reviewerName": "aire2aire", "reviewText": "These little binoculars were great. They had good clarity and were easy to focus for an inexpensive pair. I keep them in my glove box and they have come in quite handy at the beach and in the woods when bird-watching.", "summary": "Great value", "unixReviewTime": 1379030400} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "A1G5T652XQM9YA", "asin": "B000067RM9", "style": {"Size:": " 7-Foot", "Color:": " Black"}, "reviewerName": "Edwin", "reviewText": "Not much to say, it works as it should. Good overall value.", "summary": "Good Value for the Price", "unixReviewTime": 1404000000} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A2HW0381HKOYLE", "asin": "B0001XO674", "style": {"Style:": " 5.25\" 150 Watts Black"}, "reviewerName": "S. Forcier", "reviewText": "No bass. Kind of tinny", "summary": "Three Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2017", "reviewerID": "AQL0167RXSM6F", "asin": "B000068OFB", "style": {"Length:": " 3 Feet"}, "reviewerName": "Dodd Rivers", "reviewText": "Used to clock my M Audio Octane Pre to Steinberg UR824 in my home recording studio. No jitter. No issues. No need for fancier cables. Your mileage may vary depending on your application.", "summary": "Used to clock my M Audio Octane Pre to Steinberg ...", "unixReviewTime": 1496707200} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A38HE8S1KV94RC", "asin": "B00006ICIW", "reviewerName": "kathleen ames", "reviewText": "Came with instructions and started using it within seconds! It was a great price and works just fine. Definitely recommend !", "summary": "Cheap and works great", "unixReviewTime": 1357862400} +{"overall": 5.0, "verified": false, "reviewTime": "05 11, 2017", "reviewerID": "A35FVWDY0RF9KT", "asin": "B00016W6NC", "style": {"Size:": " 6 in", "Style:": " Straight"}, "reviewerName": "Crash Davis", "reviewText": "Not much to say beyond it works, it fits and it's really small and convenient.", "summary": "Small and works fine", "unixReviewTime": 1494460800} +{"reviewerID": "A14JIZXOO0KY1", "asin": "B00009KLAE", "reviewerName": "Obvious Expectations", "verified": true, "reviewText": "great price/product", "overall": 5.0, "reviewTime": "03 26, 2015", "summary": "Five Stars", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2008", "reviewerID": "A3QJ2H1R16YPIG", "asin": "B00006AG6C", "style": {"Size:": " 8x42"}, "reviewerName": "G. Fresquez", "reviewText": "Checked out this pair at a local sporting goods store so I knew what I was buying. The price was right and the product that I received was excellent. Quick delivery.", "summary": "Great product", "unixReviewTime": 1221523200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A2SZT4JLPGXVZX", "asin": "B00009R6K7", "style": {"Size:": " 52mm"}, "reviewerName": "Ed Rockville", "reviewText": "Accidently dropped brand new megazoom camera on first trip. The Sigma filter shattered, but the camera lens was fine. So it performed its protective function perfectly. Can't comment on its optical properties, particularly compared to similar filters.", "summary": "Saved lens of my brand new camera", "unixReviewTime": 1376956800} +{"reviewerID": "A2Y4EPXS3TGKCP", "asin": "B00009KLAE", "reviewerName": "Joao Mendes", "verified": true, "reviewText": "Not really necessary", "overall": 1.0, "reviewTime": "07 19, 2016", "summary": "Don't bother", "unixReviewTime": 1468886400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A250PDTHNWHQU4", "asin": "B00005141S", "style": {"Style:": " Live Gamer Portable"}, "reviewerName": "Holly", "reviewText": "Very good product, works very well and capture crystal clear video and audio.", "summary": "Five Stars", "unixReviewTime": 1470268800} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1AAZ0Y67QZD1G", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "warhorse109", "reviewText": "Works Great with my D7100", "summary": "Does just what it says!", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A34MFDHB4O8X03", "asin": "B00029MTMQ", "style": {"Size:": " Microphone + Headphone Extension Cable"}, "reviewerName": "JAMES", "reviewText": "great mic", "summary": "Five Stars", "unixReviewTime": 1432857600} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "AE3D6QVY55497", "asin": "B00006JPEA", "reviewerName": "Johnny Mac1969", "reviewText": "It's what I wanted and it just works!!!", "summary": "It just works", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "A3BI8BKIHESDNQ", "asin": "B00005U21H", "reviewerName": "J C.", "reviewText": "The Monster Cable QLGMTH QuickLock Audio Connector looks like they will be easy to use. I tested one on the receiver connection and it does have a solid grip. For the money if you need connectors give these a shot", "summary": "Monster Cable QLGMTH QuickLock Audio Connector", "unixReviewTime": 1363910400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A4CNZJC77AIRY", "asin": "B00006B8N2", "reviewerName": "Jason Anderson", "reviewText": "It's a handy set of copy clips. Both clips are VERY strong and I'm even able to clip it to a 3/4\" thick desk shelf. I wanted something that didn't take up room on the desk to hold manuscript sheets and this is perfect.", "summary": "I wanted something that didn't take up room on the desk to hold manuscript sheets and this is perfect.", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2012", "reviewerID": "AX0182Q87XDNK", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Lauren", "reviewText": "This is a great filter. Iused it with my camera which is a Canon 5D. works with Canon 5D Mark II", "summary": "Tiffen 58mm UV Protection Filter", "unixReviewTime": 1338768000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "AXTJPNZXRUICQ", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "Mark Lawson", "reviewText": "My mom and dad both use this. They can mute the TV while listening to the show. I love the quiet in the house while they use this.", "summary": "Great for hard of hearing parents", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A3PJLRKJ2YFYUD", "asin": "B00002EQCW", "reviewerName": "David A. Grizzell", "reviewText": "Just what I looking for.", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 4.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A3CV60V2WU9TKI", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Eric Dube", "reviewText": "Pour le prix c'est parfait. 189$$ $$$ $$$ $$$ $$ $$$ $$ $ $$$$ $$$ $$ $$ $ $$ $$$", "summary": "bonne qualite", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": false, "reviewTime": "08 11, 2005", "reviewerID": "ASSEM0XY6N5HM", "asin": "B00007KDVI", "reviewerName": "Jose Suero", "reviewText": "This product works like it is, 4 0 5 walls between my laptop and this router and have a Good Signal", "summary": "Wireless G, Router", "unixReviewTime": 1123718400} +{"overall": 3.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "AN450SLVM6ELE", "asin": "B000065BPB", "reviewerName": "Jeff R", "reviewText": "decent but my soul by ludacris get much better sound at around the same price", "summary": "Three Stars", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "AHHN2532AYW5T", "asin": "B00007EDM8", "style": {"Color:": " Black", "Product Packaging:": " Standard Packaging"}, "reviewerName": "bdcool6", "reviewText": "yeah", "summary": "Five Stars", "unixReviewTime": 1409356800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 14, 2011", "reviewerID": "AZQ7O73EAS3VI", "asin": "B0000E6S12", "reviewerName": "David J. Martin", "reviewText": "I had this speaker before and loved it. I ordered this for a friend and he loves it as well. Polk Audio builds some excellent quality speakers for a fair price. I recommend these for any low to mid range theater setup.", "summary": "Excellent Speakers", "unixReviewTime": 1294963200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "AE1PBNR3E4V0H", "asin": "B0000510ZO", "style": {"Size:": " 6ft", "Style:": " 18 AWG"}, "reviewerName": "Philip J.", "reviewText": "Got at a great price, works exactly as one would hope and expect.", "summary": "Very good", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A1AUTM2FWUW57I", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Dayana Caballero", "reviewText": "Works well, perfect length. Durable.", "summary": "Worked as expected", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A24LVKCH52DTRG", "asin": "B00005N9D3", "style": {"Product Packaging:": " Standard Packaging", "Style:": " UR-20"}, "reviewerName": "al becker", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1446336000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2013", "reviewerID": "A1SJCQKVGSHTZ4", "asin": "B00009R6UC", "reviewerName": "...", "reviewText": "So far this lens hood works great. You can put in on reversed if you don't want to use it, but my only little issue is that when it's attached, it doesn't fit on tight like other lenses, instead there is some play, but it's still locked in.", "summary": "great lens hood", "unixReviewTime": 1362009600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2011", "reviewerID": "A1KHK2DZOF99ON", "asin": "B00007FGU7", "style": {"Length:": " 6 Feet"}, "reviewerName": "oshirenshi", "reviewText": "Cables To Go 40407 3.5 mm Male/Female Stereo Audio Extension Cable, Black (6 Feet/1.82 Meters ); just what I wanted; sturdy and reliable", "summary": "Cables To Go 40407 3.5 mm Male/Female Stereo Audio Extension Cable, Black (6 Feet/1.82 Meters )", "unixReviewTime": 1321660800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2010", "reviewerID": "A1V3PCKVCJ3TTZ", "asin": "B0000UV2AW", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Henry Wolford", "reviewText": "It's a simple yet effective way to share one iPod screen or music source. When playing two person games on an iPod Touch, it makes a lot of sense.", "summary": "What's to be wrong with it?", "unixReviewTime": 1263686400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A2DZE219Q98EB2", "asin": "B00009XVA3", "reviewerName": "whatevas", "reviewText": "Are you an astro nut, need to do a timelapse of a busy city street, long exposure captures or perhaps do studio work with a fixed camera that you can't touch?\n\nThis is a necessary tool for you.\n\nThe only thing that sucks is the price.", "summary": "Must have for timelapses, long exposures or studio work", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "AFXL1AIQ0TWCS", "asin": "B00006CJKC", "reviewerName": "Ah Bel", "reviewText": "Works great.", "summary": "Works great.", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A3RGPLX4F1P545", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "James T Noles", "reviewText": "No problem. Exactly what I needed, and delivered in an incredibly short time.", "summary": "No problem. Exactly what I needed, and delivered ...", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": false, "reviewTime": "04 21, 2012", "reviewerID": "A19RL1QCYFDYPB", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "sooyo", "reviewText": "A good brand. Can effectively protect the lens, than I ever use UV. Is worth buying! The price is right", "summary": "good", "unixReviewTime": 1334966400} +{"overall": 5.0, "verified": false, "reviewTime": "08 30, 2015", "reviewerID": "A1R2LCV6Q2Z991", "asin": "B0000ZJDXA", "reviewerName": "iami", "reviewText": "Works well. Note it is the same adapter as the Kenko Teleplus 2X 7 element for Nikon AF, the 2 are the same inside, identical aside from brand name and minor cosmetic differences. Save a few $.", "summary": "Works! It's the same as the Kenko Teleplus 2X 7-element for Nikon", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2011", "reviewerID": "A2H9K1YJ51ZCG5", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "lb4lb", "reviewText": "Usb printer cable, why pay more at a box store! the box store wanted four times as much for this simple cable, just couldn't do it.", "summary": "why pay more", "unixReviewTime": 1314748800} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2007", "reviewerID": "A4AWST8JAPU7N", "asin": "B0001DHHIY", "reviewerName": "J. Johnson", "reviewText": "Some intermittant problems where it does not find the netwrok and the PC has to be rebooted. Other than that, no problems.", "summary": "Easy to install, works OK", "unixReviewTime": 1183593600} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2016", "reviewerID": "A1JHMNUKDR2T81", "asin": "B0001PFQAI", "style": {"Length:": " 10 ft"}, "reviewerName": "Jeff Clark", "reviewText": "Has served me well and is continuing to do so about 2 years later.", "summary": "Does the job and does it well.", "unixReviewTime": 1480550400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "APJ0IOIPQ4689", "asin": "B00004TYBM", "reviewerName": "J. Hammond", "reviewText": "This works great with our camera, very sturdy and satisfactory. It was nice to be able to find it easily on Amazon.", "summary": "Very sturdy", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A2NZ1471O89J7B", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Ron Yancey", "reviewText": "Different colors make cataloging much easier.", "summary": "DVD Cases", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2007", "reviewerID": "ASRU55EXVGMCM", "asin": "B00006G2OJ", "reviewerName": "Adam Darder", "reviewText": "Wasn't looking for much but wanted something I could drop in place and not worry about it. So far this product has fit the bill.", "summary": "Easy to use", "unixReviewTime": 1179964800} +{"overall": 3.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A1B34Q147ZG2W3", "asin": "B00006B828", "style": {"Size:": " 1-Pack"}, "reviewerName": "jsbtmb", "reviewText": "The outlets work so I really cant rate the performance of the surge protector.", "summary": "Three Stars", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A2RNVGCWQHA4XC", "asin": "B00007E7NH", "reviewerName": "Gregory Gawreluk", "reviewText": "Great item at a reasonable price, great delivery, great source I would recommend and or purchase items again.", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "AXA2ZO7Q33VCO", "asin": "B00005LE78", "reviewerName": "Donald L. Cox", "reviewText": "This is a great lens that takes excellent macro images.", "summary": "Great Lens", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A3NWQO3HP4C1ZA", "asin": "B0000DIESU", "style": {"Style:": " Slim Cable - mobile"}, "reviewerName": "B. Chun", "reviewText": "New in box just as described and working perfectly.", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A2G0ZIU8BE6JAE", "asin": "B0001HKIK4", "reviewerName": "Jeffo", "reviewText": "A little bulky and not quite the magnification I was expecting but great build quality and serves it purpose.", "summary": "... and not quite the magnification I was expecting but great build quality and serves it purpose", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A18WZF35AXZGOP", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "nate42nd", "reviewText": "Works great. A little large for my packed camera bag so I keep it close to blow dust off the lenses and Canon.", "summary": "Works great. A little large for my packed camera bag ...", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "AKRHW9U4R5XGQ", "asin": "B00005ML7Q", "style": {"Style:": " 3.5mm Plug"}, "reviewerName": "Carl elder", "reviewText": "Fine", "summary": "Five Stars", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A2EG7IWLQIXQMX", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "ZachariahGreen", "reviewText": "Great quality, simple switch.", "summary": "Good deal", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A19FNS9C9SWOTL", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "M.D., Ph.D.", "reviewText": "The most successful headphones in the history. But sure there are many good one if want to spent money like Beyerdynamic DT880 (still Made in Germany) or original AKG712 (Mine is Made in Austria that I bought in 2012....but now they are Chinese made...so be aware)", "summary": "But sure there are many good one if want to spent money like Beyerdynamic DT880 ...", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A3VXDEQJ3H4TM6", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Mik", "reviewText": "Despite old school design this is the best ears for the money.", "summary": "Five Stars", "unixReviewTime": 1423872000} +{"overall": 2.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A2YEIVVXRY0NQD", "asin": "B0000C16R5", "style": {"Style:": " Mini Pro V"}, "reviewerName": "R. Petersen", "reviewText": "No more stable and less ergonomic than the cheap tripod that was included with my Redfield Rampage spotting scope. If your scope came with a barely adequate tripod, this one will probably not provide much improvement.", "summary": "No more stable and less ergonomic than the cheap tripod that was included with my spotting scope.", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A3GENTNJVXHT6O", "asin": "B00005RFD3", "style": {"Color:": " Jet Black"}, "reviewerName": "Preston McFarren", "reviewText": "Great deal....great sound", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2LWKR6CFL7564", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Rhw_nj", "reviewText": "Delivered quickly as discribed", "summary": "Good value purchade", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2014", "reviewerID": "A2XZ3IV3EHEF7E", "asin": "B00002EQCW", "reviewerName": "Jeffrey L.", "reviewText": "This works but you may have to unplug your router each time you add another pc to the group. More of a router issue than this item.", "summary": "This works but you may have to unplug your router ...", "unixReviewTime": 1415318400} +{"overall": 3.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A2X508THPCU5TX", "asin": "B00008V3EE", "reviewerName": "Kindle Customer", "reviewText": "Works okay, it really isn't what I wanted, once I got it hooked up, I realized I had made a mistake.", "summary": "Works okay, it really isn't what I wanted, ...", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3LRI5G7FX74VI", "asin": "B0001HWL9A", "reviewerName": "Gjohns", "reviewText": "Worked Great!", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "ABM0Q995KC344", "asin": "B0000512U1", "style": {"Length:": " 15ft"}, "reviewerName": "Deal Seeker", "reviewText": "Great wire, well constructed no sign that it would breakdown during normal use.", "summary": "Very nice Cable that should last a very long time", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A3PLGY6RZH5751", "asin": "B0000B006W", "style": {"Capacity:": " 1 GB"}, "reviewerName": "Rudolph Mckinley", "reviewText": "works good", "summary": "Five Stars", "unixReviewTime": 1409875200} +{"reviewerID": "AN00NNK73NVFC", "asin": "B00009KLAE", "reviewerName": "lucky", "verified": true, "reviewText": "great product, it saved my 70-300 lense when i dropped it on a rock\nthis glass cracked and it saved my expensive lens\nnow i'm going to buy another one\nthanks", "overall": 5.0, "reviewTime": "02 2, 2017", "summary": "great product, it saved my 70-300 lense when i ...", "unixReviewTime": 1485993600} +{"reviewerID": "A1QFX1DUXNNYX2", "asin": "B00009KLAE", "reviewerName": "Mark", "verified": true, "reviewText": "Fast shipping, nice filter, thanks.", "overall": 5.0, "reviewTime": "01 16, 2017", "summary": "nice filter, thanks", "unixReviewTime": 1484524800} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A10587VAZ5JU5A", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet + Outlet Control"}, "reviewerName": "fred", "reviewText": "works great", "summary": "Four Stars", "unixReviewTime": 1490918400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A3KCW7GFEL6V46", "asin": "B00000JD3O", "style": {"Size:": " 200 gram", "Color:": " Charcoal"}, "reviewerName": "leighsy10021", "reviewText": "I use these beneath sinks and in closets to prevent must", "summary": "Great for preventing must", "unixReviewTime": 1482883200} +{"overall": 3.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "AX8JM7646PR3N", "asin": "B0000BZOGY", "style": {"Style:": " XL Backpack"}, "reviewerName": "Pretty in Pink", "reviewText": "This will definitely fit a 17\" laptop and then some. I actually don't like the front compartment, it's small and therefore useless, but it fits 2 school books, a full size lap top and fuzzy socks (libraries are cold) along with snacks and drinks, so it gets the job done.", "summary": "Big, too big for me", "unixReviewTime": 1451865600} +{"overall": 4.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "AG2J3NS0QZYBL", "asin": "B00024JN3Y", "style": {"Size:": " Full Size Binoculars"}, "reviewerName": "Ryan Skalski", "reviewText": "Very good at 10 times anything over ....blurry.... but for the price definitely still worth it. But don't expect anything more than 10x magnification.", "summary": "Very good at 10 times anything over", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2012", "reviewerID": "A3SOK5Q5ZCCLKA", "asin": "B00005ATMB", "style": {"Size:": " 224", "Style:": " CD Wallet"}, "reviewerName": "azarianblade", "reviewText": "I love this, i was able to organize my movies, the material also feels and looks durable. For the price cant complain. Happy to have bought this.", "summary": "Nice", "unixReviewTime": 1334966400} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A20S5ZY29WUAV7", "asin": "B00009MVK8", "style": {"Size:": " 25 Discs - Spindle", "Style:": " Branded"}, "reviewerName": "M_McDonnough", "reviewText": "Got this as a gift for a friend. He really liked it.", "summary": "Got this as a gift for a friend. He really liked it.", "unixReviewTime": 1406419200} +{"reviewerID": "AIU13IFGH0EVF", "asin": "B00005ATMK", "reviewerName": "Joshua M.", "verified": true, "reviewText": "Love the case so far,holds quite a bit and was very well priced vs other products based on how much it holds.\n\nWill buy another when I fill this one up for sure.", "overall": 5.0, "reviewTime": "04 6, 2011", "summary": "Very nice", "unixReviewTime": 1302048000} +{"overall": 3.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A218KCJATPH938", "asin": "B0001PFQAI", "style": {"Length:": " 10 ft"}, "reviewerName": "Amazon Customer", "reviewText": "Good cables but the pins come loose. Ordered more than a dozen. The posts could use notches for a flat or star screw driver.", "summary": "Good cables and a reasonable price", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2013", "reviewerID": "A1LAZVW0ASRKE5", "asin": "B0000DYVBY", "reviewerName": "Russel Garcia", "reviewText": "Great Product, works out very well in the pelican case. offers great support for video equipment placed into the pelican case.", "summary": "Foam set", "unixReviewTime": 1384560000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2012", "reviewerID": "AIBROA3R4LMJQ", "asin": "B0000AE6G9", "reviewerName": "Art Driggers", "reviewText": "I need to view some old slides before cleaning and then scanning to digital files. The fits my needs perfectly.", "summary": "It's an inexpensive viewer", "unixReviewTime": 1356220800} +{"overall": 3.0, "verified": true, "reviewTime": "02 13, 2012", "reviewerID": "A17NPJQ734BNYT", "asin": "B00006HZ2Z", "reviewerName": "Tone In DC", "reviewText": "The cleaner works well. Just blow the dust particles off the bristles every so often. One thing... use it with the PC or home theater system volume turned down. The audio on the disc is one long commercial for the company.", "summary": "Scotch lens cleaner", "unixReviewTime": 1329091200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A22MIZQKNAEQIZ", "asin": "B000068O18", "style": {"Size:": " 9.8 Feet"}, "reviewerName": "Bernardo F. Armendi III", "reviewText": "Great product", "summary": "Works Great", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2014", "reviewerID": "A2299X8N5C5VDI", "asin": "B00002EQCS", "style": {"Capacity:": " 08 Port", "Model:": " Metal"}, "reviewerName": "FarmerDave", "reviewText": "Excellent piece of equipment. I now have 3. Got rid of the off brand that it replaced. Dependable and great quality", "summary": "Install and forget it.", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "AUPCERMZ6ASML", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Amazon Customer", "reviewText": "These come in handy when I'm passing out music and etc for our choir. Great product at a great price.", "summary": "Great price Great product", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A3J11AXJ67LQH6", "asin": "B00006343O", "reviewerName": "Charles Hox", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A3KNFE28EOJBHN", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Barbara", "reviewText": "this is the best!", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A2DZYMMZ6YYUJH", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "guesswhokaralou", "reviewText": "I love making mixes for road trips and friends, so these are perfect. There's nothing like a personal playlist to connect people!", "summary": "Mixed CDs aren't dead!", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "ALG3RRU6529EK", "asin": "B0000511E5", "style": {"Length:": " 6 feet"}, "reviewerName": "Mike", "reviewText": "Works great.", "summary": "It works great", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A110PC8C5Y7MQD", "asin": "B00009XVKY", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Grigori", "reviewText": "Pros:\n- small enough in size to take on my canoe trips\n- water proof\n- light weight\n- shock proof\n- can put locks (to deter theft)\nCons:\n- None I can think of", "summary": "Great for canoe trips", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2013", "reviewerID": "A12HB1KDAHOSFA", "asin": "B00009XVCZ", "style": {"Style:": " Lens Only"}, "reviewerName": "Robert Olsen", "reviewText": "The Canon EF 50mm f/1.4 is a great lense. I got some terrific pictures but am still learning to use it.", "summary": "Canon EF 50mm f/1.4 USM Standard & Medium Telephoto Lens for Canon SLR Cameras", "unixReviewTime": 1375142400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A20JZN5KLXL4N6", "asin": "B0000510ZO", "style": {"Size:": " 25ft", "Style:": " 18 AWG"}, "reviewerName": "Joe", "reviewText": "Works great. I replaced my Benq W1070 projector's power cord with this. I ran it up through the ceiling and out the wall to a surge protector. It works great and it high quality.", "summary": "Solidly built", "unixReviewTime": 1420588800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 20, 2012", "reviewerID": "A2UULDI4K939X2", "asin": "B0000ACOBI", "reviewerName": "Amazon Customer", "reviewText": "This mouse can only click and does not have any ability to scroll so be aware of this when you purchase them. It is cheap for this reason I am sure. thanks", "summary": "cannot scroll and is frustrating", "unixReviewTime": 1334880000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2009", "reviewerID": "A2HKIW9RMMSKXI", "asin": "B00004SABB", "style": {"Size:": " 12x25", "Color:": " Black"}, "reviewerName": "Charles", "reviewText": "Small and compact for our trip to Costa Rica. Really enjoyed bird watching with these.", "summary": "great product", "unixReviewTime": 1241308800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "AQO1PT97KTVB0", "asin": "B000068O56", "style": {"Style:": " 1/4\" TRS to Dual 1/4\" TRSF"}, "reviewerName": "Johnnie R. Evans Sr.", "reviewText": "THANKS......... WHEN I NEED IT I HAVE IT.", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2009", "reviewerID": "A137YN42MHHIVX", "asin": "B000095S9H", "reviewerName": "Rob", "reviewText": "This is... the best extension cord I've ever used. Sound is crisp, clear and it even improves video quality! And I don't even own a TV!", "summary": "Yes! It's an extension cord!", "unixReviewTime": 1232323200} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "AYIH1VQVG5NG8", "asin": "B00002EQCS", "style": {"Capacity:": " 05 Port", "Model:": " Plastic"}, "reviewerName": "Mark & Andy VanOsdol", "reviewText": "Great product, great price", "summary": "High quality Great price", "unixReviewTime": 1491350400} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A3NOCKM0B6EYEC", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to 1/4 inch TS"}, "reviewerName": "WriteLyons", "reviewText": "The product is helpful and does what it is designed to do. It helps in a spot when you need a connection that you don't have. Converts a RCA male connector to 1/4 inch male. Sound is clean and no issues. Only reason not a five star was slow delivery.", "summary": "Reliable, inexpensive and does the job", "unixReviewTime": 1389830400} +{"overall": 5.0, "vote": "11", "verified": true, "reviewTime": "04 2, 2011", "reviewerID": "A2KOVIR77XIN1B", "asin": "B00006364I", "reviewerName": "Justin", "reviewText": "Holds my CD's perfectly, had to put it on the passenger side though because my head hits it if it's on the drivers side, but that's just because my car's small. Thanks!", "summary": "Awesome!", "unixReviewTime": 1301702400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A3VT0631DXIOWB", "asin": "B000067RTB", "style": {"Color:": " Blue", "Length:": " 100 Feet/ 30.48 Meters"}, "reviewerName": "Dopey360", "reviewText": "Everything worked on arrival, can't complain about the cable at all. The price was great; shipping was great, and no attenuation in the cable. This seller is great. I highly recommend!!", "summary": "Excellent Deal!!", "unixReviewTime": 1361923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "AVZ0L8UFJB1QS", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "EddieLo", "reviewText": "Haven't used it yet but will do so when my wife and I travel to/from Hawaii. I have d/l lots of movies to my tablet and this way we can both enjoy watching them.", "summary": "I have d/l lots of movies to my tablet and this way we can both enjoy watching them", "unixReviewTime": 1474156800} +{"reviewerID": "A28G3ZEK4OUSR4", "asin": "B00004ZCJJ", "reviewerName": "Priscila Gama Moreira Jorge", "verified": true, "reviewText": "Works as expected.", "overall": 5.0, "reviewTime": "07 31, 2014", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"reviewerID": "A14D1M8S6DXWX9", "asin": "B00004ZCJJ", "reviewerName": "cblock", "verified": true, "reviewText": "I didn't know why I needed this but ordered it anyways. I was astounded to see the quality (real glass) and threads in so easily. Would highly recommend for lens protection!", "overall": 5.0, "reviewTime": "03 19, 2014", "summary": "Perfect!", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2010", "reviewerID": "A12XKTY91JPNMI", "asin": "B0000AKA90", "reviewerName": "RC", "reviewText": "Pros:\nBought this item as a replacement for a previous under monitor surge protector.\nAmple outlets to power up a few computer peripherals.\nSimple functioning ON/Off buttons for ease of use.\n\nCons:\nMolded hard plastic casing.", "summary": "Tripp Lite TMC-6 6-Outlet Under Monitor Surge Protector", "unixReviewTime": 1287360000} +{"overall": 1.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A2S6JXK6PU3H1J", "asin": "B0000510R4", "style": {"Style:": " Direct Plug-in 2 Outlet"}, "reviewerName": "Peter Echeverria", "reviewText": "Too bulky..", "summary": "One Star", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "ANQBL1B9OOYNH", "asin": "B00009UTLU", "reviewerName": "david larosa", "reviewText": "If you want to get rid of horrible shadows in your photography work, then the stroboframe flip flash is what you need. Takes a little more time to get ready to shoot but well worth it. Your pictures will look much more studio like and no shadows!", "summary": "the stroboframe flip flash", "unixReviewTime": 1400371200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A2OPG9HOS41L0L", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Good.", "summary": "Five Stars", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A5G64PBZ2RACW", "asin": "B00007E89K", "reviewerName": "Amazon Customer", "reviewText": "Still need to master this but does work and performal as expected", "summary": "Five Stars", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "A268R22VQQDXE", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Jadecarver", "reviewText": "I test each disc after copying to it and have not run into a bad disc yet. I have used about 1400 of these discs so far.", "summary": "Great product", "unixReviewTime": 1370908800} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2012", "reviewerID": "A1QWSHWB9BEGER", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Machon", "reviewText": "The product is very accurate with description as offered. I highly recommend this product for your particular needs. Great deal!!!", "summary": "great!!", "unixReviewTime": 1353801600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A3AX0LPE1LE5A6", "asin": "B00015Y0FK", "reviewerName": "Ronsanut", "reviewText": "Had a motherboard with a bunch po USB 2.0 but my case onlly had 3.0. This did the job. Plenty of USB now to use.", "summary": "Perfect for my motherboard with tons of USB 2.0", "unixReviewTime": 1354060800} +{"reviewerID": "AYO710M1RPK8M", "asin": "B00009KLAE", "reviewerName": "Franco", "verified": true, "reviewText": "Great filter. It does the job pretty well", "overall": 4.0, "reviewTime": "05 1, 2016", "summary": "Four Stars", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A3NH7XOB5ACR3Q", "asin": "B00008XOH6", "style": {"Style:": " AKB-110EB"}, "reviewerName": "Brian C. Smith", "reviewText": "Super nice, simple keyboard. The backlight is nothing but a HUGE PLUS!!!! Very pleased!", "summary": "Super nice keyboard", "unixReviewTime": 1483833600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2012", "reviewerID": "AIFAB9MIJBP9Y", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "M.M.Witt", "reviewText": "I purchased these head phones for my grandson to used with his new Elec. Piano and\nhe really likes them. The sound is clear and chrisp. We were very happy with the\nservice we recieved for this order.", "summary": "Great Headphones", "unixReviewTime": 1325980800} +{"reviewerID": "A1SCSDOPGFKT22", "asin": "B00009KLAE", "reviewerName": "Crystyl Clear", "verified": true, "reviewText": "I bought it for my Nikon lens. Been using Tiffen lenses for over 20 years.", "overall": 5.0, "reviewTime": "09 24, 2014", "summary": "Five Stars", "unixReviewTime": 1411516800} +{"reviewerID": "A2MYT2SMJNUURG", "asin": "B00009KLAE", "reviewerName": "Candelaria", "verified": true, "reviewText": "Such an incredible quality!", "overall": 5.0, "reviewTime": "05 3, 2018", "summary": "Five Stars", "unixReviewTime": 1525305600} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A1X11N647HBIHC", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "ZY", "reviewText": "Works well so far, used it for the TV with extended arms.", "summary": "Five Stars", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A10JMP1MR3BV1C", "asin": "B000068O1O", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "RedmondIvy", "reviewText": "Works as advertised!!", "summary": "Works as it should. Good purchase.", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": false, "reviewTime": "12 29, 2010", "reviewerID": "A1JEWEYIPLM2UV", "asin": "B000065BP9", "reviewerName": "Reviewer", "reviewText": "These were given to me as a Christmas gift. I wear glasses and these are very comfortable. I love them! I definitely recommend these.", "summary": "Spectacular", "unixReviewTime": 1293580800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2012", "reviewerID": "A3GLYIEGI2XCCN", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Anthony Kourmoulakis", "reviewText": "Bought this switch to feed off of the router in my house and split the connection to my other devices in my room, it works great providing a fast and lag free connection to all my devices with no special setup required.", "summary": "Great switch!", "unixReviewTime": 1353888000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2011", "reviewerID": "ATMDVKBZYNKND", "asin": "B00004WLJ8", "style": {"Size:": " 100 Pack", "Color:": " Natural", "Style:": " 8 inch., 75 lb tensile"}, "reviewerName": "moderatelymoderate", "reviewText": "They are just what I wanted: strong enough for just about any use. I'm sure someday I'll have a use for the other 90 if I haven't misplaced them by then.", "summary": "Strong enough for nearly any use", "unixReviewTime": 1323216000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A1JWNSCFT9HBY2", "asin": "B000067VC1", "reviewerName": "Dianne", "reviewText": "Great covers for my music cd's. Nice and flat for easy storage and the colors are nice!", "summary": "Five Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A2HDJ3CXXETD0J", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Montinard", "reviewText": "Check the reviews this thing works well blows lots of air. Kind of a space hog in a bag, but the first size I would reach for at home.", "summary": "Is what it is.", "unixReviewTime": 1358121600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2012", "reviewerID": "A3OY2R8G3GTJJZ", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Joe", "reviewText": "What can i say its a cable it did its job and it is still doing its job haha....... look forward to getting many more uses out of it.", "summary": "great!", "unixReviewTime": 1356912000} +{"overall": 3.0, "verified": false, "reviewTime": "10 23, 2014", "reviewerID": "AXUVTYSN6QBIX", "asin": "B00009X3S2", "reviewerName": "ConativeMe", "reviewText": "8x60 would have been better.", "summary": "Three Stars", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2T8GPL7ZVLEVZ", "asin": "B00004ZCC1", "style": {"Size:": " 77mm"}, "reviewerName": "Dan Kissinger", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1441238400} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2014", "reviewerID": "A2P55EZZJM4V1S", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Thomasio", "reviewText": "I'd give it 5 stars, but I just haven't been using it that long (a couple of months). Seems to work quite well and came highly recommended from my photographer friends.", "summary": "Nice for quick cleaning of my expensive lenses", "unixReviewTime": 1398384000} +{"overall": 1.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A2X18T2EEGSC32", "asin": "B0001V3AVY", "reviewerName": "TechGear", "reviewText": "Not happy. Looks like the headset is cheap....but it does not come with the connector cable...which is another 70 bucks!!!\nFactor that!", "summary": "Plus $70 for the cable!!!", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A1LSIIYQ4YCUZL", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Victor L. Cook", "reviewText": "Verbatim is as good a products as the old Memorex were. Thanks", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A2GJPEP3Q0JI9C", "asin": "B000001OKH", "style": {"Format:": " Electronics"}, "reviewerName": "Montalguy", "reviewText": "No problems. As expected.", "summary": "Good value for the money", "unixReviewTime": 1432598400} +{"reviewerID": "A1AW01QS0NVVDV", "asin": "B00006HURK", "reviewerName": "Jillian Kimberlin", "verified": true, "reviewText": "Works beautifully. Now I get to sit back and bask in the glory that is fast internet service from my modem to my router.", "overall": 5.0, "reviewTime": "12 16, 2013", "summary": "And on the seventh day, the Lord created CAT5e cables.", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A1KF8KSYOB0Q4B", "asin": "B00005OILF", "reviewerName": "AGUIRRE Juan Manuel", "reviewText": "perfect match for my yamaha rs7000", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"reviewerID": "A1OK1WOJYA00BW", "asin": "B00008VSKS", "reviewerName": "Rich D", "verified": true, "reviewText": "Restored the pump to like new function.", "overall": 5.0, "reviewTime": "05 30, 2015", "summary": "Restored pump like new", "unixReviewTime": 1432944000} +{"overall": 3.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A29HTPTAH1VKXL", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "B. Carr", "reviewText": "Came with a small 'dot' on the filter, but works ok. Still haven't seen any spots on my photos though.", "summary": "Ok quality...", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A5JTC554Q0J8L", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Jeff Seely", "reviewText": "Great! Exactly what I expected...NOT a knock off product.", "summary": "Five Stars", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2017", "reviewerID": "A3CA4K4XSNIHXM", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "guantamanera", "reviewText": "Very comfortable. They sound awesome and still allow you to hear the world around you.", "summary": "Five Stars", "unixReviewTime": 1507852800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 26, 2005", "reviewerID": "A3RJVINZDBOUNE", "asin": "B0000AKA8Y", "reviewerName": "N. S. Goodman", "reviewText": "This is fabulous! My eMachines notebook computer used to overheat and shutdown after only 1-2 hours of use. Now, it will run all day without overheating! The Chill Pad is also very lightweight & fairly thin so it easily fits in my laptop bag along with my laptop.", "summary": "Keeps Laptops Cool!", "unixReviewTime": 1127692800} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1OVZR2XHKU7FD", "asin": "B0000E1VRT", "reviewerName": "JR", "reviewText": "Just what I wanted!", "summary": "Five Stars", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2013", "reviewerID": "A2OAJYIRZFXG2J", "asin": "B0000BZLCB", "style": {"Size:": " 77 mm", "Style:": " 3.0-1000X"}, "reviewerName": "John H Watson", "reviewText": "I can't see myself using this filter very often, but when I need it, It really does allow me to get images that I could not get otherwise.", "summary": "Very high quality", "unixReviewTime": 1382140800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "AHA7U3OPKPLZ2", "asin": "B00004ZCKX", "style": {"Size:": " 72mm"}, "reviewerName": "coolmamalj", "reviewText": "Husband love them! Glad I purchased the lense and essentials kit.", "summary": "Happy camper!", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A3CQU689KL6C9S", "asin": "B0000510R4", "style": {"Style:": " Direct Plug-in 2 Outlet"}, "reviewerName": "Kishore Raj T", "reviewText": "works great built great", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A2FL70PMR394A6", "asin": "B000068O1D", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "Alan", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2013", "reviewerID": "A3V7OI7HCEUC04", "asin": "B00005K47X", "reviewerName": "MJ Kubba", "reviewText": "as simple as that! it's the best, if you are looking for a good and cheap prime this is the one you are looking for.", "summary": "best lens for your money", "unixReviewTime": 1368662400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "AXMMPQAVQGRSA", "asin": "B00000J1EP", "style": {"Size:": " 15-Pack"}, "reviewerName": "C. Medd", "reviewText": "My favorite brand", "summary": "Five Stars", "unixReviewTime": 1480809600} +{"overall": 3.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A1SE1HBCHOZHV1", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Daniel F Brown III", "reviewText": "good item", "summary": "Three Stars", "unixReviewTime": 1416528000} +{"overall": 1.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "ART9SUAIYFOZY", "asin": "B0002A9SJ2", "reviewerName": "BillB", "reviewText": "Junk. Destroyed the disk.", "summary": "Don't buy", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2010", "reviewerID": "A1UWY9OB9080JS", "asin": "B00008XOKU", "reviewerName": "J. Langston", "reviewText": "Kingston memory has always served me well. Increasing the memory & performance on my computer was quite sucessful with this Kingston memory. It is a great product at an affordable price.", "summary": "Very good", "unixReviewTime": 1270857600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2010", "reviewerID": "A2VNNFURJ55S4G", "asin": "B00007EDM8", "style": {"Color:": " Black", "Product Packaging:": " Standard Packaging"}, "reviewerName": "Hello", "reviewText": "These things are great. They don't fall out when I am running/weight lifting and the sound quality is a million times better than the ones that came with my MP3 player.", "summary": "Great Headphones", "unixReviewTime": 1275177600} +{"overall": 2.0, "vote": "4", "verified": true, "reviewTime": "07 13, 2011", "reviewerID": "A12WPW6JW5A9I1", "asin": "B00004ZCLW", "reviewerName": "L. Alessio", "reviewText": "If you are looking for good old fashioned type photo corners in an easy-to-apply format, this sure ain't it, man.\n\nOne reviewer described the appearance \"like electrical tape.\" Here in Maine: duct tape. Not pretty, f'sure.\n\nOthers may like the slick, clean look. We don't.", "summary": "yuck", "unixReviewTime": 1310515200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "AXIXRZZGUHM91", "asin": "B00004TWLZ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "JV", "reviewText": "Old reliable! Only ordered because I couldn't find any 36 exposure five packs anywhere. But this is a great, easy to use, easy to process film. Definitely not as great as Portra, but I'm not trying to take out a bank loan to buy film for casual snaps.", "summary": "Often overlooked for Portra", "unixReviewTime": 1495584000} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "AI6OSDV3X9AL7", "asin": "B0000AI0N1", "style": {"Style:": " Off White"}, "reviewerName": "Robin -n- Mt", "reviewText": "For a power strip at this price ... you can't beat it! Gets the job done and I know that my things are proteced. I have an air purifier, a tablet, lamp and cell phone plugged into it at my bedside. No problems or worries here.", "summary": "Nice!", "unixReviewTime": 1367452800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A34C7O0X3GFYRG", "asin": "B00004SABB", "style": {"Size:": " 12x25", "Color:": " Camo"}, "reviewerName": "Jersey Lady", "reviewText": "10 yr old grandson LOVED Them! they really could see far!", "summary": "Five Stars", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A3USTFHR4TUH1W", "asin": "B0001HKIK4", "reviewerName": "Beltless in Michigan", "reviewText": "These binoculars are relatively heavy, but serve my purpose of stationary\nbird watching. I like both the magnification and wide field of view.", "summary": "Great for the money, but heavy", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2012", "reviewerID": "A23BMUARJJL4VI", "asin": "B000234TYI", "style": {"Format:": " Personal Computers"}, "reviewerName": "InMyTime", "reviewText": "This item was as expected. What more can be said about a computer power cord? It did the job at a reasonable price.", "summary": "Does The Job", "unixReviewTime": 1356307200} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A784II17GB3ZH", "asin": "B00009MVK8", "style": {"Size:": " 50 Discs - Spindle", "Style:": " Branded"}, "reviewerName": "mary p.", "reviewText": "LOVE IT BUT, WAS $10.00 NOW $15.00 NOW $18.00", "summary": "OLD SCHOOL LOVE IT", "unixReviewTime": 1432080000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "03 18, 2006", "reviewerID": "A2JRDFIGWTX50J", "asin": "B0000632H5", "reviewerName": "Gyaani", "reviewText": "I erased and re-recorded on the same cassette upto 5 times and it still works great. Video clarity is excellent as its digital. Don't worry, be happy and buy Sonly cassettes only for your mini-DV", "summary": "Very durable and allows re-re-re-re recording", "unixReviewTime": 1142640000} +{"overall": 1.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A3T89NGP05YM0Y", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "M. Ruggio", "reviewText": "Never got it to focus. Gave the lens to a kid.", "summary": "One Star", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "ASWDNS6NKQN0H", "asin": "B00009UHJS", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "GER", "reviewText": "Worked as expected on my 04 Chevrolet Silverado.", "summary": "Five Stars", "unixReviewTime": 1458172800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "A3KVVP9R05QV6D", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "M. Scott", "reviewText": "Excellent match for my polk monitor tower speakers! Good rich, but not muffled bass, all at a great price from Amazon.", "summary": "Excellent Sub woofer for the price!", "unixReviewTime": 1460505600} +{"reviewerID": "A2B3W0PHAWKQRW", "asin": "B00009KLAE", "reviewerName": "Isaac Espinoza", "verified": false, "reviewText": "Solid, strong, has saved my lens many times... well worth it. If I were you I'd buy one for every lens you own and then buy one for every friend you have and then buy one for me.", "overall": 5.0, "reviewTime": "11 20, 2011", "summary": "Buy one for every lens you have", "unixReviewTime": 1321747200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A2LDKGZGP5TNIE", "asin": "B00005NPPQ", "style": {"Color:": " White", "Style:": " Old Packaging"}, "reviewerName": "Tay", "reviewText": "always good, i buy frequently", "summary": "Five Stars", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2011", "reviewerID": "ATEKIXMZ3MHML", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Simon", "reviewText": "I can't say anything more than, this works great with my new home Theater PC and my TV, I don't feel like any quality is lost, I loev it.", "summary": "Does 100% what you bought/buy it for.", "unixReviewTime": 1317772800} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2014", "reviewerID": "A3JSA95QI95DBP", "asin": "B00006IW1X", "style": {"Size:": " 50 pack spindle"}, "reviewerName": "Eac", "reviewText": "What can I say, it does the job. I very happy and I will be ordering more. I would recommend it to my friends.", "summary": "Good delivery service", "unixReviewTime": 1403654400} +{"overall": 3.0, "verified": true, "reviewTime": "03 27, 2018", "reviewerID": "A1KYNRRG4B2O9I", "asin": "B00020T4UK", "style": {"Style:": " 16X"}, "reviewerName": "Richard S Webb", "reviewText": "Only about one out of every three worked. Better than the latest batches of Taiyo Yuden, but still dismal results. Still, will try again, hoping...", "summary": "Better than the latest batches of Taiyo Yuden", "unixReviewTime": 1522108800} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A36E5AVXQ2W1DL", "asin": "B00012F7HS", "reviewerName": "kyanh", "reviewText": "I am still using it", "summary": "Five Stars", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A2M1Q31FAV6XRL", "asin": "B00009UH6Z", "reviewerName": "MSgtretired", "reviewText": "Satisfied customer.", "summary": "Five Stars", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A38ISSY1D5MI5R", "asin": "059449771X", "reviewerName": "Joseph M. Kocimski", "reviewText": "Just what I wanted. No problems", "summary": "Five Stars", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "AMNEUU60KOOAU", "asin": "B00002EQCW", "reviewerName": "Alan Friedman", "reviewText": "Perfect for adding lines to my 4 port router!", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 3.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A3EXXX8V6BBCJC", "asin": "B0000AHO91", "reviewerName": "PhotoMom", "reviewText": "I wish there were other colors", "summary": "Three Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A2WKXNSHTOOIWL", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Los Kings", "reviewText": "I can hear music! Fantastic!", "summary": "plug and play!", "unixReviewTime": 1439856000} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "A1PQ1PFRWZ0VQ2", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "Paul K.", "reviewText": "Works goed. Not as good as more expensive version but worth the price", "summary": "Not as good as more expensive version but worth the", "unixReviewTime": 1499817600} +{"overall": 4.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "AECM1HPCR28GB", "asin": "B00009W3N5", "style": {"Size:": " 1 Pack", "Color:": " Brown"}, "reviewerName": "jeff", "reviewText": "it works as expected.", "summary": "it works as expected.", "unixReviewTime": 1457568000} +{"overall": 1.0, "verified": false, "reviewTime": "10 8, 2014", "reviewerID": "A25H0PP5N4KHFJ", "asin": "B00006B7DA", "reviewerName": "ibdave", "reviewText": "Stopped working just as warranty expired", "summary": "One Star", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "ABTUKJSZV4STB", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "karen3678", "reviewText": "works", "summary": "Five Stars", "unixReviewTime": 1407715200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "02 24, 2006", "reviewerID": "A3SN65YBA5MN8A", "asin": "B00005T3FO", "reviewerName": "Delores Sheppard", "reviewText": "I hooked this up to my tv and dvd player and everything plays wonderfully. No worries. It's great.", "summary": "Recoton DVD647 RF Modulator", "unixReviewTime": 1140739200} +{"overall": 1.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A2T2EDT5BXW1HW", "asin": "B00001P4XA", "style": {"Color:": " Black"}, "reviewerName": "Dave", "reviewText": "the foam on the plugs is too soft to block out ambient noise, it holds in your ear alright.\n\nupdate: the right earbud stopped working after 4 months of light usage", "summary": "not bad, not great", "unixReviewTime": 1469664000} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "A18CPCA8JQ6O9C", "asin": "B00009UT18", "reviewerName": "Ashley Freed", "reviewText": "exactly what i needed for school, best price i could find, received product in no time, still use it today", "summary": "good deal", "unixReviewTime": 1357171200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "AEKODTZW3OTPS", "asin": "B00004TKVD", "style": {"Model Number:": " HH 38 WX ST"}, "reviewerName": "arankennedy", "reviewText": "Junk junk junk Cobra is junk don't buy anything Cobra. Only last about a month.", "summary": "One Star", "unixReviewTime": 1482969600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "10 1, 2011", "reviewerID": "A2K4RZMQD7Q6QD", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Pro | L2+ Managed"}, "reviewerName": "D. Stanton", "reviewText": "Great switch, fast speeds, lots of options. Runs cool and has been solid as a rock for nearly a year now.", "summary": "Great switch", "unixReviewTime": 1317427200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2012", "reviewerID": "A22E3KHZNRB190", "asin": "B00025O87Y", "reviewerName": "Doug", "reviewText": "Bought this to replace the 256Mb ram chip in my NAS. Was a perfect swap, NAS now runs the same except when transferring large files. It now moves these slightly faster.", "summary": "Works great in my NAS", "unixReviewTime": 1346457600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A2XB63B0SXEBRR", "asin": "B0001XFLTQ", "style": {"Color:": " Black", "Style:": " Sling"}, "reviewerName": "James L. Rairdon", "reviewText": "The sling works better than the strap that comes with the camera. Much less neck strain.", "summary": "Five Stars", "unixReviewTime": 1443225600} +{"reviewerID": "AW7JKFKU1FNTV", "asin": "B000068O1B", "reviewerName": "Rick L. Stevens", "verified": true, "reviewText": "Cables work great. What more can I say?", "overall": 5.0, "reviewTime": "01 31, 2016", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A3AX196JQLX15N", "asin": "B000067RTB", "style": {"Size:": " 10 Feet/ 3.04 Meters", "Color:": " Grey"}, "reviewerName": "L. Dotson", "reviewText": "I am a Cable to Go fan. This cable is another quality product at a great price. I would recommend this to anyone.", "summary": "Great cables. Great Price", "unixReviewTime": 1356998400} +{"overall": 3.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A1RQMX82LFJ46J", "asin": "B0000Y8C2Y", "style": {"Style:": " 70MM EQ Refractor"}, "reviewerName": "James Transue", "reviewText": "Difficult to assemble as the directions are not well written.", "summary": "Three Stars", "unixReviewTime": 1428019200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61VrLQd8UPL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "08 15, 2012", "reviewerID": "A3DOG3PQ6UT7XT", "asin": "B000068O0Y", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "I Love Stuff", "reviewText": "It is what it is. A male-to-male RCA cable that is 6.5 feet long. Nothing odd or out of the ordinary here, folks.", "summary": "Works", "unixReviewTime": 1344988800} +{"overall": 4.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3EVX4WNY8HNHK", "asin": "B00004ZCC1", "style": {"Size:": " 77mm"}, "reviewerName": "Bradley", "reviewText": "Works as expected! I've always liked Tiffin brand filters.", "summary": "I've always liked Tiffin brand filters", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2013", "reviewerID": "A2R2O60BZWXOTA", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Austen", "reviewText": "This is honestly the best lens in existence. It's super affordable, and with an aperture as fast as this it makes for some great low-light shots. This lens is perfect for just about everything, and I've found that it stays on my camera more than any other lens.", "summary": "The Best Lens", "unixReviewTime": 1386288000} +{"overall": 1.0, "verified": true, "reviewTime": "05 7, 2017", "reviewerID": "A2TI7EWK0DNSPF", "asin": "B00005MDZD", "reviewerName": "Michael Forkash", "reviewText": "I had a standard A/V cable for my old PS2 which worked perfectly. I decided to get a Component cable, and it didn't work at all. Tried both cables on my TV and the A/V cable worked fine.\n\nAvoid this if you can.", "summary": "JUNK", "unixReviewTime": 1494115200} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A1TF8YM1TQXV41", "asin": "B000068O51", "style": {"Style:": " 3.5mm TRS to Dual 3.5mm TSF"}, "reviewerName": "MidTwentiesDude", "reviewText": "Exactly what I needed... i needed to split the channel 3/4 inputs to a Tascam DR-60 and this does the trick. Really great product. Good build quality. Color code is nice.", "summary": "Really great product. Good build quality", "unixReviewTime": 1465257600} +{"overall": 3.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A1LMQXJVEJPJCM", "asin": "B00006B7D8", "style": {"Style:": " DUB-E100"}, "reviewerName": "mutsgo", "reviewText": "doesnt work with FreeBSD, i am able to ping but no higher level protocols go thru such as http,ftp email etc. it has to do with the driver revision\ni received rev D1 and freeBSD only shows rev C as the last one supported.", "summary": "not fully supported by FreeBSD using Rev D1 hardware.", "unixReviewTime": 1445644800} +{"overall": 4.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "AODR1AL9VDYY3", "asin": "B00004TWM6", "style": {"Size:": " 4 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Kelly", "reviewText": "Took these on a cruise and they were fabulous. They hold up well I was worried about dropping the camera and breaking the plastic.", "summary": "Took these on a cruise and they were fabulous. ...", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A34Y3COWPGJ1WR", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Rita Rainey", "reviewText": "Clear crisp and very sharp photos. Real nice bokeh too.", "summary": "Real nice bokeh too", "unixReviewTime": 1428105600} +{"overall": 3.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A3B0WK4W4XH54D", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 24\" Widescreen (16:10 Aspect Ratio)"}, "reviewerName": "Danno", "reviewText": "This does not provide much privacy at all....", "summary": "Three Stars", "unixReviewTime": 1425859200} +{"overall": 1.0, "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "A2ZLY1C0U181JE", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "Margaret S. Ward", "reviewText": "I cannot find a way to steady the roller and plug in the female end to the outlet while unrolling the cord with it plugged in. Not suitable for my needs. I should have researched more thoroughly.", "summary": "NOT for me.", "unixReviewTime": 1511049600} +{"reviewerID": "A1XEWMYC0QMV7G", "asin": "B00009KLAE", "reviewerName": "Audrea Rice Robbins", "verified": true, "reviewText": "As expected. Tiffen never lets me down. And delivered on time.", "overall": 5.0, "reviewTime": "07 7, 2016", "summary": "Tiffen is a great product...", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A34CCYWRAWAX6S", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "juan ignacio quintana osorio", "reviewText": "love it\nreally well made\nstrong and heavy", "summary": "love it really well made strong and", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2013", "reviewerID": "A1PCUCUTEL384E", "asin": "B0001EMA80", "reviewerName": "Leon Burke, Jr.", "reviewText": "Can't think of any reason not to love it. Meets all of my expectations. Leg locks could be better and needs space for mouse.", "summary": "Mobile utility", "unixReviewTime": 1383436800} +{"reviewerID": "A1ETERQXMQUP9H", "asin": "B00006JQ7D", "reviewerName": "Haywood T.Bridges Sr", "verified": true, "reviewText": "I LOVE THEM", "overall": 5.0, "reviewTime": "11 21, 2015", "summary": "TYRONE", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A1ZEDDOM2XG5PE", "asin": "B00004ZCKX", "style": {"Size:": " 62mm"}, "reviewerName": "Amazon Customer", "reviewText": "perfect good quality", "summary": "Five Stars", "unixReviewTime": 1425427200} +{"overall": 3.0, "verified": true, "reviewTime": "10 7, 2017", "reviewerID": "A3O7WRZ8RFA5F", "asin": "B0002AG0IO", "style": {"Size:": " 3 Feet"}, "reviewerName": "Average Joe", "reviewText": "They do not have mounting holes. My bad. I should have read the Q/A's. However, there are many times I do not need to have them mounted. These will do the job.", "summary": "My Bad", "unixReviewTime": 1507334400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A2KF5B8W4QRHE1", "asin": "B00028OP2Y", "style": {"Model:": " PS/2 KM to USB"}, "reviewerName": "Charles", "reviewText": "I use a KVM switch that has only PS2 ports. and needed to plug in a computer with no PS2 ports or one that has only one, so called dual purpose PS2 port. Several USB to PS2 adapters just do not work, but this one does for both situations.", "summary": "I use a KVM switch that has only PS2 ports ...", "unixReviewTime": 1465689600} +{"reviewerID": "A1KTPZSUKG4AKS", "asin": "B00004ZCJJ", "reviewerName": "Francisco Bernabei", "verified": true, "reviewText": "Perfect all. It was received in the committed time. This is a very reliable system. The product is satisfactory.", "overall": 5.0, "reviewTime": "10 24, 2014", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2013", "reviewerID": "A29B6QGU7NFIPC", "asin": "B00004ZCKX", "style": {"Size:": " 58mm"}, "reviewerName": "alexandre", "reviewText": "If you are an amateur photographer and you want to take some nice pictures at a small budget, these are some good filters", "summary": "Good pack of lens", "unixReviewTime": 1362182400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "A2OPG68AIXULXP", "asin": "B000051ZOA", "style": {"Color:": " Black"}, "reviewerName": "Amoy C.", "reviewText": "Bought this for.my dad he loved it", "summary": "my dad he loved", "unixReviewTime": 1459987200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "AO2MCI60VN4J", "asin": "B0000BZL0U", "style": {"Size:": " 49 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Barney F. Howell", "reviewText": "Another as advertised item.", "summary": "Works well.", "unixReviewTime": 1463788800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A22H02BGJD8RD1", "asin": "B00007IFE0", "style": {"Capacity:": " PCI", "Model:": " Gigabit"}, "reviewerName": "Bill Gunckle", "reviewText": "Just as listed. Very satisfied.", "summary": "Very satisfied.", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A2ZUEK6UXAXWBD", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "TonyT", "reviewText": "Really good outdoor speakers Installed both in the pool deck the sound is really clear", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "vote": "11", "verified": true, "reviewTime": "08 6, 2006", "reviewerID": "A2LPB4WCIMVPOI", "asin": "B00007FWP2", "reviewerName": "Socal.S", "reviewText": "Great Price so I snatched it up. Mini DV's can be expensive so to get 10 for 25.00 was well worth it. I have used these tapes before and got good picture quality so I have no complaints at all.", "summary": "Bang for the Buck", "unixReviewTime": 1154822400} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2013", "reviewerID": "A38KBKJ3364PST", "asin": "B00006B83E", "style": {"Style:": " 6 Outlet + 4ft Cord"}, "reviewerName": "J. WINGATE", "reviewText": "a cheap power strip that works and ships with prime just what i was looking for i would order this again if i needed another power strip", "summary": "just what i was looking for", "unixReviewTime": 1378857600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A17GY2JWSZMYHJ", "asin": "B000001ON6", "style": {"Format:": " Electronics"}, "reviewerName": "Judy D. Easter", "reviewText": "Great to clean the VHS player heads clean.", "summary": "Keep VHS Heads clean.", "unixReviewTime": 1480723200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2016", "reviewerID": "A34MQIH3OFF91K", "asin": "B00000J4EY", "style": {"Size:": " 15ft Power Cord", "Style:": " 6 Outlet"}, "reviewerName": "Ryan", "reviewText": "long cord on here is what I needed to get power across the room when no outlets were available. excellent fit for what i needed", "summary": "excellent fit for what i", "unixReviewTime": 1478649600} +{"overall": 1.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A3U6SW6P56NDJX", "asin": "B00009UVPN", "reviewerName": "Gary O. Ferrini", "reviewText": "lots of sound loss due to sloppy connection i have to fiddle with a lot. Otherwise ok but thats a very big otherwise", "summary": "you get what you pay for.", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2008", "reviewerID": "A1H8CG1EDUD5F1", "asin": "B00006JM6J", "reviewerName": "J. Socef", "reviewText": "The power and charge life are great. It exceeds the OEM battery which comes with the phone.", "summary": "Excellent Replacement Battery", "unixReviewTime": 1199145600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A2TH5FG5J4PYJ2", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Laptop Stand"}, "reviewerName": "Charlie", "reviewText": "Perfect!", "summary": "Perfect", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2009", "reviewerID": "ANEK3R3D2HO52", "asin": "B00009UHK2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Steven R. Jackson", "reviewText": "They fit very tight and I did not anticipate them coming loose. I taped the connections \"just in case\" though. I would order again and recommend them to a friend.", "summary": "Work Well", "unixReviewTime": 1261785600} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A2U3QUM1VRR8SG", "asin": "B00007JO36", "style": {"Length:": " 6 Inch"}, "reviewerName": "Frank D. Adams", "reviewText": "what can one say about a product that works, addresses the need, and had all of the parts working well together.", "summary": "It works", "unixReviewTime": 1362614400} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A2QN691062GX86", "asin": "B0000665V1", "reviewerName": "Frank E. Nelson", "reviewText": "Works as expected. Cable plugs into my two telescopes and stays put. The 12V end works in the car as well as in two battery packs that I Keep with me.", "summary": "Works as expected. Cable plugs into my two telescopes ...", "unixReviewTime": 1424736000} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2018", "reviewerID": "A2RT0F8S57IXNF", "asin": "B00006JILE", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "EdsHomeOffice", "reviewText": "Better than the Koss SB40", "summary": "Good sound", "unixReviewTime": 1514851200} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "AH952102HZ9W3", "asin": "B000068O4E", "style": {"Style:": " 1/4\" TRS to XLR3M"}, "reviewerName": "Tom in Winston Salem", "reviewText": "does the job", "summary": "works fine", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2013", "reviewerID": "A1GY1UV3VNPBW9", "asin": "B0000YPGWS", "style": {"Size:": " 1 Pack"}, "reviewerName": "Koryna", "reviewText": "I use this in my film class and the film comes out great. They send newer products so there's no need to worry about getting old film that does not develop well. No complaints, good price too.", "summary": "Works Great", "unixReviewTime": 1363046400} +{"overall": 5.0, "vote": "5", "verified": false, "reviewTime": "04 1, 2005", "reviewerID": "A149Y509CGQRC1", "asin": "B0001G6U9I", "reviewerName": "Yesmus", "reviewText": "My friend told me to buy this item and I have to agree this is a great digital camera. Great price too.", "summary": "Great camera, though may not satisfy photographer.", "unixReviewTime": 1112313600} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A33RH5IJSYXGXN", "asin": "B000067SRA", "reviewerName": "Amazon Customer", "reviewText": "Great cases.", "summary": "Five Stars", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2013", "reviewerID": "APELCKI6IJ7E1", "asin": "B00007M1TZ", "reviewerName": "DC", "reviewText": "This Panasonic headset has held up really well. We use it all the time with out Panasonic KX-TGA660 handsets.\nDanC", "summary": "Great Buy, Great Price", "unixReviewTime": 1364083200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2013", "reviewerID": "A9DWYYJV82GW6", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Fly Guy", "reviewText": "Picked these up during a holiday sale through Amazon. Love them. Great sound. Feel comfortable. Might not look the sexiest or sleekest, but I'm kind of beyond the 'look good' age!", "summary": "Nice set of headphones", "unixReviewTime": 1387756800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A3O1EKKYQUKH8L", "asin": "B00009QOW4", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Glenn Lopez", "reviewText": "The tweeters are a bit on the bright side, but the woofer is very efficient. Overall quality is very, very good and I would highly recommend them!", "summary": "Very Good Coaxial!", "unixReviewTime": 1402272000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A68UKAA78LUC7", "asin": "B00009UTLU", "reviewerName": "muffybunny", "reviewText": "The build quality on this is excellent. The ability to change the orientation of the camera comes in very handy.", "summary": "Great price and build", "unixReviewTime": 1358121600} +{"overall": 2.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1T4L0Q47OZ9N", "asin": "B00006JPRM", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "WendE", "reviewText": "I bought these as a cheap pair spare....ow!!! They hurt!", "summary": "spend a buck or 2 more for a spare pair", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "AFGU8X6KMVFRZ", "asin": "9875961817", "reviewerName": "Christian", "reviewText": "Arrived on time, fast write/read speed, actual available storage was about 12gb after formatting.", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"reviewerID": "AGX2Y7VW03ZM1", "asin": "B000068O41", "reviewerName": "Mike Lindberg", "verified": true, "reviewText": "Just what I needed, fast ship A+", "overall": 5.0, "reviewTime": "02 21, 2018", "summary": "Five Stars", "unixReviewTime": 1519171200} +{"reviewerID": "A2QI7WHEFF23VY", "asin": "B00009KLAE", "reviewerName": "Marlon Bedoya Correa", "verified": true, "reviewText": "I like all tiffen products for my lenses, if a have to take care with my equipment, i have to look for tiffen...", "overall": 5.0, "reviewTime": "03 6, 2014", "summary": "Good enough", "unixReviewTime": 1394064000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A65WAT6F08DWR", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Standard Packaging"}, "reviewerName": "mary woodward", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2017", "reviewerID": "A1F6NNG4AY84AS", "asin": "B0000ALXPJ", "style": {"Capacity:": " 24 Inch", "Style:": " Standard - Latching - Round"}, "reviewerName": "Cool Dude", "reviewText": "Nice quality. This is a great cable. It does what it's designed to do.", "summary": "A great cable", "unixReviewTime": 1511913600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2017", "reviewerID": "AWR1ETQ3RP7YN", "asin": "B0000E1VRJ", "reviewerName": "Paula", "reviewText": "I am very happy with them!", "summary": "Five Stars", "unixReviewTime": 1509062400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A29O03KVJP2X4P", "asin": "B0001GZ87I", "style": {"Size:": " 16-Inch", "Color:": " Black and Gray"}, "reviewerName": "Jose", "reviewText": "Good Experience.", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 3.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A1EKQT9Q0EI6T5", "asin": "B00026BQJ6", "style": {"Size:": " 50-Watt"}, "reviewerName": "John", "reviewText": "Good for the price", "summary": "Three Stars", "unixReviewTime": 1423440000} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A27HI72GWQYII", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Enjeeb", "reviewText": "Cables unplug very easily, but otherwise works well", "summary": "Four Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A3RHPCKV4NS9AH", "asin": "B00009K79U", "style": {"Style:": " 3 Outlet + USB"}, "reviewerName": "Harry B", "reviewText": "good quality", "summary": "Five Stars", "unixReviewTime": 1446854400} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "A166XJTQAOI6TG", "asin": "B0002AG0IO", "style": {"Size:": " 5 Feet"}, "reviewerName": "stuff", "reviewText": "yeah its a power strip...it does its intended purpose....5 stars i guess?", "summary": "it forever changed my life.", "unixReviewTime": 1492387200} +{"reviewerID": "ATOQJB0TZZJK1", "asin": "B00009KLAE", "reviewerName": "chazzn", "verified": true, "reviewText": "The primary purpose of this filter is to protect the newly purchased tamron lense from scratches and finger prints. 1", "overall": 4.0, "reviewTime": "03 29, 2013", "summary": "uv filter does it's job", "unixReviewTime": 1364515200} +{"reviewerID": "AR8LWDT6TUKNZ", "asin": "B00004ZCJJ", "reviewerName": "Steve", "verified": true, "reviewText": "I bought this 77mm UV filter to help protect my Nikon Nikkor 18-300mm lens. Lens still takes great pictures with this filter on.", "overall": 5.0, "reviewTime": "05 8, 2013", "summary": "Inexspensive way to help protect an exspensive lens", "unixReviewTime": 1367971200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2011", "reviewerID": "A1FO10Z93GKN33", "asin": "B000031XCX", "reviewerName": "Fancy", "reviewText": "This phone battery is exactly right for my phone and works perfectly. I'm very pleased with it, especially the price when compared to buying it at my local phone store.", "summary": "Panasonic pp501 battery", "unixReviewTime": 1322524800} +{"overall": 3.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A6JNDKK41T7U5", "asin": "B00009UT3F", "reviewerName": "Mike", "reviewText": "For the money this is a pretty good tri-pod. Will look to get a better one though as this tri-pod is not as smooth as i thought it would be.", "summary": "Pretty Good", "unixReviewTime": 1392595200} +{"overall": 4.0, "verified": false, "reviewTime": "04 19, 2011", "reviewerID": "A1VYMU87M4X5VJ", "asin": "B00006I53S", "reviewerName": "DAVID DANG", "reviewText": "It's good lens, probably Canon's sharpest \"consumer\" zoom and certainly better than either the 24-85 or 28-105/3.5-4.5. Not bad considering the range. Overall a solid performer. And of course the IS makes it even more versatile.", "summary": "Canon EF 28-135 F3.5 - F5.6 IS USM", "unixReviewTime": 1303171200} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2009", "reviewerID": "A3LVHU3WNR5XF3", "asin": "B00006HSYC", "reviewerName": "Johnny Bear", "reviewText": "It's a good connector to extend your high speed internet cable. I bought two.", "summary": "It's a snap!", "unixReviewTime": 1261699200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A22CR940SVL0ML", "asin": "B000062VUQ", "style": {"Size:": " 3-piece"}, "reviewerName": "Dragon", "reviewText": "Bose sound without the Bose cost! Very happy with this product!", "summary": "Very happy with this product", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2012", "reviewerID": "A362YZ70QGVDJ", "asin": "B00008VF8V", "reviewerName": "David Chavez", "reviewText": "great wire that makes my spearkers sound clearer. I like that it is marked so you know where the negative wire is at all times.", "summary": "great speaker wire", "unixReviewTime": 1348272000} +{"overall": 3.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "AJR11O4ILMVKX", "asin": "B00000K2YR", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Fred L. Rush, Jr.", "reviewText": "Very limited range even with an external antennae.", "summary": "Three Stars", "unixReviewTime": 1453248000} +{"reviewerID": "A18VRXHHW0LFPH", "asin": "B00009KLAE", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "As described!", "overall": 5.0, "reviewTime": "12 22, 2014", "summary": "Five Stars", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": false, "reviewTime": "07 8, 2011", "reviewerID": "A2WILJUMPRU9T5", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "dfoster700", "reviewText": "I'm by far not a professional photographer but this lens makes me feel like one. My images are so clear and the colors vivid. I purchased this lens with my 60D and have no regrets.", "summary": "My favorite lens", "unixReviewTime": 1310083200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A2EGM68V40AAU5", "asin": "0972683275", "reviewerName": "Beach Bum", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 3.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A3LXCSAEDSYX2J", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "Ricardo", "reviewText": "its work", "summary": "Three Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "AXTD5V28KMNTX", "asin": "B00023JL8M", "reviewerName": "Philip451", "reviewText": "My Nikon D3200 kit lens did not come with a bag, So, I purchased this one to fill the void in my camera bag. Fits perfectly.", "summary": "Fits", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A3B4OI3DZQY11L", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Ozfer", "reviewText": "works well", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A1335GU6JKU5AQ", "asin": "B00005T3BD", "style": {"Size:": " 8 Inch", "Style:": " RC80i"}, "reviewerName": "R. Nelson", "reviewText": "I drive these with a Dayton Audio MA1260 Multi-Zone Amp. They sound great. All six pairs that I ordered worked perfectly.", "summary": "Great sound. No defects.", "unixReviewTime": 1452902400} +{"reviewerID": "A288XJYN7JNPO3", "asin": "B00004ZCJJ", "reviewerName": "Baishun Yuan", "verified": false, "reviewText": "I have three lenses by far but I have only one filter before. I don't know how important it is to protect the lenses until I consulted with relative information. Then I bought two more and make every of my lenses to be protected.", "overall": 5.0, "reviewTime": "02 28, 2008", "summary": "Good protection for my DSLR", "unixReviewTime": 1204156800} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A1HXW3U0FW96W6", "asin": "B00005ATMB", "style": {"Size:": " 32", "Style:": " CD Wallet"}, "reviewerName": "MsSarahC", "reviewText": "Great quality, fit all my CDs and cover sleeves. It zipped up fine for me when it got full. I think this was a great buy!\n\nIf my review was of any way helpful, please hit yes. Thanks! :)", "summary": "Great quality, fit all my CDs and cover sleeves", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2008", "reviewerID": "A14322H6QPRR2V", "asin": "B0000AOWW2", "reviewerName": "Deborah Edwards", "reviewText": "I purchased this cradle 5 years ago for my Fuji Fine Pix A340 camera. It still works great, and has eliminated all need for purchasing batteries. Both it and the camera have been an excellent choice.", "summary": "Couldn't live without", "unixReviewTime": 1230163200} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A2Y9G9AXL6ATPB", "asin": "B0002AG0IO", "style": {"Size:": " 3 Feet"}, "reviewerName": "CaptainBeefHeart", "reviewText": "Well worth it for the price.", "summary": "Works great, and very inexpensive.", "unixReviewTime": 1437091200} +{"overall": 3.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A2LG4NT0J0I36M", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Albert Wesker", "reviewText": "plugs into power supplies. it works well at what its supposed to do", "summary": "Three Stars", "unixReviewTime": 1449878400} +{"overall": 4.0, "verified": false, "reviewTime": "06 1, 2009", "reviewerID": "A1H9CIJMGIJQPW", "asin": "B00005NIMJ", "reviewerName": "rs", "reviewText": "The title says it all. Great product, expect unusually slow delivery. The trackman wheel is a super mouse for a laptop, since it doesn't require a desk or a flat surface. If you have good digital dexterity, you'll love it.", "summary": "Great product, slow delivery", "unixReviewTime": 1243814400} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "AERG9E737LZZU", "asin": "B00008L3IS", "reviewerName": "patricia", "reviewText": "Good buy", "summary": "Four Stars", "unixReviewTime": 1480723200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A221P3I9DO9UDU", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "Ches C", "reviewText": "These cables are awesome. Just the right length and allowed me to fully use all the outlets in my surge protector. The cables are thick which tells you they are heavy duty as well as the plugs.", "summary": "Great quality extenders", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2011", "reviewerID": "A2Y4HC5Q84GVYP", "asin": "B000067SOH", "reviewerName": "Ben", "reviewText": "This adapter comes in real handy when the only video plug on the back of your computer is DVI but you need it to be VGA at that time when doing repairs or troubleshooting. The adapter arrived very quickly and in good condition.", "summary": "StarTech DVI to VGA Cable Adapter, M/F", "unixReviewTime": 1323648000} +{"overall": 4.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A3OYO7B6SS7QLH", "asin": "B0000BZL0U", "style": {"Size:": " 52 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "krusty", "reviewText": "this filter is decently sharp and B+W is a top notch filter maker. I am pleased with my purchase so far.", "summary": "sharp filter", "unixReviewTime": 1390521600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A17724BH1CNFEU", "asin": "B00007B4DM", "reviewerName": "Kirby Moy", "reviewText": "Canon oem part", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A3DB11EOJ214OH", "asin": "B00007EDM8", "style": {"Color:": " Blue", "Product Packaging:": " Standard Packaging"}, "reviewerName": "Tired Parent", "reviewText": "Comfortable.\nOne of the few types of headphones that tend to stay in place without being jammed all the way into the external ear canal.", "summary": "Excellent and well worth the price.", "unixReviewTime": 1421798400} +{"overall": 1.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "A3NRM2F1AJ3WC", "asin": "B00006B6PJ", "reviewerName": "EE Prof", "reviewText": "The camera-end connector on this cable does not fit any of our cameras (Kodak CX7430, etc). It is rectangular, not the trapezoidal shape needed by our cameras. The merchant was very nice, however, and immediately offered a full refund.", "summary": "Does not fit", "unixReviewTime": 1383091200} +{"overall": 5.0, "vote": "27", "verified": true, "reviewTime": "04 7, 2006", "reviewerID": "A38K04MT5LR0JC", "asin": "B00009V2YV", "reviewerName": "Pop S", "reviewText": "I am writing this during a significant outbreak of deadly weather. The unit has worked flawlessly and done everything I could ask a radio to do! The price is good too, for an overall excellent value.", "summary": "Great Radio", "unixReviewTime": 1144368000} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2013", "reviewerID": "A1FISQKHT0GCCN", "asin": "B0001ZUZR2", "reviewerName": "Gar", "reviewText": "Nothing fancy, but provides plenty of room and padding for my Kenwood faceplate. Quality if good and should last for as long as I need it.", "summary": "Works for me!", "unixReviewTime": 1367798400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2013", "reviewerID": "A3IQE9SS1Y0H5", "asin": "B0000631YQ", "style": {"Color:": " Black"}, "reviewerName": "A. Williams", "reviewText": "I have the little one and this one charges and gets to stable area quicker. I just like it better.", "summary": "Works good", "unixReviewTime": 1371254400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A2O9MLTH8V12TA", "asin": "B00005QBU9", "reviewerName": "DJRAMBO954", "reviewText": "Light weight with much improved sound quality over previous model. Price was very competitive and delivery was made quicker than I had anticipated. Recommend this product to anyone who is hearing impaired or who wants hearing in private .", "summary": "Great Headphones, Great Sound and Quality", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "AQEO2D07PKQKY", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "lisa risa", "reviewText": "Another device", "summary": "Ethernet device", "unixReviewTime": 1423094400} +{"overall": 2.0, "vote": "7", "verified": false, "reviewTime": "05 29, 2004", "reviewerID": "AE8LCUNRSTTW2", "asin": "B0000A55BE", "reviewerName": "R. Martinez", "reviewText": "I have to agree with everybody here. It works great when it works. But after about 10 minutes it hangs my Mac and if I wait more than that I get a nice message telling me to restart my Mac. I'm taking mine back to the store I bought it from.", "summary": "Freezes my Beige G3 with Mac OS X.2.8", "unixReviewTime": 1085788800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "04 4, 2006", "reviewerID": "A2EJZ101PZ6QQS", "asin": "B00019068G", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Alexander W.", "reviewText": "The unit worked as advertised, but in the SF Bay Area, the FM pr-sets are inadequate", "summary": "Almost a winner", "unixReviewTime": 1144108800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2012", "reviewerID": "A2SU13RQ4NWHRR", "asin": "B0000AFPVJ", "reviewerName": "Henry G.", "reviewText": "Nothing to say except that the cables worked great. It's that simple.\n\n If you need a long RJ-11 cord, look no further.", "summary": "worked great", "unixReviewTime": 1329004800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A1QT9VZIEZVI9X", "asin": "B00009W3N5", "style": {"Size:": " 1 Pack", "Color:": " Brown"}, "reviewerName": "Sateesh Chandrasekaran", "reviewText": "Got basement finished and have some wire to hide. got his and very closely matches the floor cover.", "summary": "Worked as advertised", "unixReviewTime": 1422403200} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2009", "reviewerID": "A2A817AADURYEF", "asin": "B00001P505", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "david", "reviewText": "These Koss SportaPhones are great. (the name is a bit corny) Comfy on the head in the usual position and in the back of the head setting.\n\nThey sound very clean, and very clean in the midrange, and have provide some surprising base notes.\n\nA great buy the $28.00!", "summary": "Koss SportaPhone Earphones A good buy!", "unixReviewTime": 1241049600} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "ARP4QVQBW428N", "asin": "B00004TWM6", "style": {"Size:": " 1 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "monsta", "reviewText": "sub par.", "summary": "Two Stars", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "A177UPQB4Y2603", "asin": "B00009W3N5", "style": {"Size:": " 1 Pack", "Color:": " Brown"}, "reviewerName": "wde", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2016", "reviewerID": "A2BT27HW9DL8NN", "asin": "B00004ZCC1", "style": {"Size:": " 58mm"}, "reviewerName": "Felipe Figueroa", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1474761600} +{"reviewerID": "A2Q1S939F8SE9D", "asin": "B000067O6B", "reviewerName": "Jessica Szempruch", "verified": true, "reviewText": "Easy to apply and works as advertised. Even those standing slightly off-center will not be able to see anything on the screen. Highly recommended for anyone who is privacy-conscious, or who works where screen privacy is a must.", "overall": 5.0, "reviewTime": "02 26, 2015", "summary": "Works as advertised.", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": false, "reviewTime": "11 2, 2016", "reviewerID": "A3VD50GRY2GVUN", "asin": "B00004ZCLV", "style": {"Package Quantity:": " 1"}, "reviewerName": "pedro gomez", "reviewText": "I love it.", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "AW89MI7LXDNMN", "asin": "B00008L3IT", "reviewerName": "B. Rosen", "reviewText": "What can I say, they are just what they are supposed to be, DVDs and they work fine in my machine.", "summary": "DVD-R", "unixReviewTime": 1376611200} +{"overall": 3.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A2CUL4N3GH4FR9", "asin": "B000281X60", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "j dog", "reviewText": "made for full size blazer not s10", "summary": "Three Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A18WLYG0Y8S5T5", "asin": "B00006I53B", "style": {"Color:": " Black"}, "reviewerName": "Robert B. Huffaker", "reviewText": "of course they're bose they sound great", "summary": "Five Stars", "unixReviewTime": 1420761600} +{"overall": 2.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "AUIHVJMM6V6JT", "asin": "B00009UTLU", "reviewerName": "Hansen", "reviewText": "Very cheaply made", "summary": "Two Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "AE7CHCQTMLJ0Y", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "Nettie", "reviewText": "I'm switching all my units to Netgear (no more Linksys), also have 16-Port Fast Ethernet Desktop Switch (FS116) and GS105v4 ProSafe 4-Port", "summary": "Its all Netgear!!!!!!!!!!!", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A14BVDLAQH9ZXA", "asin": "B00005ATMI", "style": {"Size:": " 320"}, "reviewerName": "KeZBiN", "reviewText": "holds tons of cd's in fact holds so many the book is really heavy when full. I didn't realize how much cd's weighs until you put 336 of them in one book. nothing too heavy to carry just a little surprising. When i fill this one up i will purchase another one for my next case.", "summary": "great case", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2014", "reviewerID": "A2HRINI4ZC8SI1", "asin": "B00005ML7Q", "style": {"Style:": " 3.5mm Plug"}, "reviewerName": "Lyn", "reviewText": "These ear phones are comfortable and work very well when you are using Dragon Naturally Speaking. Gives you everything you need.", "summary": "Great for working with Dragon.", "unixReviewTime": 1392940800} +{"overall": 5.0, "verified": false, "reviewTime": "11 10, 2012", "reviewerID": "A3KVGXZMPELV8W", "asin": "B00005QBU9", "reviewerName": "Prabuddha Mohanty", "reviewText": "I got these over 5 years ago and I still have them. They work great. There is now a little wear on the headphones, but that is expected.", "summary": "Love 'em!", "unixReviewTime": 1352505600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "AM48O3XLSDDY1", "asin": "B00002EQCS", "style": {"Capacity:": " 08 Port", "Model:": " Metal"}, "reviewerName": "Deanna J. Demello", "reviewText": "Purchased for work. Works well with all the extra connections we need to have.", "summary": "Good Connection", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A1TEQFYLB924MS", "asin": "B00005T3Q2", "style": {"Style:": " Black + TEL/Coax/NET"}, "reviewerName": "Juan Mendoza", "reviewText": "Works as advertised", "summary": "Go for it", "unixReviewTime": 1446595200} +{"reviewerID": "AGR3QUIEI9LDD", "asin": "B00005ATMK", "reviewerName": "Brian D", "verified": true, "reviewText": "Great product", "overall": 5.0, "reviewTime": "01 31, 2016", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 1.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "A1LCLRSPWAMYLE", "asin": "B00004TWM6", "style": {"Size:": " 1 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Russ Woods", "reviewText": "The case was cracked and I did not notice it until I was in the water snorkeling. Possibly it is a good camera, but should have inspected when delivered.", "summary": "Case was cracked", "unixReviewTime": 1391990400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A3QIWGXWPK7Z9A", "asin": "B00006I5JA", "reviewerName": "mammacella", "reviewText": "Works perfectly for my 50mm Nikon Lens. Thanks!", "summary": "Five Stars", "unixReviewTime": 1439596800} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2014", "reviewerID": "ABIYSNITAO5FP", "asin": "B00007E7C8", "style": {"Size:": " one size"}, "reviewerName": "x", "reviewText": "So these aren't $3K FAD earbuds, but so what? Do I need to spend that kind of money to listen to music off my computer. Heck, no. These are just fine.", "summary": "Good sound quality", "unixReviewTime": 1392336000} +{"reviewerID": "A2VAJ1SOVMME3J", "asin": "B00009KLAE", "reviewerName": "Eaton Brothers/John Eaton", "verified": true, "reviewText": "Works fine", "overall": 5.0, "reviewTime": "02 2, 2015", "summary": "Five Stars", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A3TOCK36N5Z6MD", "asin": "B00008B5DP", "reviewerName": "Rafavelez", "reviewText": "Very pleased !!!", "summary": "Very pleased !!!", "unixReviewTime": 1482105600} +{"overall": 4.0, "verified": true, "reviewTime": "09 30, 2008", "reviewerID": "A3RK6D26FJWAXT", "asin": "B00006346W", "reviewerName": "Jagdish Patel", "reviewText": "Works well. No comments on performance since I have no way to compare the performance.", "summary": "Good Y adaptor", "unixReviewTime": 1222732800} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "04 10, 2006", "reviewerID": "A1AJPEZHW9XC6Q", "asin": "B00019068G", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Neurad1", "reviewText": "I purchased this device to play my Ipod in my car (a BMW M5). The reception was really terrible. Not recommended, at least if you have a 5 series BMW. Apparently the car antenna and this device don't talk to well to each other, despite the positive comments from other reviewers.", "summary": "Unsatisfactory product for my car (BMW)", "unixReviewTime": 1144627200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "AKBF69TLL7RF4", "asin": "B00006HY3Q", "style": {"Size:": " 10 Pack"}, "reviewerName": "Robert Wilhelm", "reviewText": "These RJ45 plugs worked without a hitch. Glad the package contained more than I needed for my project, because a wiring diagram on a related device was wrong, requiring me to replace two plugs.", "summary": "Great price and excellent quality", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2007", "reviewerID": "A2RF57EXAXZUP9", "asin": "B0000CD0B7", "reviewerName": "R. Church", "reviewText": "A fast card that is getting cheaper all the time.\n\nWorth the price.", "summary": "Fast Card", "unixReviewTime": 1174348800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A3QPX5ZSU3QBZV", "asin": "B0002855JG", "reviewerName": "Shonari", "reviewText": "Really easy to set up and the locking mechanism is a breeze. Projected image looks great on the screen. No complaints thus far", "summary": "Great for my small room", "unixReviewTime": 1358294400} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A1JHL58XHXKUPA", "asin": "B00009W3E2", "reviewerName": "Jimmy L Wright ", "reviewText": "The RCA work very good so for the time antenna so I will get at a four", "summary": "At not work working to very good", "unixReviewTime": 1483056000} +{"overall": 4.0, "verified": true, "reviewTime": "11 14, 2012", "reviewerID": "A1UWKCSCGVHCHB", "asin": "B00004Z5TH", "style": {"Color:": " Black", "Length:": " 100-Foot"}, "reviewerName": "Joey Jonaitis", "reviewText": "I have this cable running outside my house though the wall and it has held up great for almost 6 months of sun, snow, rain and the like.", "summary": "Great cable", "unixReviewTime": 1352851200} +{"reviewerID": "A2YT2YD0YRF9PL", "asin": "B00005ATMK", "reviewerName": "V. Vegso", "verified": true, "reviewText": "I just love these cases, not overdone, cheap, or overpriced. I like the look & feel of the imitation leather. Price & service is always good here.", "overall": 5.0, "reviewTime": "02 2, 2013", "summary": "Case Logic Koskin covering", "unixReviewTime": 1359763200} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3SP3GJ6G85C85", "asin": "140053271X", "reviewerName": "christopher e boone", "reviewText": "Very good and portable reader, easy to see with different fonts to choose from and very easy to hold especially when placed in protective cover", "summary": "Very good and portable reader", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A2H9N5RHB0Z5LV", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Ken", "reviewText": "works well cleaning lens", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A93L49J4JR84B", "asin": "B00008Z1PT", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Paul A. Wirkus", "reviewText": "Lightweight, portable, great sound; great value for the money. I use them with them with my Shure SRH840's which are considerably more expensive.", "summary": "Great Value", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2014", "reviewerID": "A1KL2ZRL149E5T", "asin": "B00009MVJM", "reviewerName": "GC", "reviewText": "Wonderfully quick, extremely easy, and fairly cheap upgrade for old aging systems when dinosaurs still existed and roamed this green earth.", "summary": "Easy and Cheap memory upgrade", "unixReviewTime": 1393977600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A5HI4FGJ6PJZM", "asin": "B000085BD8", "reviewerName": "Gutierrez Perez Giler Gian", "reviewText": "Very good and punctual in his delivery", "summary": "Five Stars", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": false, "reviewTime": "08 16, 2014", "reviewerID": "AVAA67XBEYN7E", "asin": "B00006B9H8", "reviewerName": "Don Tirrell", "reviewText": "Perfect for my needs.", "summary": "Five Stars", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A18N30HX3HC9CN", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Carol", "reviewText": "HAPPY WITH IT", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2016", "reviewerID": "A3BP7U5NEE1Z87", "asin": "B000068OEP", "style": {"Length:": " 3 Meters"}, "reviewerName": "Alton Bertie", "reviewText": "Excellent quality all around!", "summary": "Excellent!", "unixReviewTime": 1482537600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "A1VAKZS40U8WKV", "asin": "B00004Z5PY", "reviewerName": "Fixxer", "reviewText": "This has been great for those device you don't want sitting next to or on top of your home computer.", "summary": "Every home system needs on of these!", "unixReviewTime": 1450310400} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "AAWPXA13MEMCU", "asin": "B00006B7U9", "reviewerName": "Tesseract in Blue Jeans", "reviewText": "Arrived super fast and it was packed well. Very happy they offered MUSIC CD-R (which, for me, seems a bit better than using \"standard\" DATA CD-R disks ... if music is being recorded instead of other data). Good price from the seller too.", "summary": "Good condition and Product Selection", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A2Q8QWJ5NIIPIA", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "H. Lime", "reviewText": "Excellent recordable media at a great price. Can't go wrong.", "summary": "If you need CDR, these are excellent.", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2008", "reviewerID": "A3KHX5BRFM53O4", "asin": "B000167P0G", "reviewerName": "J. Brandt", "reviewText": "Very nice case, especially for the price. It holds my Nikon DSLR, 2 zoom lenses, separate bounce flash unit and chargers. If you have more equipment than this, go up to the next size. Truly a bargain!", "summary": "A real bargain!", "unixReviewTime": 1225065600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2012", "reviewerID": "A3UUT0OS9T8HBO", "asin": "B00009WBYJ", "reviewerName": "James N. Nichols", "reviewText": "Already had all my speakers (Sony) except the center for a 7.1 system. This is the center and the sound is excellent. It has a very nice appearance and is well constructed.", "summary": "Very good", "unixReviewTime": 1354147200} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A2I22510PDKCAM", "asin": "B000053HHD", "style": {"Style:": " 24-70mm f/4.0L"}, "reviewerName": "pcnew", "reviewText": "Glass is first rate.", "summary": "Good Buy", "unixReviewTime": 1492214400} +{"overall": 3.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A36F5YOIRICKXE", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "daytona mike", "reviewText": "They Rust right away in salt air. Sound good. Mounting Nut inside speaker, breaks loose.", "summary": "Sound good. Mounting Nut inside speaker", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A3VOEHDAS63KKX", "asin": "B0000BZL83", "style": {"Size:": " 77 mm"}, "reviewerName": "thanks", "reviewText": "love b+w", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A3TW7GM7LOGEBB", "asin": "B00016W6NC", "style": {"Size:": " 6 ft", "Style:": " Left Angle"}, "reviewerName": "Michael Meio", "reviewText": "Works as expected. Some drawing tablets come with a side connector and a straight plug cable. These are perfect to avoid your keyboard to conflict with the cable and possibly damaging the socket. Just be sure you buy the right angle direction.", "summary": "Perfect for HUION Tablets.", "unixReviewTime": 1442793600} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2012", "reviewerID": "A2JJIYK65V1K40", "asin": "B00007M1TZ", "reviewerName": "R. Stern", "reviewText": "They work. Sound quality is good. I don't have any complaints about the quality of the construction; if they overbuild them, aside from costing more, they get heavy and uncomfortable. If I get more than three years out of them, that will be satisfactory.", "summary": "Seem adequate", "unixReviewTime": 1346112000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A28KJTIHL8YYJM", "asin": "B00009R90O", "reviewerName": "Geraldine M. Mayfield", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1446076800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 4, 2011", "reviewerID": "A1GI2PPCSL443N", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "B. Wong", "reviewText": "Excellent cases. Sturdy and slim. Maybe the delivery person was gentle or the plastic is getting stronger, but not a single damaged or chipped case.", "summary": "Fancier Than Your Average Paper Case", "unixReviewTime": 1299196800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A3SHWQZ3LVU63Y", "asin": "B00009V2YV", "reviewerName": "robert rathert", "reviewText": "Very nice weather radio.. Takes a while to set it up. Good quality.", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2013", "reviewerID": "A1AMOQQ6GCKDNQ", "asin": "B0001TST6W", "style": {"Size:": " X-Long"}, "reviewerName": "James W. Ricci Jr.", "reviewText": "At 6'5\" most camera straps are way too short making it a hassle hanging from my neck. These extensions make my Nikon D600 much more comfortable allowing me to adjust to carry higher or lower in front or over my neck/shoulders on hip. Very nice addition for a great strap.", "summary": "Excellent for tall photographers", "unixReviewTime": 1371168000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "04 12, 2011", "reviewerID": "AD0SWTFDJ5V9J", "asin": "B00009XOMO", "reviewerName": "Lou", "reviewText": "Good set of binoculars. They give a good, clear image. The carry case and neck starap are pretty cheap, but the binos themselves are what I was looking for. I'm sure if you payed more you would get more, but I just needed a good basic set of binoculars and this did it for me.", "summary": "Good set of nocks", "unixReviewTime": 1302566400} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A287M8CNSDMI1S", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "M", "reviewText": "Love these. My third set, purchased for my Dad who is a bit hard of hearing and otherwise needs to blast the TV volume to hear. My Mom loves them just for the reason they work. Easy charge stand is nice and they store well.", "summary": "Love these. My third set", "unixReviewTime": 1467158400} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "AZ27ZG8BTXPE9", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "wise derriere", "reviewText": "I ordered this wire harness but it was for a different model.", "summary": "wire harness", "unixReviewTime": 1421366400} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "A1XMNRX6G0ZS56", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 22\" Widescreen (16:10 Aspect Ratio)"}, "reviewerName": "Lee", "reviewText": "This is my second one of these. I purchased this one for a larger monitor I purchased. It works as described. It is extremely simple to install. I recommend this product for everyone seeking privacy on their monitor.", "summary": "Great Product", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A2JPWJSYSUSWTA", "asin": "B00009R90A", "reviewerName": "S. Mayer", "reviewText": "A space-saving way to store old slides", "summary": "Five Stars", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "A1ALTSI2VKQMBG", "asin": "B0001CNMFM", "reviewerName": "Master Card", "reviewText": "Awesome product with super fast shipping.", "summary": "Five Stars", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A1QM6W4AWI9ZYG", "asin": "B0000YNR4M", "reviewerName": "ULA", "reviewText": "This is a very practical product. Its functional and easy to use. I feel very secure with it.\nI recomended it.", "summary": "Love it!", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2014", "reviewerID": "AZ3PG7MQ60PMB", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Christophe P. Payet", "reviewText": "You cannot beat these pens when it comes to keep dust out of your lenses. I would recommend it to any photographer.", "summary": "Great product.", "unixReviewTime": 1399075200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71eeyjO6XLL._SY88.jpg"], "overall": 5.0, "vote": "6", "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A3N8PJ0GRQ1GHZ", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Kelly&amp;Angel", "reviewText": "AMAZING!!!! I use this for weddings, boudoir, everything really it's such a beautiful sharp image!", "summary": "PERFECT PHOTOS!!!", "unixReviewTime": 1450224000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A2QJP924WOJ1RM", "asin": "B00006IAAN", "style": {"Size:": " 1-Pack"}, "reviewerName": "Gerald Shattuck", "reviewText": "Great Value and Purchase, also well used for a project on Music series I working on very my own collection of CD's..", "summary": "Great Value and Purchase", "unixReviewTime": 1406505600} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A1AT2MCOIT4QLU", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "D. Preston", "reviewText": "Very light weight but does the job.", "summary": "Light weight.", "unixReviewTime": 1435622400} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A1JLWGROME1HE2", "asin": "B00006I560", "reviewerName": "Pattie L. Higgins", "reviewText": "finally got a cassette p[layer that worked right and was a good value. packaging was good. arrived on time and as expected", "summary": "good value", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A2O8W12ETN43M9", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x2.5\" Drive (SATA)"}, "reviewerName": "Tirra", "reviewText": "You cant go wrong with this item if you need it. Basic but solid and does what its supposed to do.", "summary": "Great item if you need it", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A2STISBU1DU02T", "asin": "B00022OBO2", "style": {"Size:": " 4 in x 6 in"}, "reviewerName": "Tyler S.", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1449446400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A3JT72RXDDIDJ6", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Lloyd A. Rhoades", "reviewText": "Monster cable! Very long, and does the trick to connect to my big screen TV", "summary": "Five Stars", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A1VUO38VTT1YXE", "asin": "B0001XFLTQ", "style": {"Color:": " Black", "Style:": " Sling"}, "reviewerName": "R. Glenn", "reviewText": "Great camera sling. Holds camera to the side, out of the way.", "summary": "Five Stars", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A34XRXHZ6BGEQD", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "the500", "reviewText": "great for sharing audio", "summary": "cheap, but it works", "unixReviewTime": 1405468800} +{"overall": 4.0, "verified": true, "reviewTime": "02 7, 2009", "reviewerID": "A32MB69U9SHUFZ", "asin": "B00029X21S", "reviewerName": "JDK CA", "reviewText": "There is a very wide range of speaker wire one can purchase. Personally I think that one can easily spend too much. The primary issues are getting the right gauge and high quality. The Metra line meets both criteria at a price that is reasonable.", "summary": "Reasonable price for high quality wire", "unixReviewTime": 1233964800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A1284MW7SJOHP4", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Max. O", "reviewText": "Best producto for lens cleaning", "summary": "Clean Your Stuff", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": false, "reviewTime": "12 16, 2016", "reviewerID": "A13BMAIMINIGA7", "asin": "B000067SMX", "style": {"Color:": " Black", "Capacity:": " 10 ft"}, "reviewerName": "jimwyman", "reviewText": "just what i needed", "summary": "great", "unixReviewTime": 1481846400} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2013", "reviewerID": "A27K80SBJQQQDS", "asin": "B000001OM5", "style": {"Format:": " Electronics"}, "reviewerName": "Elizabeth Bailey", "reviewText": "Did not resolve the issue with my car dvd drive. When I put it in the drive ejected it as it did with dvds. I beleive it is ok. Just haven't tried it in any other dvd drives I have.", "summary": "car cd lens cleaner", "unixReviewTime": 1379116800} +{"overall": 4.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A3HN4Q8UMNKH47", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "J Cook", "reviewText": "Great bag for all my photography gear. Been using it for years", "summary": "Good buy", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A35M52HCYUTZRE", "asin": "B0000668YX", "style": {"Size:": " Single Outlet", "style name:": " 885 Joules"}, "reviewerName": "Thumbs down guy", "reviewText": "Haven't lost power yet, but seems to be working fine", "summary": "Working fine so far", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A2U6W6HGGQ6KLG", "asin": "B000256R9G", "reviewerName": "B.Meyer", "reviewText": "Actually retracts! I had to return a cheap version I bought at Menards because the return spring wasn't strong enough to pull the cord in on its own. like the little red light at the end letting me know its plugged in. Seems to be pretty good quality.", "summary": "like the little red light at the end letting me ...", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A1SBAANYI8PAE0", "asin": "B00004WCGF", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Jos", "reviewText": "Excelente", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A1AJBFV5MFF0O8", "asin": "B0000AZK08", "style": {"Capacity:": " Testing Probe", "Model:": " Tone trace"}, "reviewerName": "F.J.", "reviewText": "Does the job it needs to do. The only thing it misses is alligator clips, then it would get a 5 star rating.", "summary": "Works", "unixReviewTime": 1354233600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A2HRKTQIE1RW8W", "asin": "B00005T3H5", "style": {"Size:": " 10.2-Inch", "Color:": " Black"}, "reviewerName": "Joe", "reviewText": "Using this for my Dell mini computer easy carrying options, great quality easy to get through airlines TSA screening without removing the equipment from bag.", "summary": "Using this for my Dell mini computer easy carrying options", "unixReviewTime": 1457913600} +{"reviewerID": "A3P2BKR8CSRAH4", "asin": "B000067O6B", "reviewerName": "Larry", "verified": true, "reviewText": "Compared the old privacy filters with the fake plastic velcro, the product went in easily and is barely seen when looking head on. Looks good and works great!", "overall": 4.0, "reviewTime": "07 1, 2013", "summary": "Great product - and barely noticed", "unixReviewTime": 1372636800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A2JG6DAK7JZ380", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Ruby", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A1CQZB3DQ75020", "asin": "B00002EQCW", "reviewerName": "Jim Fili", "reviewText": "Fast", "summary": "Five Stars", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2014", "reviewerID": "A941RTXWLX8UK", "asin": "B0000BVDM7", "reviewerName": "OLO", "reviewText": "Bought this to replace my stock lens cap that i lost. It fits perfectly and works the same like the original. Also fast shipping.", "summary": "Fits Perfectly", "unixReviewTime": 1393632000} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A2UPMNE915D618", "asin": "B00006IAOR", "reviewerName": "Alex Y", "reviewText": "it works", "summary": "Four Stars", "unixReviewTime": 1461283200} +{"overall": 3.0, "verified": false, "reviewTime": "08 15, 2014", "reviewerID": "AGUO8C8CIUBPL", "asin": "B00020S7XK", "reviewerName": "sal3", "reviewText": "OK for an \"emergency\" radio, no bells & whistles at all -has mono sound even on FM stereo stations, but didn't say that in the promo blurb. I'll see how long it lasts before commenting more.", "summary": "Very inexpensive, works fairly well.", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2012", "reviewerID": "A33H8NZQ7UVSC7", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "RSVP", "reviewText": "Nice cable, does what is is supposed to do. Solid and steady. Unfortunately it doesn't seem to like my phillips tv. I am not sure if it is that or my mac. I am trying to dual monitor and it doesn't let me do it on a very high resolution.", "summary": "Good", "unixReviewTime": 1329350400} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2017", "reviewerID": "A32G54YHK6OGO4", "asin": "B000068P8W", "style": {"Style:": " 2.0"}, "reviewerName": "J. Whiddon", "reviewText": "Works great. I have bulldogs so slobber gets on the screen occasionally and this gets it right off (Sony LED).", "summary": "Works great. I have bulldogs so slobber gets on the ...", "unixReviewTime": 1510099200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "A9DIYBDBJDOJ", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Blue Dragonfly", "reviewText": "Amazon always has such good deals on items that are hard to find locally. These will last me for quite a while and enable me to back up my digital audiobooks. Good quality sound.", "summary": "A Great Deal!", "unixReviewTime": 1388188800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2016", "reviewerID": "A1NO08WX63QFOC", "asin": "B0001ZUZR2", "reviewerName": "Rand C", "reviewText": "Works great for my Kenwood KDC X998 faceplate which is 6 5/8\" wide x 1 3/4\" height x 1 1/4\" deep. The actual case dimensions by my ruler is about 7 1/4\" W x 2 7/8\" H x 1 3/8\" D.", "summary": "Great car stereo faceplate case", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2012", "reviewerID": "A1M5VWPNU5FP8T", "asin": "B00020S7XK", "reviewerName": "ROCKMAN", "reviewText": "THIS IS A TERIFFIC LITTLE RADIO.IT PULLS IN DISTANT STATIONS HAS MINIMAL STATIC BASED ON THE WEATHER CONDITONS AND THE DISTANCE TO THE RADIO BROADCASTING STATION.FOR THE PRICE YOU CAN'T GO WRONG.IF YOUR LOOKING FOR A LOW COST POCKET RADIO WITH GOOD RECEPTION BUY THIS ONE", "summary": "VERY SATISFIED", "unixReviewTime": 1345075200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A38POZUVLWENAH", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "J. Fletcher", "reviewText": "Good fit adapter. Seems to work well in an '06 Pontiac G6.", "summary": "Solid Adapter.", "unixReviewTime": 1454976000} +{"reviewerID": "A36LOP1CBJ3GZ6", "asin": "B00009KLAE", "reviewerName": "J. Wu", "verified": true, "reviewText": "I got this because I need for my new L frame. Its actually pretty cheap and the quality of Tiffen is pretty good.", "overall": 4.0, "reviewTime": "07 26, 2010", "summary": "Not too bad for the price", "unixReviewTime": 1280102400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A1SMFPIOJHT6PN", "asin": "B00009XVCU", "reviewerName": "C.Thomas", "reviewText": "Works perfect", "summary": "Great deal", "unixReviewTime": 1437091200} +{"reviewerID": "A2PB93OF2M6UNM", "asin": "B00009V332", "reviewerName": "E. Kurtz", "verified": true, "reviewText": "I am replacing five year old batteries that do not hold their charge for very long. So far the new batteries are lasting much longer.", "overall": 5.0, "reviewTime": "02 27, 2011", "summary": "Time to replace the cordless phone batteries", "unixReviewTime": 1298764800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A3K0YB4QOMU50B", "asin": "B00018MSNI", "style": {"Style:": " Headphones"}, "reviewerName": "D. Marte", "reviewText": "I'm completely thrilled with my purchased, after trying all three models (600/650/700) the 650s are by far my favorite. This is the sound that I was after, I like bass but I also have boom. I needed clear miss and highs with a nice Clea base. That's the 650!", "summary": "Cristal Clear Audio Reproduction.", "unixReviewTime": 1448323200} +{"overall": 4.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A1RDY3KVDE93ST", "asin": "B0000ACOBG", "reviewerName": "kb", "reviewText": "perfect", "summary": "Four Stars", "unixReviewTime": 1422316800} +{"overall": 1.0, "verified": false, "reviewTime": "06 20, 2017", "reviewerID": "A3UG7332II2SVO", "asin": "B00009MVK8", "style": {"Size:": " 25 Discs - Spindle", "Style:": " Branded"}, "reviewerName": "Wolfgang Schwenker", "reviewText": "I do not like the colored labeling.\nHow can you write on this colored surface.\nII am not buy it again.", "summary": "I do not like the colored labeling", "unixReviewTime": 1497916800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "A1FNALLXNR0O0K", "asin": "B00011KM3I", "style": {"Size:": " 24", "Color:": " Black"}, "reviewerName": "Giant JunK", "reviewText": "Works", "summary": "Five Stars", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2013", "reviewerID": "A30IRVGDAEIPVX", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Sam Summins", "reviewText": "Keeps separation! Use it with my surround rig works great. Best cable for this purpose, beats the $20 proformance wise.", "summary": "Great Cable!", "unixReviewTime": 1372550400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "AU9453DVD1C4T", "asin": "B00006B9H8", "reviewerName": "Joe B", "reviewText": "Thank's", "summary": "Five Stars", "unixReviewTime": 1437091200} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "AITKYBGUQZEW1", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Louf", "reviewText": "Great for taking night shots where you need as little movement as possible", "summary": "Four Stars", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A2M0ZAK33EIEME", "asin": "B0001HKIJK", "reviewerName": "Susan", "reviewText": "I purchased these to take to Alaska last summer. While they are larger than some binoculars, the field of vision and brightness are far superior to other smaller binoculars we tried. I highly recommend these.", "summary": "great binoculars", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A3O3V7DXDN2EQH", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "miguel", "reviewText": "Excelente", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "A1K7AJ2Y515SZB", "asin": "B000050ZPU", "style": {"Length:": " 10 ft"}, "reviewerName": "Amazon Customer", "reviewText": "As advertised.", "summary": "Good", "unixReviewTime": 1499299200} +{"overall": 3.0, "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "AU1EU8PNIOMXE", "asin": "B000234TYI", "style": {"Format:": " Personal Computers"}, "reviewerName": "Dustin Kirkland", "reviewText": "It's a power cord. It works. Does the trick. Transfers power from point A to B. Good enough for my needs. Shipping took a little longer than expected.", "summary": "It's a power cord; it works :-)", "unixReviewTime": 1384214400} +{"overall": 4.0, "verified": false, "reviewTime": "02 23, 2004", "reviewerID": "A3O09S2LPBZAUJ", "asin": "B00006I5FQ", "reviewerName": "Osmin Magaa", "reviewText": "For a newcommer, this is a good buy. I used it with Win98. I need to download a small program from the company's website. Painless installation.\nI recommend you, everytime.", "summary": "B+ buy", "unixReviewTime": 1077494400} +{"reviewerID": "A2NWGM8A0S5FY0", "asin": "B00009KLAE", "reviewerName": "Daniel Horande", "verified": true, "reviewText": "Want to protect your lens from scratches? This is perfect. I really treat this filters without much care, i replaced them often. They help a lot to avoid hits on your lens. Do not espect nothing else. the UV protection is something you cant even tell is happening.", "overall": 5.0, "reviewTime": "04 18, 2014", "summary": "Dont get your lens cracked!", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2017", "reviewerID": "A9OLJ66G40NMC", "asin": "B000068OEP", "style": {"Length:": " 3 Meters"}, "reviewerName": "kevin w.", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1512604800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A11Z56ABDO5NKW", "asin": "B00005115S", "style": {"Style:": " 20 Amp + Hardwire"}, "reviewerName": "Rarity", "reviewText": "Easy to install and looks nice. If you want a bunch of hardwired outlets on your work bench you can't go wrong with this.", "summary": "If you want a bunch of hardwired outlets on your work bench you can't go wrong with this.", "unixReviewTime": 1435622400} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1QUSZ9E44QKM4", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Opto Tips", "reviewText": "Good sound and fitting adjustments.", "summary": "Four Stars", "unixReviewTime": 1424390400} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A1PK2JLG9KIQFW", "asin": "B000067SCH", "style": {"Length:": " 6ft"}, "reviewerName": "Michael Piovane", "reviewText": "It is what it is. There is very little to say about a serial cable. I am very happy with the quality but in the same breath I must say these things either work or they don't. It is a cable.", "summary": "Its a cable. It works or it doesn't.", "unixReviewTime": 1443398400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A2IUIOFOUUGA7E", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "W. Chow", "reviewText": "Works perfectly fine for me and doesn't cause any kind of distortion or static when being used.", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2017", "reviewerID": "A2LBLLF6G5IKK3", "asin": "B00006HX1V", "reviewerName": "J. T. Young", "reviewText": "Installs and works without a hitch", "summary": "Great to get dual cabling", "unixReviewTime": 1496534400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A2IUE299OONA73", "asin": "B000001OL6", "style": {"Format:": " Electronics"}, "reviewerName": "Bob C.", "reviewText": "Cost more than regular cassette tapes but also sound better.", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A3QCN47BX9E1N6", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "J", "reviewText": "GREAT ITEM...\nGREAT PRICE.", "summary": "NICE FILTER...", "unixReviewTime": 1416700800} +{"overall": 3.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "AR6NGBYH93H37", "asin": "B00013MSUQ", "reviewerName": "John", "reviewText": "Over priced but a must to protect your lens. Quality is what you would expect on a lens hood half the price.", "summary": "Essential to protect your lens", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A3A522DVPJNI4D", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "T. Gage", "reviewText": "Tiffen is the best. Best price I could find on these filters.", "summary": "Quality filter!", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2014", "reviewerID": "A3M6HVV3XJPLS7", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Radar Dude", "reviewText": "I have two of these 5-port ProSafe switches and two of the 8-port versions. All are very solid, well made, and work as expected.", "summary": "Excellent switch", "unixReviewTime": 1412467200} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A81DSDH458CDD", "asin": "B00011KM3I", "style": {"Size:": " 24", "Color:": " Black"}, "reviewerName": "Taylor Walker", "reviewText": "What can I say? It's a CD case. I really like the hard shell outside. Nice & compact, very sturdy!\n\n- I purchased this with my own money and did not receive any sort of discount. If this review has helped you in making your purchase decision, please click Yes below. Thank you. -", "summary": "GREAT!", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "ASIBW20F600IE", "asin": "B0000AKGX3", "style": {"Style:": " Binocular Only"}, "reviewerName": "N J Cantrell", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A237EYEQ4M2P2K", "asin": "B00009X3V8", "reviewerName": "Najeeb", "reviewText": "Fits as advertised", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2017", "reviewerID": "A276RE7E9TBKQU", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Justin Knowlton", "reviewText": "works great for the price", "summary": "Five Stars", "unixReviewTime": 1514592000} +{"overall": 1.0, "verified": false, "reviewTime": "09 1, 2012", "reviewerID": "A1IRNI1J4HR7LR", "asin": "B00009UH6Z", "reviewerName": "David A. Armiento", "reviewText": "takes 18 hrs to charge any battery, & only charges to 40%\nkills new batteries after 4 to 5 charges\nhave to unplug Ac outlet between charges, no on off switch", "summary": "This charger sucks,", "unixReviewTime": 1346457600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A1QY61MJ5LERCU", "asin": "B0000C16R5", "style": {"Style:": " Mini Pro V"}, "reviewerName": "Alparslan Esmer", "reviewText": "Very practical when you have limited space", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2007", "reviewerID": "A157UO8K6YEGDZ", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Earsion", "reviewText": "Great item if you are interested in volume control with out dealing with the interface all the time (PPC)", "summary": "A must have for PPC/smart phone devices", "unixReviewTime": 1193702400} +{"overall": 4.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A1R95CZ6R5IEAG", "asin": "B000067SOH", "style": {"Size:": " QTY 1", "Color:": " Black"}, "reviewerName": "Bill Mac", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1484265600} +{"overall": 4.0, "verified": true, "reviewTime": "05 26, 2013", "reviewerID": "A3IS66LWFOB2AW", "asin": "B00005T3XH", "reviewerName": "Life Loving Learner", "reviewText": "MP3s and CD's just do not sound as warm and full as a good vinyl LP. This turntable works and sounds great. It has line outs for those without hi-fi preamps.", "summary": "Good turntable.", "unixReviewTime": 1369526400} +{"reviewerID": "A1RP8CPRR58SM2", "asin": "B00009KLAE", "reviewerName": "Bning", "verified": true, "reviewText": "Fits", "overall": 5.0, "reviewTime": "07 19, 2016", "summary": "Five Stars", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A32VAAA3L63RAQ", "asin": "B0001LR1KU", "style": {"Size:": " 30-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Daniel R. Hodges", "reviewText": "works as expected", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A2S9BD5PZ2BMLR", "asin": "B0000VYJRY", "style": {"Size:": " 1-Pack"}, "reviewerName": "Jlamothe", "reviewText": "Thought I needed one for compatible software but I could have just downloaded software for the one I had", "summary": "Bought for new software but could have just downloaded software for the one that I had", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "A3RXESO9973JWR", "asin": "B0001LR1KU", "style": {"Size:": " 100-Blank Disc Surface", "Style:": " Standard Packaging"}, "reviewerName": "L. S.", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A1LO3V9HGMMCY1", "asin": "B00011KM3I", "style": {"Size:": " 24", "Color:": " Black"}, "reviewerName": "iku", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "ADHE180RCNLBU", "asin": "B00009UHYC", "reviewerName": "sarge", "reviewText": "works well", "summary": "Five Stars", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2014", "reviewerID": "A1SFQCUTU4ALOI", "asin": "B000093IRE", "reviewerName": "Da' need", "reviewText": "perfect.. I also like the matte finish, easier to write on. would recommend to anyone who makes their own cd's", "summary": "perfect", "unixReviewTime": 1392940800} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A3FU28LE6YIKZ6", "asin": "1495443043", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Jimmie Hilton", "reviewText": "This is one of the best books I have ever read. I laughed and cried...It keeps you glued to it! Thank you for sharing.", "summary": "Fantastic Read!", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "AU1XLKH75LC7Q", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Chip50", "reviewText": "Works great, very powerful. \"Remember to blow before you go\".", "summary": "Works great, use it all the time.", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A31VZWCSQPWEME", "asin": "B00020S7XK", "reviewerName": "vowkr", "reviewText": "great radio", "summary": "Five Stars", "unixReviewTime": 1451865600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A3TBGVVOA5RTF6", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Michael Ries", "reviewText": "CD work great and at alower cost than the retail store.", "summary": "Five Stars", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2011", "reviewerID": "A2XAMPN1ZH4FGT", "asin": "B00001OWYM", "style": {"Size:": " 1-Pack"}, "reviewerName": "old dog", "reviewText": "This is quickly becoming a very hard to get item since vcr's are now few and far between. This item is almost non-existent in stores. It does the job it was made for. You can't ask for anything more.", "summary": "as good as can get for an almost obsolete item", "unixReviewTime": 1304726400} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "AVS0DDLEDN7BA", "asin": "B0000BZL0U", "style": {"Size:": " 72 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "rhinman", "reviewText": "Totally sold on B+W products. Pricey, but worth it.", "summary": "Essential Lens Protection", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "A1BJWK69CO8LEG", "asin": "B000067RTB", "style": {"Size:": " 50 Feet/ 15.24 Meters", "Color:": " Black"}, "reviewerName": "Brian Buresh", "reviewText": "It's a cable. And it works. Good build quality, thick, feels like an actual CAT6. Would buy again if needed.", "summary": "Works", "unixReviewTime": 1355788800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A3LWAL0XB6HHMR", "asin": "B0000XMUWS", "reviewerName": "Steve", "reviewText": "Blocks out enough light to be easy on the eyes but still lets enough through to see the fine details on the moon.", "summary": "Out of this world", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A218WRVHTF8JI7", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "V. R. Bird", "reviewText": "Works well with no complaints.", "summary": "Five Stars", "unixReviewTime": 1486252800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2013", "reviewerID": "A3RLL7N9RWR9RO", "asin": "B0001OHH5G", "style": {"Length:": " 2 Meters"}, "reviewerName": "J2", "reviewText": "Works perfectly to connect a laptop to an older digital screen. Video only - no audio. Professional grade braided jacket for long life.", "summary": "Very high quality", "unixReviewTime": 1378166400} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2013", "reviewerID": "ABQJS6O2B0ETL", "asin": "B000165ARQ", "reviewerName": "Peeyush Kumar Garg", "reviewText": "Used on only once so far and it works great. Though, one side of the cable was a bit harder to push into the camcorder.", "summary": "Works great", "unixReviewTime": 1384041600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2012", "reviewerID": "ABEYUT9H0GDPS", "asin": "B00009MKCR", "style": {"Color:": " Black", "Style:": " Swivel"}, "reviewerName": "haggisman", "reviewText": "Great for tripod and monopod. Neoprene shoulder pad is lightweight and comfortable. Easy to attach / detach, pack in a camera bag.", "summary": "lighten the load", "unixReviewTime": 1334188800} +{"overall": 1.0, "verified": false, "reviewTime": "04 21, 2017", "reviewerID": "A35A98A3JT3F6N", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Whit", "reviewText": "My house's breaker blows out and this does not", "summary": "One Star", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A107XBDG1SMSAK", "asin": "B00009X3RO", "style": {"Size:": " 1"}, "reviewerName": "Brian A. Cranfill", "reviewText": "Really nice for use as a portfolio. If ya wanna carry around those awesome photos you shoot, I would recommend this as an inexpensive solution", "summary": "really nice", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2010", "reviewerID": "A3ECREWEYTGTJV", "asin": "B00006B9CR", "reviewerName": "Midwest Roots", "reviewText": "I purchased this product with lots of doubts as there are several bad reviews out there. It took a few minutes to get used to it. But it works great! I even purchased one for work as I liked it so much at home.", "summary": "Perfect fit", "unixReviewTime": 1266710400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "AHOZ46OTNQJEG", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Yva", "reviewText": "works very great!", "summary": "comes in handy", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "ADESHKU86V959", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "Evan M.", "reviewText": "Would buy again.", "summary": "just as described.", "unixReviewTime": 1412553600} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2016", "reviewerID": "A1A6E9SQ0MOAK7", "asin": "B0001GZ87I", "style": {"Size:": " 16-Inch", "Color:": " Black and Gray"}, "reviewerName": "Jonathan L. Bradshaw", "reviewText": "I'm just nit picking. . . I only wish it had dual zippers on every pocket. Otherwise, it's proven to be pretty durable. Plenty of pockets and slots to hold papers, books, pamphlets, etc.", "summary": "it's proven to be pretty durable. Plenty of pockets and slots to hold ...", "unixReviewTime": 1452470400} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "AK8YOU3XDSSGM", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "C. Berry", "reviewText": "I have a \" old school \" keyboard with ps2 plug so i needed an adapter to a usb this works great", "summary": "WORKS GREAT", "unixReviewTime": 1436918400} +{"reviewerID": "A2QX2LP25RUNBI", "asin": "B000089GN2", "reviewerName": "Kindle Customer margold", "verified": true, "reviewText": "Did not receive the item - when company informed they resent and I did receive them then,\n\ngood product, good company", "overall": 4.0, "reviewTime": "05 18, 2009", "summary": "headphones", "unixReviewTime": 1242604800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2013", "reviewerID": "A1JEJEDR7NDZ7C", "asin": "B000067RFT", "reviewerName": "Chad S.", "reviewText": "I needed a Cat5e crossover cable.\n\nColor and length was unimportant.\n\nThis one was red. This one was 10 feet long.\n\nI love it. What more can I say? But seriously, it's a 10 foot cable and it works great!", "summary": "Crossover!", "unixReviewTime": 1360627200} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A3P7ZX4H1PS0C7", "asin": "B000067REG", "reviewerName": "L. King", "reviewText": "Good heavy, long cable at a very good price.", "summary": "Good cable / Good price", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A2CNXS86JY4JV4", "asin": "B000172ZD2", "reviewerName": "DP", "reviewText": "Just what I was looking for, a bit pricy but works.", "summary": "Expensive but gets the job done.", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A1O3FTXK4EDUCB", "asin": "B0000BZL0U", "style": {"Size:": " 46 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "DKT", "reviewText": "Fast delivery, great filter.", "summary": "Perfect", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "AM1PR8IHIVXLT", "asin": "B000237C9M", "reviewerName": "Amazon Customer", "reviewText": "Yep, it's a metal ring that fits on the things it says it will fit on.", "summary": "Five Stars", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "A2TFYLFY2PKVJM", "asin": "B00004VXNF", "style": {"Style:": " PRO505XL"}, "reviewerName": "kimberly c hanthorn", "reviewText": "For the money you just can't go wrong. Just invest in good antennas.", "summary": "Good radio.", "unixReviewTime": 1415664000} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A2DGRZM7BVOZW2", "asin": "B00009UHK2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Collin", "reviewText": "Worked exactly as expected. No issues.", "summary": "Yup, it's an adapter kit.", "unixReviewTime": 1417046400} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A2GI8J7RW5XTUL", "asin": "B00009R6VZ", "reviewerName": "G.B.", "reviewText": "What can I say, this is Canon and works like a Canon product. I have an after market remote for my Canons and have had problems with them. I should have listened to my gut when I made the purchase.", "summary": "Very well made, works as stated and trust worthy.", "unixReviewTime": 1384128000} +{"reviewerID": "A2XX52JP49Y8SV", "asin": "B00004ZCJJ", "reviewerName": "penny spencer", "verified": true, "reviewText": "This filter caused my pictures to appear hazy, would like to return, can't use.", "overall": 1.0, "reviewTime": "09 2, 2014", "summary": "would like to return", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A1O1P6RCFM9RLD", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "WWPTV", "reviewText": "I use this on a custom photo/video rig that is mostly Manfrotto parts (502 head, 509HLV pan handle, 294 Tripod)", "summary": "Great remote switch", "unixReviewTime": 1383955200} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2013", "reviewerID": "A2H1ZKAQN0B49Z", "asin": "B00009R90O", "reviewerName": "Gloria Maria", "reviewText": "Love this product! They have great quality and work great. Im very happy with this product and highly recommend it.", "summary": "Absolutely great!", "unixReviewTime": 1371945600} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2013", "reviewerID": "A31F1QDS40ADOH", "asin": "B0001M6K24", "reviewerName": "Marie Guerierri", "reviewText": "I am converting many negatives to digital format. Boy, these come in handy. Perfect size, nice resealing package. They do a nice job with emulsion cleaner.", "summary": "Perfect", "unixReviewTime": 1372464000} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2014", "reviewerID": "A166NH9EP5GG4O", "asin": "B000067VC5", "reviewerName": "GLORIA", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A13K362S8JRU1G", "asin": "B0002BF09S", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "D. Hansen", "reviewText": "It works. Not much else to say. There were extra wires, but I just ziptied them out of the way.", "summary": "2000 Honda Odyssey", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2010", "reviewerID": "A34Q7R6U9QMN77", "asin": "B00013M6NU", "reviewerName": "Old Moose", "reviewText": "Bought this (and a spare battery) to charge the battery for my Nikon P-100 without having it in the camera an it works great.", "summary": "Great little charger", "unixReviewTime": 1292025600} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "A2N8OAIF4WS4U8", "asin": "B000068O18", "style": {"Size:": " 3.3 Feet"}, "reviewerName": "Mireya Higa", "reviewText": "This cable is one of the best.it is well made and easy to plug in. I use this cable for my recording system and it is perfect. thanks.", "summary": "The best", "unixReviewTime": 1387584000} +{"overall": 4.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A2VYPEKBMV1E14", "asin": "B0001ZUZR2", "reviewerName": "Wiseguy", "reviewText": "Just a bit big for the radio face, but will do the job better than nothing.....", "summary": "Might just be too big, but beter than nothing.", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A1PF10K2L4WP9Z", "asin": "B00000J4EY", "style": {"Size:": " 16-Foot Cord", "Style:": " Tabletop (1500 Joules, 16' Cord)"}, "reviewerName": "Debra A. Pangborn", "reviewText": "Love this colorful surge protector. It doesn't take up a lot of space which I like -- I have it on the side of my couch near the wall - so you can't see it, but I get to see it when I plug something in ... highly recommend", "summary": "pretty surge protector", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "A39JY3I364K3LT", "asin": "B0002AG0IO", "style": {"Size:": " 12 Feet"}, "reviewerName": "1Rhino", "reviewText": "Great powercord", "summary": "Five Stars", "unixReviewTime": 1459987200} +{"reviewerID": "AK7Y8ZWF85VVX", "asin": "B00006HURK", "reviewerName": "Sherry Kozo", "verified": false, "reviewText": "was happy to know that Belkin, a well-known and well established company, offered cables in colors that suit your preferences works as expected, love my purple cable!", "overall": 5.0, "reviewTime": "07 26, 2014", "summary": "personalization is great customer service!", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2013", "reviewerID": "A300O9HLPSZNVS", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "HGW", "reviewText": "I wanted to hook seven devices to an uninterruptible power supply including desktop, two LCD monitors, modem, router, two external hard drives, powered USB hub. The UPS had only four receptacles. This product provided a perfect answer, and is well made.", "summary": "A good solution in tight spots", "unixReviewTime": 1367884800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A1FK1LJM913QHI", "asin": "B00005ATMB", "style": {"Size:": " 32", "Style:": " CD Wallet"}, "reviewerName": "Bruce G Archer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1474070400} +{"reviewerID": "A293CWG23K191L", "asin": "B00004ZCJJ", "reviewerName": "Ticke", "verified": true, "reviewText": "Good filter, protects my lens form the dust", "overall": 5.0, "reviewTime": "04 5, 2018", "summary": "Five Stars", "unixReviewTime": 1522886400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2012", "reviewerID": "ALJMX3QEODS88", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "SD 619", "reviewText": "These are great headphones!\n\nI work in the music industry and for the price point, I would rather buy these versus any of the higher price Sony MDR models.", "summary": "Sony MDR V6", "unixReviewTime": 1333929600} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "AOLOLBY23NROX", "asin": "B00006I53W", "style": {"Style:": " Base"}, "reviewerName": "M. Rodriguez", "reviewText": "My first major telephoto lens. A fast lens and even without IS, it works great, plenty of great photos hand held and of course even better with a tripod.", "summary": "it works great, plenty of great photos hand held and of ...", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A305RFA4XZD642", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Troy", "reviewText": "A good, durable cable! I've been traveling with this cable for months now and it has carried full HD without any dropped sync, frames, or sparkle! I couldn't ask for more from a cable.", "summary": "A good decision!", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3VV2959J5X4PY", "asin": "B00006IS4X", "style": {"Size:": " one size"}, "reviewerName": "Luis E. Garcia Briceo", "reviewText": "very nice", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A3JKKSBJ5N0VDE", "asin": "B00009XVD5", "reviewerName": "rainshadow", "reviewText": "Very powerful macro lens. Not for your average user. However, if you are a serious macro photographer, you do not want to miss having this lens in your arsenal.", "summary": "Canon MP-E 65mm f/2.8 1-5X Macro Lens for Canon SLR Cameras", "unixReviewTime": 1400716800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "09 22, 2007", "reviewerID": "AJVHH2EJLK5A2", "asin": "B00007B8SN", "style": {"Style:": " Portable DVD Player Case"}, "reviewerName": "Amazon Customer", "reviewText": "This bag was what I was looking for to hold by kids' portable DVD players. Lots of room for the player, cables, and headphones.", "summary": "Nice bag", "unixReviewTime": 1190419200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A11H40JQV9CPCV", "asin": "B00004YMY5", "style": {"Size:": " 9 in x 11-3/8 in x 8 in", "Color:": " Black"}, "reviewerName": "Rasa", "reviewText": "Just what I needed!!", "summary": "Five Stars", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A20NB4UBW4WDKG", "asin": "B0002343AS", "style": {"Size:": " 10 Feet/3.04 Meter"}, "reviewerName": "Gerardo", "reviewText": "The last time I hung my TV on the wall it was quite difficult to fit all the cables behind it. This time, I got this cable and a similar 'L' shaped elbow for the HDMI. It made a huge difference.\n\nThis cable is standard quality, which is pretty good. Recommended.", "summary": "Will make hanging your flat TV on the wall much easier", "unixReviewTime": 1451174400} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "AURME34HL2NRV", "asin": "B00022OBO2", "style": {"Size:": " 4 inches"}, "reviewerName": "Kurt McComb", "reviewText": "Good deal, fit like a glove, got here fast.", "summary": "Four Stars", "unixReviewTime": 1503360000} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A2EAYVSG6CDAWB", "asin": "B0002AG0IO", "style": {"Size:": " 5 Feet"}, "reviewerName": "J. Cheung", "reviewText": "does the job", "summary": "Four Stars", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2013", "reviewerID": "A3ETMT9VBMKG30", "asin": "B00009WBYL", "reviewerName": "BJT", "reviewText": "Huge improvement over my previous Sony center channel which in itself is a great budget speaker. Don't underestimate the size of this speaker it is a big speaker.", "summary": "Great improvement.", "unixReviewTime": 1364515200} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A1W2CYEH0UXKM0", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "k8tkraft", "reviewText": "GREAT!", "summary": "Five Stars", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AQ45QSVR0DUFP", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "James W. Cross", "reviewText": "These cases provide compact, dust free storage for our DVDs.", "summary": "Compact DVD cases", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2017", "reviewerID": "AW6XHQSBU6KM2", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "passingthrough", "reviewText": "Beautiful, clean bass.... it improved my home theater and music experience.", "summary": "Beautiful, clean bass.", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A1R122NT8D7DHT", "asin": "B0001QFSRI", "style": {"Color:": " Black", "Style:": " Loop"}, "reviewerName": "JOSEPH L", "reviewText": "Item arrived on time and was as described", "summary": "Five Stars", "unixReviewTime": 1433635200} +{"reviewerID": "A4G6K1VAKLIUD", "asin": "B00004ZCJJ", "reviewerName": "shopperwhale", "verified": true, "reviewText": "Just as the title says, inexpensive protection. If this gets broken, it's only a couple bucks, if you drop and smash the lens, you're out hundreds. It's simple as that.", "overall": 5.0, "reviewTime": "01 10, 2014", "summary": "Inexpensive protection", "unixReviewTime": 1389312000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2013", "reviewerID": "A3APKVUOTQ20KQ", "asin": "B00000J1T1", "style": {"Color:": " Black"}, "reviewerName": "R. Seale", "reviewText": "Hey it's an Ethernet cable, These things either works or they don't. This one worked fine for me to connect to home router.", "summary": "It's a cable", "unixReviewTime": 1385337600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "A11Z9PUG2G7GSV", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Steve Ruse", "reviewText": "This thing shakes the whole room! Great for a home theatre.", "summary": "Better than I was expecting!", "unixReviewTime": 1482451200} +{"overall": 1.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A12EVKEPUMX8GP", "asin": "B00008IOX9", "reviewerName": "Patrick Calahan", "reviewText": "I'm 0/5 trying to get any of these to burn on my macbook pro. I just burned 3 other CD-Rs of different types and had no problem whatsoever.\n\nSending these back. This was a complete waste of my time.", "summary": "Absolute garbage. Don't waste your time.", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A1OHUC8AFFJWLZ", "asin": "B00004W3ZP", "style": {"Size:": " 1 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Brian", "reviewText": "Great for hiding cords along the baseboards. Cant even tell its there unless you are looking.", "summary": "Five Stars", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "AA4OFZ7DM3IM7", "asin": "B00011KM3I", "style": {"Size:": " 48", "Color:": " Black"}, "reviewerName": "R. Stewart", "reviewText": "This is the perfect size to fit into most interior car door panels. it's a simple design in a harder shell that still bends enough to squeeze into a tight spot. Well made & designed. This is a good purchase & I would buy again.", "summary": "Case Logic Makes Sense", "unixReviewTime": 1399939200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2013", "reviewerID": "A13OAC05BLK8NS", "asin": "B00007E7C8", "style": {"Size:": " one size"}, "reviewerName": "faelmayrink", "reviewText": "Do not know how I did not have a headset that before. It's great! The headset is quite isolates the sound from outside.", "summary": "Amazing", "unixReviewTime": 1368057600} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A3OR48383CKUMC", "asin": "B00005105N", "reviewerName": "Troy", "reviewText": "Worked perfectly with my Olympus as expected. No issues.", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A1OH7HGET4A8X5", "asin": "B00009R94Q", "reviewerName": "sa22c", "reviewText": "I bought this over another based on reviews and think it's a real nice little box for SD cards. Don't beleive the dimensions listed.", "summary": "Real nice little box", "unixReviewTime": 1358121600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A12B03CXYCIOS9", "asin": "B000067VBL", "reviewerName": "Joseph C.", "reviewText": "Great value!!", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "A1LCDJEGE9GL95", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "happy", "reviewText": "like their, sound,comfort and ease of using, they are great.", "summary": "listen to pc video without disturbing my wife.", "unixReviewTime": 1522972800} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A3O0LEGGVO8K2U", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "GlobeTrotter", "reviewText": "Works great with no issues the splitter line is short though.", "summary": "Splits sound well with no sound compromise", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A3K69788OYBZA7", "asin": "B0001XO674", "style": {"Style:": " 5.25\" 150 Watts Black"}, "reviewerName": "Christine Boprie", "reviewText": "Awesome sound", "summary": "Five Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A2571GYA6BTNV", "asin": "B0001MKU48", "reviewerName": "Nathan", "reviewText": "I have bought a lot of cheap cases over the years and these never disappoint. I will be buying more in the future when the need arrives.", "summary": "Great Cases! Super Solid", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A3T6EIF9BN7408", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "jonas1965", "reviewText": "Works as advertised!", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A2JHNAYLI03LEQ", "asin": "B00006JHSD", "reviewerName": "CHARLES RECKLING", "reviewText": "PERFECT FIT WITH THE CLEANER BOTTLE...GOT TO WATCH WHAT YOU TOUCH FOR SURE, TKS, CR/LASVGSNV", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"reviewerID": "A2IWTRMX1NN2LX", "asin": "B000068O1B", "reviewerName": "CG", "verified": true, "reviewText": "Perfect for my BEHRINGER MICROHD HD400 & JBL LSR305", "overall": 5.0, "reviewTime": "03 7, 2015", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2018", "reviewerID": "A1R3ZGD2EI7BY2", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Chas", "reviewText": "As described.", "summary": "As described.", "unixReviewTime": 1515715200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A10XHH8B5ROYW1", "asin": "B000067SBL", "style": {"Length:": " 15-feet"}, "reviewerName": "Randy L. Prothero", "reviewText": "Good price, hard to find locally. Just what I needed for my projector.", "summary": "Good Product, Quick Delivery", "unixReviewTime": 1465516800} +{"overall": 4.0, "verified": true, "reviewTime": "02 12, 2012", "reviewerID": "A2E6XECPNC9KGR", "asin": "B0000BZOGY", "style": {"Style:": " XL Backpack"}, "reviewerName": "brazman", "reviewText": "I am satisfied with my purchase. The one thing that I would recommend is to reinforce the laptop slot more. If this is designed to carry a 17in laptop then it should have a more protective slot due to the weight of a 17in laptop. Other than that, I am pleased with the bag.", "summary": "good choice for the price", "unixReviewTime": 1329004800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A2HT30WIINB4S5", "asin": "B00004Z6N6", "style": {"Size:": " 55 Piece"}, "reviewerName": "Steve Guthrie", "reviewText": "I built a very nice gaming pc with this kit. The only thing it is missing is an antistatic wrist strap which I purchased from amazon for about $5. Great kit.", "summary": "I built a very nice gaming pc with this kit", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A3MF0SMZ8ICCNX", "asin": "B000068O56", "style": {"Style:": " 1/4\" TRS to Dual 1/4\" TRSF"}, "reviewerName": "Edwin Munt", "reviewText": "Works great, I use this to teach my son how to play guitar. We have it split too both our guitars through one amp.", "summary": "Works great, I use this to teach my son how ...", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "A1ONQNOCQKWY6T", "asin": "B0002AG0IO", "style": {"Size:": " 12 Feet"}, "reviewerName": "min ho ,kim", "reviewText": "very good very fast thank you I like it", "summary": "very good very fast thank you I like it", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A1WJ3P43SZUNDM", "asin": "B000068OEP", "style": {"Length:": " 3 Meters"}, "reviewerName": "McTechie", "reviewText": "great way to output audio from your PC to your powered monitor speakers by Rokit. low price and works as expected... a great value!", "summary": "Moneysaving way to hook up your Powered Monitor Speakers/Subwoofer to your PC", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2013", "reviewerID": "A2ITMU9UHEDMID", "asin": "B00004Z5D1", "reviewerName": "MikeS", "reviewText": "I didn't blow up my computer or parts while I was assembling them. So I can only assume that it worked perfectly. It was comfortable and easy to keep out of the way when getting your fingers into tighter places. Definitely recommend this", "summary": "Seems like it works!", "unixReviewTime": 1374624000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "ANWW21T8O52LM", "asin": "B000068O49", "style": {"Size:": " 1 piece", "Style:": " RCA to XLR3F"}, "reviewerName": "JL", "reviewText": "solve my problem", "summary": "solve my problem", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "A13NG2J0RK6U04", "asin": "B0001M6K24", "reviewerName": "claude wilkerson", "reviewText": "good to clean negatives", "summary": "Five Stars", "unixReviewTime": 1485648000} +{"overall": 3.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A6RT2SMAX7RTB", "asin": "B00005AXIV", "style": {"Size:": " 12x50"}, "reviewerName": "Adam", "reviewText": "I should have read more reviews. These binoculars are great for objects 50 yards and farther. However, anything closer is blurry and out of focus. These are not good for birdwatching as distances can vary and you may need to adjust focus.", "summary": "Good for fixed distances greater than 50 yards.", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A1G0IW36JLDB4K", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "mike grabowski", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A1VWK9QQ40LPIS", "asin": "B00006IRS3", "reviewerName": "Kaze", "reviewText": "This is a well built, solid tripod. Although it doesn't fit in your backpack but\ngives an easy to use great stable platform to my Panasonic FZ 200 bridge camera.", "summary": "Great Tripod for Panasonic Bridge Camera", "unixReviewTime": 1394323200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A20IBVBDYJ3DYF", "asin": "B00011KLOI", "reviewerName": "Ville Walveranta", "reviewText": "We have used these now for several years as our home theather primary speakers. Sound quality is excellent. Perhaps in the future I'll try smaller speaker sets, but I am doubtful their sound quality will exceed that of these towers.", "summary": "Excellent front speakers!", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A3N1L1A11ELIYM", "asin": "B00009R90P", "style": {"Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "it was a big help in organizing my film strips", "summary": "Five Stars", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "AWZSBQILYD3HO", "asin": "B000067RTB", "style": {"Color:": " Blue", "Length:": " 10 Feet/ 3.04 Meters"}, "reviewerName": "Crystal Krauter", "reviewText": "Cheap networks cables. What ! What !", "summary": "Works like a charm. They come in handy if you need them.", "unixReviewTime": 1471046400} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "AP4XX04Z4VKD", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Joel Karwatsky", "reviewText": "The sound on these is astounding for the price! However, but THE PLUG WILL BREAK within 2 years, and THE PADS WILL WEAR-OUT, so buy extras. Still, despite these issues, these headphones are worth the price of admission.", "summary": "The sound on these is astounding for the price! ...", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": false, "reviewTime": "09 25, 2014", "reviewerID": "ASCVKB2X7D6Y5", "asin": "B0000AKABP", "style": {"Color:": " 418"}, "reviewerName": "Amazon Customer", "reviewText": "This item replaced the original one that I lost and it works and fits just like the original. I recommend this item.", "summary": "Great Product", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A16AYBVUM76S6I", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Brian", "reviewText": "Works Great!", "summary": "No Problems....", "unixReviewTime": 1484697600} +{"overall": 1.0, "verified": true, "reviewTime": "03 15, 2013", "reviewerID": "A1RWW6EL81SXXY", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to 1/4 inch TS"}, "reviewerName": "Iacon", "reviewText": "Hosa Cable GPR101 RCA To 1/4 Inch TS Adaptor - 2 Pack didn't work. I am planning on returning them.", "summary": "Hosa Cable GPR101 RCA To 1/4 Inch TS Adaptor - 2 Pack", "unixReviewTime": 1363305600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2009", "reviewerID": "A2QMDBV657NE8H", "asin": "B00006AG6C", "style": {"Size:": " 8x42"}, "reviewerName": "Robert S", "reviewText": "Save thousands and go for Japanese products instead of Austrian/German products, the quality difference is very small.", "summary": "Clear picture at an affordable price.", "unixReviewTime": 1260835200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1NFJVUNORMWIS", "asin": "B00008JOM4", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Bob Brockelbank", "reviewText": "great! very satisfied", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "08 29, 2011", "reviewerID": "AMXICEW01RO1W", "asin": "B00004SOYO", "reviewerName": "K. Wolcott", "reviewText": "As it becomes harder and harder to find KODAK film (even locally just 50 miles from the home of KODAK) it's nice to know that I can still find it here, and at a great price! Product was just as described, and arrived very quickly. I'll be back for more!", "summary": "Fast and friendly!", "unixReviewTime": 1314576000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2013", "reviewerID": "AUMF8C80NP71S", "asin": "B00009X3RO", "style": {"Size:": " 1"}, "reviewerName": "sharon", "reviewText": "I wanted something to use to corral photos I'm considering using in my photography hobby. This was the perfect size and price.", "summary": "Great product", "unixReviewTime": 1381276800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "A3NWVAYWJ9F97R", "asin": "B0000C16R5", "style": {"Style:": " Mini Pro V"}, "reviewerName": "jp", "reviewText": "This is a real sweet tripod for travelling or taking closeups at home. It is built really well for the cost. It will support my 70-300 lens on my d89.", "summary": "perfect for travelling", "unixReviewTime": 1392249600} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2012", "reviewerID": "A1PG70NH85K859", "asin": "B00024JN3Y", "style": {"Size:": " Full Size Binoculars"}, "reviewerName": "G-Man", "reviewText": "For the price it does what I need. The zoom feature is convenient to some extent but at full zoom it's hard to see the subject. Not as clear as a high end glass but for what I use it is completely satisfying. I recommend it.", "summary": "Great for the price", "unixReviewTime": 1327708800} +{"overall": 4.0, "verified": false, "reviewTime": "08 28, 2014", "reviewerID": "A8Z9TS6H964ZD", "asin": "B000138TV8", "style": {"Length:": " 25 Feet"}, "reviewerName": "Bad Dog", "reviewText": "Reasonable price and a good product.", "summary": "Four Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "AMC5Y9SMC96Z1", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Bart", "reviewText": "perfect...great price", "summary": "Five Stars", "unixReviewTime": 1405036800} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A39HS38DGP42MY", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Les Simon", "reviewText": "Good solid bass sounds, handsome cabinet, but the amplifier went out after a year. Tech support sent a replacement right away. It's working great again, I'm keeping my fingers crossed....", "summary": "Love that bass!", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2011", "reviewerID": "A3OV3AYCL1ME8B", "asin": "B00007M1TZ", "reviewerName": "Snakebitten", "reviewText": "Nice complimentary product for the Pana phone system I purchased. Which it was for both ears though. Id recommend it to anyone.", "summary": "Works as advertised", "unixReviewTime": 1323043200} +{"overall": 1.0, "vote": "8", "verified": true, "reviewTime": "10 26, 2006", "reviewerID": "A2US6RIICDKDDK", "asin": "B00006JPKA", "reviewerName": "marie", "reviewText": "i bought one of these rewinders. maybe used it 5 times and it just quit working so threw it in the trash because returning it would have cost as much as a new one. so do not buy this item.", "summary": "bad product", "unixReviewTime": 1161820800} +{"overall": 3.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A10QFIXISW1F3B", "asin": "B0000BZL0U", "style": {"Size:": " 49 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Naomi", "reviewText": "not much of a use for it so far....", "summary": "Three Stars", "unixReviewTime": 1468022400} +{"overall": 3.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "A2R5RKO5QJ0US1", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "Webwar", "reviewText": "I am using a heavy gauge cord on this and it has problems starting. i have to wrestle it for a few turns before it goes. I'm sure with a regular gauge wire it is very good.", "summary": "Hard to start the cord on the reel", "unixReviewTime": 1372032000} +{"overall": 2.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A2ZWCTN306P8J2", "asin": "B00009UTWC", "reviewerName": "Ted Griffler", "reviewText": "viewing screen is too small for me. my fault, I should have gotten a model with a larger screen. the unit is decently made and operates well.", "summary": "viewing screen is too small for me. my fault ...", "unixReviewTime": 1404345600} +{"reviewerID": "A6APZN8KOG7WV", "asin": "B00004ZCJJ", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "el filtro est muy bien, ningun problema con las construccin y cumple con el pbjetivo opara el que fue hecho. Por el precio est bien.", "overall": 4.0, "reviewTime": "12 31, 2012", "summary": "bien", "unixReviewTime": 1356912000} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A7HO6266S5KF0", "asin": "B0000665V6", "reviewerName": "N", "reviewText": "good product..", "summary": "Four Stars", "unixReviewTime": 1410652800} +{"reviewerID": "A3NXCGMHJY9XDC", "asin": "B00021EE4U", "reviewerName": "O. J. Burd", "verified": false, "reviewText": "Stop thinking about what macro lens to buy.\n\nThis one is better then the most expensives Canon lenses.\n\nThe images are very good and the price is excellent!\n\nGo on and take very good macro and close-up photos!", "overall": 5.0, "reviewTime": "04 24, 2010", "summary": "Perfect macro lens!", "unixReviewTime": 1272067200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A2KL54KS5L7G0L", "asin": "B00006B7U9", "reviewerName": "S. Rodz.", "reviewText": "No problem recording, even, with/ in my ancient recorder.", "summary": "Five Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2006", "reviewerID": "A3VYSQW0W89GYQ", "asin": "B0000658CH", "reviewerName": "Agus Suhendar", "reviewText": "Cool! I can expand my-single-USB-port-laptop more flexible.\n\nFrom single peripheral to be quadruplet. I can plug Flashdisk, mouse, external and digital camera in same time. Worth money for usefull gadget!", "summary": "Expandable!", "unixReviewTime": 1143417600} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A3JI82E0KE5CDR", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "M Bradfield", "reviewText": "Works as advertised!", "summary": "Four Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "AG51VKFMSNBO0", "asin": "B00007FHDR", "style": {"Style:": " Metered (15 ft. Cord)"}, "reviewerName": "John Day", "reviewText": "These PDUs are great. I have six of them, and love them. Highly recommended to help you clean up your power cables and power bricks (use a small six inch or one foot extension cord for power bricks), and to also know what your power load is at all times.", "summary": "An excellent PDU", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2016", "reviewerID": "A3KO20KGW47YTN", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Harry W.", "reviewText": "Can't be beat for the price. Has good high and low frequencies.", "summary": "Has good high and low frequencies", "unixReviewTime": 1472256000} +{"reviewerID": "A2OI307POA8N5Q", "asin": "B00004ZCJJ", "reviewerName": "A. Martin", "verified": true, "reviewText": "Even though most lenses have a UV coating on them, using this filter adds protection to the camera lens, which is the main reason I use this item.", "overall": 5.0, "reviewTime": "12 29, 2009", "summary": "What can I say...it's a UV filter", "unixReviewTime": 1262044800} +{"overall": 4.0, "vote": "8", "verified": true, "reviewTime": "03 15, 2017", "reviewerID": "A2ZDJTAXWCQRU5", "asin": "B00005111L", "style": {"Style:": " 8 Outlet, 15ft Cord"}, "reviewerName": "Scritty", "reviewText": "This is great, except it is not 24 inches. It is 24 5/8 inches. That seems pedantic unless you're trying to fit it into a 24 inch space.", "summary": "This is great, except it is not 24 inches", "unixReviewTime": 1489536000} +{"overall": 4.0, "verified": false, "reviewTime": "08 4, 2014", "reviewerID": "A3IFDB7U0FU6A", "asin": "B00006HNZ1", "reviewerName": "Charles K. Reynolds", "reviewText": "Good backup for an older Dell, same size. Just cloned and save to just plug-in and\nkeep going.", "summary": "Four Stars", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A1TNJ5721Q0928", "asin": "B0002BA570", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "U2", "reviewText": "Have only used it twice but worked perfectly. Good price and results.", "summary": "Very good", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A3DQYWT6WNH857", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Lisa", "reviewText": "Great! I use this often, it comes in handy when I need to bring only some of my equipment.", "summary": "Five Stars", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2014", "reviewerID": "A2WVKO0S1FN16I", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet + Outlet Control"}, "reviewerName": "Ron Stivison", "reviewText": "It works exactly the way I needed it to work for the application I bought it for, a good buy", "summary": "Tripp Lite", "unixReviewTime": 1394064000} +{"overall": 1.0, "verified": true, "reviewTime": "06 19, 2012", "reviewerID": "A2P065YUI4IW9A", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Adventurewriter", "reviewText": "This item did not work right from the stzrt. I ended up buying another one from Radio Shack instead, and no problems (fromt that one).", "summary": "Less than one star!", "unixReviewTime": 1340064000} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A2YWZQXO26DHMG", "asin": "B0000632H7", "reviewerName": "Chad Bethel", "reviewText": "great item", "summary": "Five Stars", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A2JBC2SNR9ZZU4", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "MMN", "reviewText": "Great value!!", "summary": "Five Stars", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A24MZXTQCG7F0K", "asin": "B00008AOKJ", "style": {"Style:": " 2 Port splitter"}, "reviewerName": "Super Sailer", "reviewText": "I have had this product in use for over a year. I have it wired to an on/off switch, so it is only on when my computer is on, 6 to 10 hours a day. works great!", "summary": "You won't go wrong with this", "unixReviewTime": 1384387200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A12DO6BSPOOJAX", "asin": "B00000K135", "style": {"Color:": " Clear"}, "reviewerName": "Rated Fairly", "reviewText": "great quality", "summary": "great quality", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2013", "reviewerID": "A1NU7RI5TUV0B4", "asin": "B00009ADEW", "reviewerName": "Magdelena", "reviewText": "I can hear finally. This product I luckily got for $40.00 (used). Works great and I can finally hear my customers. It is compatible with the amplifier boxes that accent uses.", "summary": "Clarity", "unixReviewTime": 1358640000} +{"reviewerID": "ATM2WI5U2U2Z", "asin": "B00004ZCJJ", "reviewerName": "ttasma", "verified": true, "reviewText": "Worth what you pay for it.", "overall": 3.0, "reviewTime": "04 14, 2015", "summary": "Three Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A9N3F49KWSPON", "asin": "B0000510ZO", "style": {"Size:": " 25ft", "Style:": " 18 AWG"}, "reviewerName": "Mahan", "reviewText": "Just a normal power cord. Works as expected.", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2014", "reviewerID": "ASK6BWWI2CHOP", "asin": "B00004ZCC1", "style": {"Size:": " 46mm"}, "reviewerName": "Fred Forbes", "reviewText": "... since they effect of a polarizer is difficult to duplicate in Photoshop. This one performs well at a good price so picked up a cooupleof different sizes for my lens collection in my new micro four thirds mirrorless system.", "summary": "One of the few \"must have\" filters ...", "unixReviewTime": 1391299200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A3BFO0Y78CCNA6", "asin": "B0001XO674", "style": {"Style:": " 6.5\" 200 Watts White"}, "reviewerName": "A customer", "reviewText": "Sounds awesome", "summary": "Five Stars", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2013", "reviewerID": "A2U0LAH5E94JHM", "asin": "B00005K47X", "reviewerName": "Chilly A. Willy", "reviewText": "Simple, straightforward lens. Takes great images. Such a simple build, but a really good result. Be aware that the auto focus isn't all that great. I usually use manual focus on this lens.", "summary": "Decent lens. Worth buying for sure.", "unixReviewTime": 1384560000} +{"overall": 4.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A2S403C6ZMBKRI", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "Mark W.", "reviewText": "For 100ft cords, this is ideal for 18 gauge wires. It will fit a 12 gauge, but you have to make sure to pull it tight and to leave no large gaps. Even then its cutting it close.", "summary": "For 100ft cords, this is ideal for 18 gauge ...", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A2Q5YONY6RAD53", "asin": "B00009R9A1", "style": {"Format:": " Camera"}, "reviewerName": "Stu Har", "reviewText": "I got this mainly as a lens protector. Its a Hoya UV(c) slim frame:\n[...]\nWorks as expected, up to Hoya standards", "summary": "Good lens protector", "unixReviewTime": 1357689600} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2011", "reviewerID": "A1B30I900KKJOY", "asin": "B0001VWHH2", "style": {"Length:": " 6 feet"}, "reviewerName": "Jp", "reviewText": "Belkin makes a great product and this Optical cable works flawlessly. If there is one gripe I have it is the plug isn't as snug as I would like and if I move the receiver the plug may come out.", "summary": "PureAV Optical Cable", "unixReviewTime": 1325030400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2013", "reviewerID": "A3V333U3FM44AX", "asin": "B000067RTB", "style": {"Color:": " Black", "Length:": " 10 Feet/ 3.04 Meters"}, "reviewerName": "Jim", "reviewText": "This cable works perfectly and was an excellent deal. Several for choices, and I have ordered other colors of the same cable and varying lengths. All work flawlessly.", "summary": "Excellent deal", "unixReviewTime": 1363046400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A94QJ3Z8G7936", "asin": "B00006HQV5", "style": {"Size:": " 5.6 ft", "Style:": " 2in x 2in"}, "reviewerName": "VM370Guy", "reviewText": "As good as Panduit, plus it's cheaper and includes the cover, which Panduit doesn't.", "summary": "StarTech.com AD2X2 2x2-Inch Open Slot Wiring Cable Raceway Duct with Cover", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2001", "reviewerID": "A3OVFH1ACP273D", "asin": "B00005ARK4", "reviewerName": "Brandywine", "reviewText": "Even with XP.\nPrint server is fast.\nWireless to my Laptop with SMC PCMCIA card is fast from anywahere in my house.\nVery Easy to set up.\nDSL connecting-----I didn't even have to turn on my brain!\nDSL sharing--same.\nThis is it!", "summary": "PERFECT, FLAWLESS", "unixReviewTime": 1005436800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A3BV20ZBV9TB21", "asin": "B00004ZCJI", "style": {"Size:": " 46mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Dennis Quinones", "reviewText": "nice UV filter for my camera", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A1OWS3J0OFXQL4", "asin": "B0000D88FU", "reviewerName": "Bruce", "reviewText": "It feels like it's crafted very well. I'm only using it on the inside, but it's doing the job.", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "AVW2J31SGY1CA", "asin": "B000023VW2", "reviewerName": "Tim", "reviewText": "Great portable short wave antenna. Nice price with fast shipping. Great bargain.", "summary": "Five Stars", "unixReviewTime": 1420761600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/7169xnUST1L._SY88.jpg"], "overall": 5.0, "vote": "6", "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A2UKICNDUUO5GR", "asin": "B00011KM3I", "style": {"Size:": " 72", "Color:": " Blue"}, "reviewerName": "Lana Witt", "reviewText": "Looks great. Arrived with Case Logic tags in simple, clear plastic packaging inside the Amazon box. Already using it.", "summary": "Five Stars", "unixReviewTime": 1467676800} +{"overall": 2.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A1M9S5AOVCN075", "asin": "B0000AE6G9", "reviewerName": "Doobee", "reviewText": "Didn't last", "summary": "Two Stars", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "ASOCIC0G2NK2I", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x2.5\" Drive (SATA)"}, "reviewerName": "StriderWA", "reviewText": "Exactly as pictured, worked as intended.", "summary": "Five Stars", "unixReviewTime": 1438387200} +{"overall": 3.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A130H624EX3T4N", "asin": "4126895493", "style": {"Color:": " Pink"}, "reviewerName": "Daniella", "reviewText": "Not very sturdy, but not bad for price.", "summary": "Three Stars", "unixReviewTime": 1452902400} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A38AAPXSJN4C5G", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Edward J. Barton", "reviewText": "As expected. Good quality. Good price as well.", "summary": "Good value", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A30S4YUFYT64PY", "asin": "B000062VUQ", "style": {"Size:": " 3-piece"}, "reviewerName": "Tony", "reviewText": "Boom!!! This is great addition to iMac setup, love it!!", "summary": "Pump up the volume", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A1B2DYNRWES32L", "asin": "B0000AY61Y", "style": {"Size:": " 9 ft Telescoping"}, "reviewerName": "RK Meyer", "reviewText": "Provides the tall reach easily, handy for a short person.", "summary": "Tall reach", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "AED9MKKEFXU7I", "asin": "B00007E7C8", "style": {"Size:": " one size"}, "reviewerName": "Luis Jose Fernandez", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"overall": 2.0, "verified": true, "reviewTime": "04 3, 2010", "reviewerID": "A7ONDEK8WA4MR", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "L. Yagami", "reviewText": "Sound quality is very poor with this cable. I hooked it up directly to the sound bar attached to my TV. When I played music I heard a lot of rattling which disturbed the whole flow of the music. I just play music through my PS3 now and the sound quality is much improved.", "summary": "Belkin Y-Cable", "unixReviewTime": 1270252800} +{"reviewerID": "A2JZBHU2LZQ0IX", "asin": "B00009KLAE", "reviewerName": "D. BECK", "verified": true, "reviewText": "works good", "overall": 5.0, "reviewTime": "08 23, 2014", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"reviewerID": "AES1WLHGAVKAD", "asin": "B00009KLAE", "reviewerName": "Dominick J Dimattina Jr", "verified": true, "reviewText": "The price for these at the Box stores are higher You can beat the price Tiffen has. I bought this for my Canon Rebel T3", "overall": 5.0, "reviewTime": "08 3, 2013", "summary": "Love it", "unixReviewTime": 1375488000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2011", "reviewerID": "A3QMVWT49YECBP", "asin": "B0000A4F05", "reviewerName": "ctd3", "reviewText": "Build quality of product is impressive , having purchased a few umbrellas recently this one is the best of the lot, the fit and build of the removable black cover also impressive, comes off easily for shoot through situations (my primary use). an excellent product.", "summary": "well made product", "unixReviewTime": 1323475200} +{"overall": 4.0, "verified": false, "reviewTime": "08 17, 2012", "reviewerID": "A35I37O2I4B4ZO", "asin": "B00009XVCZ", "style": {"Style:": " Lens Only"}, "reviewerName": "Pjurisprudencia", "reviewText": "I had a 50mm 1.4, build quality was better then my 50mm 1.8 but not as nice as my 85mm 1.8. Has beautiful bokeh but is just too soft for my taste. I guess I got spoiled with my 50mm f1.8.", "summary": "Nice lens but soft :(", "unixReviewTime": 1345161600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2017", "reviewerID": "A62MXRQABSPTU", "asin": "B0000AI0N1", "style": {"Style:": " Off White"}, "reviewerName": "Phillip Panos", "reviewText": "These seem to be well made. We haven't actually had any surges, so time will tell.", "summary": "Surge Protector", "unixReviewTime": 1496707200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A3H0LFKKHSVFTC", "asin": "B000067O7T", "reviewerName": "Griffi", "reviewText": "Performs as expected.", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"overall": 3.0, "verified": true, "reviewTime": "05 27, 2016", "reviewerID": "A1D416GWN3ZD3W", "asin": "B0000E2Y8P", "style": {"Style:": " Tray-less"}, "reviewerName": "Verigam", "reviewText": "Perhaps they have a different idea of what \"hot swappable\" is. I can swap out the drive, but not on the fly like a true hot swappable drive should.", "summary": "OK", "unixReviewTime": 1464307200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A2FP1VOFAE54QU", "asin": "B00009YFTI", "reviewerName": "T E Cook", "reviewText": "Works as it should!", "summary": "Five Stars", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A150EKG0OXV112", "asin": "B0000D89M6", "reviewerName": "Rick", "reviewText": "Works as described.", "summary": "Five Stars", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": false, "reviewTime": "08 18, 2014", "reviewerID": "A1KQJZWLZVQ58I", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "BecksWhip", "reviewText": "Very happy with this purchase, have them mounted on my garage door facing the house. Setup was pretty easy and they sound great hooked up to my Altec Lansing 5.1 system in the garage. Just plug in your audio source and provide entertainment thru the backyard!", "summary": "Solid outdoor speaker set with good mounts", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A2SM12G8210V22", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Ken", "reviewText": "Works GREAT!!!", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A2FHPXFQYLBKY5", "asin": "B0000BZL0U", "style": {"Size:": " 67 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Dog Judge", "reviewText": "Does the job with no troubles. No effect on the sharpness of my photos", "summary": "Does the job!", "unixReviewTime": 1426204800} +{"reviewerID": "A944X89MNHFDV", "asin": "B00000J1E6", "reviewerName": "oldtimer", "verified": true, "reviewText": "good", "overall": 5.0, "reviewTime": "07 14, 2016", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "ANZZTTD7K3HAT", "asin": "B000068O18", "style": {"Size:": " 9.8 Feet"}, "reviewerName": "Aerocraft67", "reviewText": "My new studio monitors for desktop listening only have 1/4\" jacks for unbalanced input, but my preamp only has RCA. Voila, these connect the two. The 1/4\" jacks stick out more than RCA jacks; something to consider if you're placing these in a tight space or up against a wall.", "summary": "Connects consumer preamp to \"pro audio\" powered studio monitors", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "AXCLDZ4YYFPDA", "asin": "B00000J1V5", "style": {"Color:": " Orange"}, "reviewerName": "Sam Rapaport", "reviewText": "Thank You!", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2011", "reviewerID": "A3U4AFML9SZPWK", "asin": "B0000B006W", "style": {"Capacity:": " 2 GB"}, "reviewerName": "Leith Tussing", "reviewText": "I bought these to upgrade my uncles older Dell P4 Celeron system with 256 MB of RAM to 1 GB. As with any RAM upgrade it was very easy to do and worth every penny. The RAM was nice and fast for that system and a wonderful upgrade to keep them going for a couple more years.", "summary": "Old PC upgrade", "unixReviewTime": 1316131200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A2JLPGJL7LJ0WF", "asin": "B00009UTCA", "style": {"Size:": " PROVISTA 18"}, "reviewerName": "armen", "reviewText": "Best tripod ever. I tried with jib and dolly did the job great and very smoothly. Tnx", "summary": "Five Stars", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "AELUV0PA3EAYE", "asin": "B00004Z6HU", "style": {"Color:": " Gray", "Length:": " 250-Foot"}, "reviewerName": "Ben", "reviewText": "Great cable, Affordable amount. I get very good speeds between my computer and server. Most of the time nearing 90MB/s.", "summary": "Great cable, Affordable amount", "unixReviewTime": 1451952000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A2N2KMD8QI7ULX", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Justin Moore", "reviewText": "I love this lens! It is fast and sharp. Great for portraits. The shallow DOF produces images that people love. The auto focus is also very good.", "summary": "I love this lens", "unixReviewTime": 1455667200} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2016", "reviewerID": "A30VY7SSQ4FT9H", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Roberto J. Tercero", "reviewText": "Works as advertised.", "summary": "Four Stars", "unixReviewTime": 1456272000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A1CJATM7HUHIGU", "asin": "B000068O3E", "style": {"Size:": " 5 Feet"}, "reviewerName": "Poco Askew", "reviewText": "This cable works well for me in an unusual situation. Not an easy cable or adapter to find locally. Good value.", "summary": "Not so easy to find and works well", "unixReviewTime": 1374883200} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2013", "reviewerID": "AC7XEBYF4C8Z3", "asin": "B0000AE66S", "reviewerName": "J. Boreen", "reviewText": "This lens hood has a good fit and when properly locked in place affords good protection from glare and stray light sources. Good price. Would recommend hood and seller.", "summary": "Well made lens hood", "unixReviewTime": 1372636800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A12G5FY0FBJBLO", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "J", "reviewText": "excellent.", "summary": "Five Stars", "unixReviewTime": 1444003200} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2011", "reviewerID": "A3C0JW144ZCLIM", "asin": "B00009V6U0", "style": {"Capacity:": " 1 GB"}, "reviewerName": "JS Merlino", "reviewText": "upgraded my 7 year old hp dv1000se laptop with two 1gb modules. installed with ease. arrived sooner than expected. pny working just fine for me. seems to clearly speed up my computer and brower. thanks amazon!", "summary": "modules worked great", "unixReviewTime": 1319846400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "AOV2OHKK4JRKO", "asin": "B00006IAAN", "style": {"Size:": " 1-Pack"}, "reviewerName": "Stephen J. Lemmons", "reviewText": "Another excellent archival product by Maxwell. Again I'm disappointed the manufacture is no longer making these.", "summary": "Archival CD", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2Y8CVY228KY7Q", "asin": "B00007EDM8", "style": {"Color:": " White", "Product Packaging:": " Standard Packaging"}, "reviewerName": "Amazon buyer", "reviewText": "Convenient and lightweight. Will recommend.", "summary": "Good quality product", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A1LJSUUSD5ZM7Y", "asin": "B0000BZL0U", "style": {"Size:": " 52 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Fitz Michael", "reviewText": "I had multiple uv filters and this is the best.", "summary": "Five Stars", "unixReviewTime": 1464998400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "AMXZJZPZNA1T7", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "AlexS", "reviewText": "always good to have a couple of these lying around", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "ADWA3HM9JLE2H", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Brody", "reviewText": "Good quality product.", "summary": "Five Stars", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A34IB1YPRZOBRB", "asin": "B00000J1V5", "style": {"Color:": " Gray"}, "reviewerName": "Bea", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1413244800} +{"overall": 3.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A2GUUDRETD66B1", "asin": "B00000JD3O", "style": {"Size:": " 5.5oz", "Color:": " black"}, "reviewerName": "teeganz", "reviewText": "I like that it holds my I'd cards, bank and credit cards as well, but it made it bulky to carry. Wouldn't fit in my pockets.", "summary": "I like that it holds my I'd cards", "unixReviewTime": 1411430400} +{"reviewerID": "A2OKV6LG9XXDM8", "asin": "B00009KLAE", "reviewerName": "Greg Hindman", "verified": true, "reviewText": "I mainly bought this lens filter as protection for my Nikkor 80-200mm lens. Works just as it should, no more no less.", "overall": 5.0, "reviewTime": "12 31, 2013", "summary": "Fits and works perfectly", "unixReviewTime": 1388448000} +{"overall": 3.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "A2QQXEP6PQJS1M", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "Karen W.", "reviewText": "Here's the problem: if one is using the headphones, the TV mutes completely which does not allow another person to listen.", "summary": "Here's the problem: if one is using the headphones ...", "unixReviewTime": 1505779200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "A2KLQJ97OVMV9W", "asin": "B000256R9G", "reviewerName": "Daniel Wilczynski", "reviewText": "Great product!", "summary": "Five Stars", "unixReviewTime": 1450051200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A3S8ITAYIN9X8I", "asin": "B00006JPD1", "reviewerName": "j0hnnyw00t", "reviewText": "Have not used it yet, but I need the light-weight design for easy handling and convenience. And the concept, which does not require batteries, works for me: that is, it adjusts given inputs by reducing each volume to a desired mix.", "summary": "AZDEN CAM-3 On-Camcorder Mini Audio Mixer", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2015", "reviewerID": "AXU8PLMY1BJEA", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "knock2x", "reviewText": "great for garage doors when a single surge protector is needed", "summary": "Five Stars", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A1HVZ6GEMKFUMU", "asin": "B000067RWH", "reviewerName": "For Realz", "reviewText": "This is a long power cable and it works. That is all I have to say about that.", "summary": "It works!", "unixReviewTime": 1478476800} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A2KR372GZW00MJ", "asin": "0972683275", "reviewerName": "Mike", "reviewText": "It is a good value, but is not top notch quality. If you extend both arms in the same direction, the TV (30 inch) tilts. However if the arm goes right, then left, the play in the hinges offset each other and it works great.", "summary": "Good value", "unixReviewTime": 1386547200} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "AHCVIFWZCCEWB", "asin": "B00006B828", "style": {"Size:": " 1-Pack"}, "reviewerName": "Margo D Schafer", "reviewText": "works every time", "summary": "Five Stars", "unixReviewTime": 1450828800} +{"reviewerID": "A3N1GJI2UPJAWZ", "asin": "B00009KLAE", "reviewerName": "M. Jenner", "verified": true, "reviewText": "Good quality, does not diminish results from your expensive lenses.", "overall": 5.0, "reviewTime": "10 31, 2016", "summary": "Nice thin metal ring stays out of the picture.", "unixReviewTime": 1477872000} +{"reviewerID": "A2IMZNPSJGB2HQ", "asin": "B00004ZCJJ", "reviewerName": "Fernando Valenzuela", "verified": true, "reviewText": "Does a good job keeping my lenses safe. It's not the top of the line filter out there but I haven't noticed any difference in image quality with and without the filter. Good value for the price.", "overall": 5.0, "reviewTime": "10 30, 2007", "summary": "Good protection", "unixReviewTime": 1193702400} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2017", "reviewerID": "A2ZEQ0WBLNQN7O", "asin": "073530498X", "style": {"Format:": " Spiral-bound"}, "reviewerName": "Amanda E.", "reviewText": "Bought it as a gift. He loved it!", "summary": "Great quality!", "unixReviewTime": 1500249600} +{"overall": 2.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A3JNUH69NTTY9W", "asin": "B00008NJEP", "reviewerName": "hybrid fan98", "reviewText": "It's not as if all the stations come in now, I still get interference when moving around the room while the radio is on - even on strong signal, major stations.. oh well.", "summary": "Was worth a shot.", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A31U3DK3WRVYVY", "asin": "B00005ATMB", "style": {"Capacity:": " 336", "Style:": " CD Wallet"}, "reviewerName": "Rich S.", "reviewText": "GOOD PRODUCT", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "AR1ADCLZTEHHE", "asin": "B00006I5JA", "reviewerName": "Jennifer K", "reviewText": "Very impressed! I have a Nikon D5000 that has a 50mm lense with a 58mm UV filter on it and this fits perfectly!", "summary": "Great Stuff", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "ASMZGFCN4OVLA", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "Darkstone Entertainment", "reviewText": "Niftalicious!!!", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 1.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A3OH6S06OYE7HK", "asin": "B0000A576B", "reviewerName": "user", "reviewText": "Gave a one star because I could not get it to work on my HP Compaq Presario desktop. May work out for u.", "summary": "Gave a one star because I could not get it ...", "unixReviewTime": 1438819200} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2012", "reviewerID": "A3V9DEAGEA3GXH", "asin": "B00007M1TZ", "reviewerName": "Jerry Jello", "reviewText": "these headphones were a gift to free up the hands of a seamstress mother in law... and they did just that. She mussed countless call not being able to hear incoming calls. With the speaker right at her ear she hasn't missed a call since.", "summary": "worked like a charm", "unixReviewTime": 1356566400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 15, 2006", "reviewerID": "A1I5EBAFXUPVN8", "asin": "B000288I4U", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Steven L", "reviewText": "these are way to big they won't stay in my ears. I had to throw them in the trash, there worthless if they don't stay in your ears.", "summary": "Waist of money", "unixReviewTime": 1166140800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2017", "reviewerID": "A318PAOQ195GI2", "asin": "B000068OEP", "style": {"Length:": " 3 Meters"}, "reviewerName": "Washdog32", "reviewText": "I love the HOSA brand products. Very high quality and fit & finish.", "summary": "Five Stars", "unixReviewTime": 1494720000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "AYOHW5X7MK302", "asin": "B0000CEPC8", "style": {"Size:": " .!Only Bluetooth 2.0", "Color:": " Silver", "Package Type:": " Standard Packaging"}, "reviewerName": "Marci G.", "reviewText": "Good quality", "summary": "Five Stars", "unixReviewTime": 1406073600} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A2L1AIIJM0OXAZ", "asin": "B000067SM8", "style": {"Color:": " Yellow", "Capacity:": " 15 ft"}, "reviewerName": "John A McDonough", "reviewText": "Good cable at a good price.", "summary": "Color coding delight.", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A22AO3Z3NJFHRV", "asin": "B00006B81E", "style": {"Style:": " 3 Outlet Direct Plug-in"}, "reviewerName": "Barbara Gornia", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2008", "reviewerID": "A152LNX4BOGFFW", "asin": "B0000658CH", "reviewerName": "David K.", "reviewText": "Great product and works as advertised. Has plenty of spaced out usb ports. In case your usb devices are kind of wide.", "summary": "Excellent Product", "unixReviewTime": 1218931200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A1N8W8Q302EBDN", "asin": "B0000E1VRT", "reviewerName": "chris", "reviewText": "wow, for the price, this is amazing. the quality of the plastic is very good. i would definitely buy this again.", "summary": "this is amazing. the quality of the plastic is very good", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2013", "reviewerID": "A24M02Q8LG9DUZ", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "F Hyll", "reviewText": "Nothing fancy, no wow factor, just some well made, and as displayed cd cases that you can get at any office supply store. Will work just fine to house your cd/DVD product.", "summary": "What you would expect", "unixReviewTime": 1372550400} +{"overall": 2.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "AGTLZUXGSVFST", "asin": "B00000K2YR", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Anthony", "reviewText": "very poor weather band and CB not so hot. Have K 40 ant on it.", "summary": "Two Stars", "unixReviewTime": 1405123200} +{"overall": 3.0, "verified": false, "reviewTime": "01 4, 2017", "reviewerID": "A1X5N0UXXL1IDI", "asin": "B00006JPEA", "reviewerName": "Amazon Customer", "reviewText": "it appears to be working so far but cant determine if the signal is actually being combined or split, which I guess is a good thing.", "summary": "it appears to be working so far but cant determine if the signal is actually being combined or split, which I guess is a good th", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2013", "reviewerID": "A2F866KJ962NCM", "asin": "B00020S7XK", "reviewerName": "Cheryl C. Ciulei", "reviewText": "Bought this for my mother and she loved it. Just what she wanted a small battery radio that she cold listen to at night.", "summary": "Good radio", "unixReviewTime": 1357603200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A2BGXMV48SXMJK", "asin": "B00007EDZ7", "reviewerName": "Russ", "reviewText": "quality product", "summary": "Five Stars", "unixReviewTime": 1417132800} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A338OAYC32ODD8", "asin": "B000068O4N", "style": {"Style:": " 3.5mm TRS to 1/4\" TRS"}, "reviewerName": "Mario", "reviewText": "Just right", "summary": "Four Stars", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2009", "reviewerID": "A1ZH8M7OXPG6Z3", "asin": "B0002343AS", "style": {"Size:": " 10 Feet/3.04 Meter"}, "reviewerName": "Bruce R.", "reviewText": "it's a cord, it works, quality appears identical to factory cords, the extra length let me avoid an extension cord, can't ask for any more", "summary": "it's a cord", "unixReviewTime": 1260316800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "A3OAZLR066BVSY", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Photo Nelson", "reviewText": "It has only been in use for a couple weeks. My experience: Plugged it in, connected it to cable modem, 2 different wireless routers, and Direct TV DVR. Voila", "summary": "Hassle free ethernet", "unixReviewTime": 1409356800} +{"overall": 5.0, "vote": "5", "verified": false, "reviewTime": "01 4, 2009", "reviewerID": "ASYDD2MS0JZI1", "asin": "B0002AH4YS", "reviewerName": "Joegie V. Gelladuga", "reviewText": "I am using Nikon P80 camera and this battery works great as my backup for long special occasions. Highly recommended.", "summary": "Great Battery for Nikon P80", "unixReviewTime": 1231027200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "10 1, 2012", "reviewerID": "A1VTMKP26HUWWB", "asin": "B00008NJEP", "reviewerName": "stubble", "reviewText": "Simple: No (as in zero) appreciable signal improvement when connected. Save a few bucks and get a tried and true dipole antenna.", "summary": "Doesn't work", "unixReviewTime": 1349049600} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "AMWSN2W5EH4PP", "asin": "B00029MTMQ", "style": {"Size:": " Microphone"}, "reviewerName": "Cory", "reviewText": "Better than my logitech g230 gaming headset mic.", "summary": "Five Stars", "unixReviewTime": 1447632000} +{"overall": 4.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "AIWTLY316LPR4", "asin": "B000071AA9", "style": {"Size:": " 10 Feet", "Style:": " USB VGA"}, "reviewerName": "caravanman", "reviewText": "Comes in handy when you want to use your flat panel TV to view video content from your computer", "summary": "What to use the Trendnet USB VGA male to male patch cord for", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "AZ39MF7WP0TW2", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Tom", "reviewText": "We've had a few bundles of these and have had no issues with the disks. They burn fast and so far, we've had no issues with \"dud\" disks. These do what they should.", "summary": "No issues with these", "unixReviewTime": 1357862400} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "08 26, 2009", "reviewerID": "A1XPJQW8A8OZOM", "asin": "B00004ZCC1", "style": {"Size:": " 58mm"}, "reviewerName": "J. Figueroa", "reviewText": "I-LOVE-THIS-FILTER!!!! This makes my outdoor pictures so much better and cuts down on light and saturates colors. I keep this on my main lens at all times.", "summary": "Awesome", "unixReviewTime": 1251244800} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "06 6, 2008", "reviewerID": "A3MLSY6VS7AB8O", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "J. S", "reviewText": "I have this lens on my Nikon D80 and so far it is awesome. The shots are real sharp and its real easy to add depth to any shot. I am still impressed by the quality of my shots from such a low price lens.\nI have only been carring this and my 18-200mm VR.\nWhat else do you need?", "summary": "Excellent.", "unixReviewTime": 1212710400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2018", "reviewerID": "A1S32SBU5QZVMM", "asin": "B00005NDMR", "style": {"Style:": " PL-990"}, "reviewerName": "melvin simmons", "reviewText": "perfect for my old school LPs", "summary": "Five Stars", "unixReviewTime": 1520035200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A28FIXPQQW5BBP", "asin": "B000070GUZ", "reviewerName": "M. Goffe", "reviewText": "Duracell quality speaks for itself, well worth the purchase.;", "summary": "Five Stars", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "AKXQFBCVB3FR7", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to 1/4 inch TS"}, "reviewerName": "J. Cavacini", "reviewText": "These adapters fit as expected. No complaints.", "summary": "As described, just fine.", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A1UODWQ2K6DFXT", "asin": "B00004ZCJI", "style": {"Size:": " 27mm", "Package Type:": " Standard Packaging"}, "reviewerName": "ellafan", "reviewText": "I got this for my new Pentax 40mm pancake lens. The filter will protect the lens nicely.", "summary": "The filter will protect the lens nicely.", "unixReviewTime": 1431907200} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A2ONTGTJTRLQ9U", "asin": "B000068O4Y", "style": {"Style:": " RCA to Dual RCAF"}, "reviewerName": "T to the ODD", "reviewText": "Just an RCA splitter and does that well.", "summary": "Splitsville.", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A1ABO70YM67AEG", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "P. Carlos", "reviewText": "It certainly holds an extention cord of 100 feet. Easy to reel in the cord. It also makes it easy to store on a shelf. It is pretty compacted. It is fairly sturdy. Good product. Thank you.", "summary": "Good Cord Reel", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A48FNZ742F5M3", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "Matt Matt", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1441065600} +{"reviewerID": "AJE106MYDYA90", "asin": "B00004ZCJJ", "reviewerName": "Michael Nguyen", "verified": true, "reviewText": "this one is not to bad if your budget is not enough to spend, it blocks a little bit light on your picture. For the price 10 buck, so I can not ask for anything more. However, I recommend it to my friends", "overall": 3.0, "reviewTime": "08 21, 2013", "summary": "Not too bad", "unixReviewTime": 1377043200} +{"overall": 2.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "AL47H8L17R0GG", "asin": "B00001P4XA", "style": {"Color:": " Black"}, "reviewerName": "P. Adlparvar", "reviewText": "These did not sound well at all and fit was even worse. Ears got tired after just a few minutes during one song!", "summary": "Poor sound and fit!", "unixReviewTime": 1354060800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "AQG4VO8GAXRQS", "asin": "B00006LSVL", "reviewerName": "Rodney625", "reviewText": "Moon looked better with it. Its plastic, makes moon look better it fits under eyepiece fine.", "summary": "makes moon look better", "unixReviewTime": 1448236800} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "07 16, 2007", "reviewerID": "A1KB1T69H7VR7V", "asin": "B000271NG6", "reviewerName": "ladychef", "reviewText": "Takes about 2 hours to fully charge. Comes with a car adapter which really makes it convenient. I can get about 6 hours of shooting on one charge.", "summary": "Lenmar CRV-3 Replacement Li-ion Battery and Charger", "unixReviewTime": 1184544000} +{"reviewerID": "A3HY8S02B4SV7S", "asin": "B00004ZCJJ", "reviewerName": "T. Nadeau", "verified": true, "reviewText": "We bought this filter to protect the main lens on our new camcorder. Filter keeps dirt and dust off the expensive main lens while not altering captured video. A must for any camera user.", "overall": 5.0, "reviewTime": "02 8, 2007", "summary": "A great insurance policy", "unixReviewTime": 1170892800} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A11EBLF31OSKF8", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "R. WAUGH", "reviewText": "Not a Prime product but delivery was acceptable and the reel is very substantial. Good choice if looking for extension cord storage.", "summary": "Cord Storage", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "AOIPQITV3JWF", "asin": "B00005ML7R", "style": {"Style:": " CS95-USB"}, "reviewerName": "Anthony Irace", "reviewText": "Excellent sound quality. Durable construction. I recommend this product", "summary": "Great sound", "unixReviewTime": 1465516800} +{"overall": 3.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "A256C5GME3NIW2", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "kenamazon", "reviewText": "might be ok for price, the center spool is way to small imho, but it is what is, very inexpensive but i'm looking for a higher quality reel.", "summary": "might be ok for price, the center spool is way to small imho, but it is what is, very inexpensive but i'm looking for a higher q", "unixReviewTime": 1447459200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A32U5KPVW4BT32", "asin": "B0002BEY22", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "IMJ", "reviewText": "Fit my car great. 2001 Acura Integra", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A39SC4VPVRB408", "asin": "B00006IW1X", "style": {"Size:": " 10 pack"}, "reviewerName": "OCRA22", "reviewText": "WORKS AS EXPECTED", "summary": "Four Stars", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "AOMM4L22WS1NE", "asin": "B0000VYJRY", "style": {"Size:": " 1-Pack"}, "reviewerName": "JG", "reviewText": "Arrived on time perfectly. Having a little trouble configuring it.", "summary": "Arrived on time perfectly. Having a little trouble configuring ...", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A3M49Y3KECK3ON", "asin": "B00004VXNF", "style": {"Style:": " PRO520XL"}, "reviewerName": "stephen schmidt", "reviewText": "Best bang-for-your-buck CB out there.", "summary": "Five Stars", "unixReviewTime": 1473206400} +{"overall": 3.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "APPLP62LJNMPO", "asin": "B0001ZUZR2", "reviewerName": "J S", "reviewText": "I need something to keep the face of stereo in so it would not get damaged. The case is a good size I just wish it had more padding in it.", "summary": "Case", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "AEECAAHZLYWRH", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Peter", "reviewText": "Good cable, no problems at all.", "summary": "Five Stars", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A2UBANTL5PBEYX", "asin": "B00005AXIV", "style": {"Size:": " 10x50"}, "reviewerName": "Trish", "reviewText": "My husband loves these glasses. Auto focus is great.", "summary": "Auto focus is great.", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2013", "reviewerID": "A1P1LK9BVRI26M", "asin": "B0000WS0NC", "style": {"Style:": " 6-1/2\" Speakers"}, "reviewerName": "Chris Barrington", "reviewText": "Arrived fast and I was impressed by these speakers for the price. I have a JVC head with 40 watts per channel with low frequency cutoff. Can run volume on full with no distortion. Bass was really good without low frequency cutoff.", "summary": "Total Bargain", "unixReviewTime": 1383868800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "AUS6IUJ2Q5QLE", "asin": "B0000TU7IG", "reviewerName": "Tim Smith", "reviewText": "No issues.", "summary": "Five Stars", "unixReviewTime": 1447200000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "AX92RHIKH7MYL", "asin": "B000068O4N", "style": {"Style:": " 3.5mm TRS to 1/4\" TRS"}, "reviewerName": "Mark C", "reviewText": "basic product needed to convert the wireless headphones to the jack!", "summary": "basic product needed", "unixReviewTime": 1486771200} +{"overall": 1.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A1A6YTIUM9YZHY", "asin": "B00008VWOJ", "reviewerName": "P. Miller", "reviewText": "Doesn't work.", "summary": "One Star", "unixReviewTime": 1405123200} +{"reviewerID": "A1WZZOQ19O1EOY", "asin": "B000067O6B", "reviewerName": "Nature Way", "verified": true, "reviewText": "If you need privacy or glare filters, these are great, reasonably priced and can act as a \"standard solution\" if you have an environment with a variety of monitor sizes in play.", "overall": 5.0, "reviewTime": "07 11, 2014", "summary": "Great Solution", "unixReviewTime": 1405036800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 29, 2006", "reviewerID": "AE61Z3035U33N", "asin": "B00004ZCJI", "style": {"Size:": " 62mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "I wanted lense protection at a very low price. I can't see any difference in my digital pictures betwen filtered and unfiltered, using this filter. Now, if I get dirt on the filter, or a scratch, or whatever... I can just dump the filter and buy another one.", "summary": "I got what I wanted...", "unixReviewTime": 1138492800} +{"overall": 3.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "AYVG9FJPVWKL", "asin": "B00006B8CH", "style": {"Size:": " 300W", "Style:": " ATX"}, "reviewerName": "Merc", "reviewText": "Works but has only one SATA plug so beware if you have a modern computer with two or more SATA devices.", "summary": "1 SATA", "unixReviewTime": 1359417600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A21JOAJCVIP3KV", "asin": "B0001Y7PMG", "style": {"Capacity:": " 10 ft / 3m"}, "reviewerName": "tknipp", "reviewText": "Fast Delivery and works great!", "summary": "Five Stars", "unixReviewTime": 1443916800} +{"overall": 3.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A34PEGXA1MMBQV", "asin": "B00009W3N5", "style": {"Size:": " 15' length Overfloor Cord Protector", "Color:": " Ivory"}, "reviewerName": "M. S. Elliott", "reviewText": "This works well if you are only using one cord. I have been able to fit two cords in there but it was very tight and took longer than planned.", "summary": "Works well with only one cord", "unixReviewTime": 1460678400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "ACFSJXDADL4UM", "asin": "B00005QBUU", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "TDW", "reviewText": "Good if not great sound but a great fit, comfortable and rugged.", "summary": "Will buy more.", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "ALKPC619FH8L2", "asin": "B000136P8W", "style": {"Size:": " 1-Pack"}, "reviewerName": "PlusCH3", "reviewText": "Works great! I would like to see one made for a MOBILE PHONE, as it's sounds so very professional!", "summary": "Your search is over! Here's the LAST Noise Cancelling Headset you'll ever need for the office", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "A2CD0L412357L6", "asin": "B0000BZL0U", "style": {"Size:": " 67 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "KB P.", "reviewText": "I would never go with out this. Protection to the main glass is a must, its so much cheaper replacing this than the other.", "summary": "never go with out.", "unixReviewTime": 1389312000} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A2ZKSXN70K5LU", "asin": "B00020S7XK", "reviewerName": "Bill D. Haney", "reviewText": "Doesn't pick up FM signals as well as I had hoped, but not bad for the price", "summary": "but not bad for the", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": false, "reviewTime": "02 25, 2008", "reviewerID": "A33PDWJKZLB8QD", "asin": "B00004ZCJI", "style": {"Size:": " 77mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Jesse L. Garrett", "reviewText": "does what its suppose to keeps the lens safe and dirt/ dust free. Thats all I ask for.", "summary": "does what its suppose to", "unixReviewTime": 1203897600} +{"reviewerID": "A3V42G46F8Y8N7", "asin": "B00004ZCJJ", "reviewerName": "Aijaz A. Yazdani", "verified": true, "reviewText": "bought it to secure expensive Tamron lens.\nWorking fine with Tamron 18-270 mm lense in Sony Alpha 65 camera\ngood filter", "overall": 5.0, "reviewTime": "05 14, 2013", "summary": "nice protection of expensive lense", "unixReviewTime": 1368489600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A2X8VVKKP8END5", "asin": "B00007B4DM", "reviewerName": "paul and kathy", "reviewText": "does the job and fits well", "summary": "recommend", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A1K35OKSNMFLC8", "asin": "B00009W3FR", "style": {"Size:": " 0#", "Color:": " WHITE"}, "reviewerName": "Dr. Neil S. Kaye", "reviewText": "25 feet long so mom can roam around the kitchen and not pull the phone off of the wall.", "summary": "Great cord", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2011", "reviewerID": "AAPL4B0D6FL4C", "asin": "B00011KM3I", "style": {"Size:": " 72", "Color:": " Blue"}, "reviewerName": "Murthy", "reviewText": "Decent product. Out side shell is not rock solid, but provides decent protection. Amazon shipping is fast, will buy again, may be 100 or 200 version.", "summary": "As described.", "unixReviewTime": 1325289600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2009", "reviewerID": "AGRCKPUGPWLN9", "asin": "B0000TW3N8", "reviewerName": "Mike R", "reviewText": "The keypad plugs in quickly and works great every time. I use it on 2 different laptops without any problems. There's no additional software to install, so it can be used right out of the box.", "summary": "Works very well", "unixReviewTime": 1235433600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A3DQ1P2CB8GNAH", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Matt", "reviewText": "What's not to love! This is a sharp and inexpensive lens that any budding Canon photographer should own.", "summary": "What's not to love! This is a sharp and inexpensive lens that ...", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2013", "reviewerID": "ABMGO3UXRWN82", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "Cheaters Never Prosper", "reviewText": "My hubby waited til I left town to order these speakers for our attached garage. He REALLY NEEDED surround sound when he washes our cars!!! So, this, along with the speaker wire and a new receiver gave him a good project to work on. It actually sound great.", "summary": "Great sound", "unixReviewTime": 1367539200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2013", "reviewerID": "A2XN9R1AMNYLN4", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Quercus Design", "reviewText": "Very convenient; I used the brush all the time and the cleaning pad comes in handy for stubborn spots like salt spray.", "summary": "As advertised", "unixReviewTime": 1378684800} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A187P6KVFGZ0I9", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "Eric", "reviewText": "Very nice quality and look great above my deck. Puts out a nice sound even when volume is up high.", "summary": "Very nice quality and look great above my deck", "unixReviewTime": 1458259200} +{"overall": 3.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A1FLS23P3J8FU1", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "B. Lancaster", "reviewText": "side pockets stitching came undone with nothing in the pocket. The front pocket could be better organized to offer somewhere to put your batteries.", "summary": "The front pocket could be better organized to offer somewhere to put your batteries", "unixReviewTime": 1416355200} +{"overall": 4.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A3TKTE13OVUNVK", "asin": "B0000VYJRY", "style": {"Size:": " 1-Pack"}, "reviewerName": "MoD-1", "reviewText": "so far no problems with it...good manual, has a comm light on top...\nno complaints so far...definitely would recommend it", "summary": "works like a charm", "unixReviewTime": 1399507200} +{"overall": 3.0, "verified": true, "reviewTime": "04 9, 2013", "reviewerID": "A3PE80JCRXIKLP", "asin": "B00004TWLZ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "William", "reviewText": "Why did they every do away with such quality? A perfect way to learn what photography is all about. A perfect gift for anyone.", "summary": "Fujifilm", "unixReviewTime": 1365465600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A297Y0N1BI1LQI", "asin": "B00004ZCJI", "style": {"Size:": " 43mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Fern10", "reviewText": "Great sale thanks!!", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"reviewerID": "A2L6YUBGSCSPEH", "asin": "B00004ZCJJ", "reviewerName": "FELIPE CASTILLO MTZ", "verified": true, "reviewText": "I need this filter for one of my canon lens, now I can take it out and star shooting picture, with this protective filter.", "overall": 5.0, "reviewTime": "12 30, 2012", "summary": "Excellent", "unixReviewTime": 1356825600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A2VAIO8RHLWTQN", "asin": "B00005A1K1", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "CBF", "reviewText": "Amazingly great product. If you don't own this, but it! Perfect for my garage where I have a lot of tools that need to be plugged in.", "summary": "Amazingly great product. If you don't own this", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A2NGHL3YQ4MLJW", "asin": "B00005110B", "reviewerName": "Melissa Stratton", "reviewText": "like these cases, plan to order more.", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A36CXNHTJUXOP2", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "JDog", "reviewText": "Good protection", "summary": "Nice filter, excellent protection", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A1HR9O6SMGE99W", "asin": "B0000511C0", "style": {"Length:": " 25ft."}, "reviewerName": "G L", "reviewText": "Sturdy cable packaged well. Works great!", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 3.0, "verified": false, "reviewTime": "06 30, 2015", "reviewerID": "A2RBS9FCLP3F4N", "asin": "B00006L318", "reviewerName": "Kenneth M. Revallo", "reviewText": "Does not work with sram. But this was stated on the box after I received it. Did not recall the incompatibility with sram on the online documentation.", "summary": "Did not work with sram.", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2013", "reviewerID": "AAOTQ0PWPVCO9", "asin": "B00005T3Q2", "style": {"Style:": " Light Gray"}, "reviewerName": "jonason", "reviewText": "Very nice unit for applications that require multiple AC adapters. I use it for my guitar pedals. It is also much more affordable than those I've seen in home improvement centers.", "summary": "Great when you need to use multiple AC Adapters", "unixReviewTime": 1364774400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "A3T56LIQHLBZ1L", "asin": "B00007M1TZ", "reviewerName": "Cozmo", "reviewText": "Best headset I have had. Voices are clear, and there is no feedback!! It is very comfortable and I highly recommend!", "summary": "GREAT!!", "unixReviewTime": 1363219200} +{"overall": 3.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "AMHLGSWKO2792", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 24\" Widescreen (16:10 Aspect Ratio)"}, "reviewerName": "Chris M.", "reviewText": "The filter works as described, but only under ideal conditions. Ideal conditions meaning the ambient light is brighter than your screen. If the room is dark or the ambient light is low, the screen is still very visible.", "summary": "Works under ideal conditions", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": false, "reviewTime": "04 30, 2013", "reviewerID": "ADTTEHXDURGL8", "asin": "B000063TJY", "style": {"Package Type:": " Standard Packaging", "Style:": " Subwoofer"}, "reviewerName": "FragileFrazafraz", "reviewText": "This was one of the best purchases I have made for my 99\" TJ , this system bangs, I have the bass level on -3 and it still shakes the mirrors", "summary": "Awesome", "unixReviewTime": 1367280000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1YHRDTC0GGQI4", "asin": "B0000EZQ4G", "style": {"Length:": " 1000 VA"}, "reviewerName": "Wolfman1953", "reviewText": "The only thing missing is a display. The display is a big benefit when you have an overload condition.\nIt stops charging and runs off the battery during an overload. Some of my other UPSs, just shutdown.", "summary": "Works as expected.", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2012", "reviewerID": "ABKMYB3PL7RU9", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "H. Crocker", "reviewText": "I may be a beginner but I have to agree with a lot of the other reviews in saying this is a great lens for the money! I have only been shooting with it a day but the shots are gorgeous!", "summary": "Great buy!", "unixReviewTime": 1331164800} +{"overall": 2.0, "verified": true, "reviewTime": "06 28, 2008", "reviewerID": "A2ORFCPYAOP58G", "asin": "B00009X3UA", "reviewerName": "InkStudios LLC", "reviewText": "read reviews and thought this would be suitable for my needs. Upon using this for a couple months, I wish I would have spent more money to get a quality light meter.", "summary": "Not the greatest", "unixReviewTime": 1214611200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A32U92EN4BCDWU", "asin": "B00005ATMB", "style": {"Capacity:": " 336", "Style:": " CD Wallet"}, "reviewerName": "Chris Malkowski", "reviewText": "Holds a lot of CD's. Wow!", "summary": "Five Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A3A5OILGJ34LIV", "asin": "B00005105L", "reviewerName": "Junkie", "reviewText": "Good for the classroom, the sound is decent too.", "summary": "Five Stars", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2015", "reviewerID": "A6LNB4BSV5BKG", "asin": "B00004ZC9V", "style": {"Size:": " 67mm"}, "reviewerName": "MOHAMAD", "reviewText": "Beautiful", "summary": "Five Stars", "unixReviewTime": 1447545600} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A2MQJMBJDPV2S1", "asin": "B000067SLX", "style": {"Color:": " Gray", "Capacity:": " 10 Feet/3 m"}, "reviewerName": "Justin", "reviewText": "works well, and it's cheap", "summary": "Four Stars", "unixReviewTime": 1405382400} +{"overall": 3.0, "vote": "14", "verified": true, "reviewTime": "07 7, 2009", "reviewerID": "A29CCFM0VF0H56", "asin": "B000067VC6", "reviewerName": "jeffreycc", "reviewText": "These cases are a thinner grade of plastic then the standard case your CD came in.", "summary": "Not Standard Clear", "unixReviewTime": 1246924800} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "AJOF1CZXBB5BG", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Saeed", "reviewText": "I bought this cable for my Desktop PC and it is exactly the item I needed. The most important thing to me is that It works..", "summary": "Power Cord", "unixReviewTime": 1402444800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A41PWD4BVZ668", "asin": "B000067RWK", "reviewerName": "Amazon Customer", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1477094400} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2014", "reviewerID": "A3R1ZR6SHNK8CU", "asin": "B00006IAAN", "style": {"Size:": " 1-Pack"}, "reviewerName": "Allan Harmeyer", "reviewText": "I have a very sensitive Sony CD recorder, and these blank CD's seem to work the best. The TDK brand is also good, but more expensive.", "summary": "Maxell CD-R Music", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A2BEVTKS8PQWUB", "asin": "B00006B6PJ", "style": {"Size:": " 6 Feet"}, "reviewerName": "Festis23", "reviewText": "works great,fast shipping.", "summary": "USB Cable", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "AAJ7RUTWEYC3B", "asin": "B00006JPEA", "reviewerName": "joel huebner", "reviewText": "Great product, good price", "summary": "Five Stars", "unixReviewTime": 1442880000} +{"reviewerID": "A1C8O2EUVPZJUO", "asin": "B00009KLAE", "reviewerName": "Kevin L. Cradic", "verified": true, "reviewText": "Basic protection and at a good price. Get one BEFORE your lens is broken!", "overall": 5.0, "reviewTime": "08 18, 2017", "summary": "Good protection for your lens.", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A1HC2GJXN5DGVD", "asin": "B00006HQR8", "style": {"Size:": " 1-Pack"}, "reviewerName": "KenJr", "reviewText": "...I play in a band and bought these to use at gigs - so nice to have the long extension cord. Great unit! Highly recommend!", "summary": "I play in a band and bought these to use at gigs - so nice to have the long extension cord", "unixReviewTime": 1415577600} +{"reviewerID": "A7TK6OY2KJEZB", "asin": "B00004ZCJJ", "reviewerName": "Lari Marco", "verified": true, "reviewText": "Served it's purpose.", "overall": 5.0, "reviewTime": "12 31, 2017", "summary": "Served it's purpose.", "unixReviewTime": 1514678400} +{"overall": 1.0, "verified": true, "reviewTime": "02 9, 2012", "reviewerID": "AJU0Z0TMBAYJI", "asin": "B00005QBUU", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Ced", "reviewText": "These sound great for a short time , but quicky broke within a week. My son went through 5 pairs in a month. You do the math.", "summary": "Do not buy", "unixReviewTime": 1328745600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2018", "reviewerID": "A246WNY4I1PP1G", "asin": "B00006I5J7", "reviewerName": "Mike", "reviewText": "I have all Nikon equipment. Can't go wrong with OEM.", "summary": "Five Stars", "unixReviewTime": 1516665600} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A1U95VC0VV1SQZ", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "ty_gi", "reviewText": "A very good low priced cable, just as good as the ones I payed more that double the price at local stores. Will buy again.", "summary": "A good cable", "unixReviewTime": 1472342400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2011", "reviewerID": "A2CP8OUNLHJXX8", "asin": "B00002N5E4", "reviewerName": "Seattle Reviewer", "reviewText": "This is about the best deal on outdoor lighting I have ever seen. Easy to install, worked the first time. yes, you do need to caulk around it to keep mosture from getting into the seam, but I do that with every outdoor project.", "summary": "Great Product for the Money", "unixReviewTime": 1319328000} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A366SKSB79ZYZG", "asin": "B00006B829", "reviewerName": "Kevin P. O'connell", "reviewText": "It's more expensive then getting a 15 ft extension cord and power strip separately which kinda irks me but it works well. The plug into the wall part is very sleek and angles well which I like.", "summary": "The plug into the wall part is very sleek and angles well which I like.", "unixReviewTime": 1473120000} +{"overall": 3.0, "vote": "4", "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "A3MNM3L3AVXKUW", "asin": "B00004XONF", "reviewerName": "Tony", "reviewText": "To me the lens is okay. I do not love it. I use it for some sport action shots. It is something about the focusing that seems off. Plus, when it is focusing the noise is distracting.", "summary": "Canon EF 75-300", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A1E7C54TSS6XO3", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Kindle Customer", "reviewText": "must have for shooting long exposures. Can hold down in \"bulb\" exposure setting and the device has a lock on it so you can open the shutter, lock it, and walk away. Allows you to take exposures of great lenght withouth manually holding the shutter open.", "summary": "Allows you to take exposures of great lenght withouth manually holding the shutter open", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A19SGII2H6YT4Y", "asin": "B0001VHARE", "reviewerName": "pismodave", "reviewText": "Happy!", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2013", "reviewerID": "A2YZSOAVO9AA1O", "asin": "B0001XO674", "style": {"Style:": " 6.5\" 200 Watts White"}, "reviewerName": "speedbugy", "reviewText": "The only problem with these are like some other folks said is that they are bigger than a regular size speaker hole of this size so you are going to have to do a bit of cutting.", "summary": "They sound good.", "unixReviewTime": 1362009600} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "02 14, 2012", "reviewerID": "A1QAL726PF8LK3", "asin": "B00005T383", "style": {"Color:": " Black"}, "reviewerName": "Ant", "reviewText": "Brackets are good but the screws that attach the bracket to the speaker was not the right size. They were to fat and would not thread in. I had screws so i used mine. Other then that they work well.", "summary": "good brackets", "unixReviewTime": 1329177600} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2013", "reviewerID": "A2JD7IHEM8QHNS", "asin": "B0000E1VRT", "reviewerName": "H. Lloyd Parrish", "reviewText": "This is a good product and was as advertised in all respects. I would definitely purchase this product again. Fits perfectly on my desk and meets my needs", "summary": "Good buy", "unixReviewTime": 1368835200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "ATR60IVUVBW7", "asin": "B0000BVYT3", "style": {"Capacity:": " 16 Port", "Model:": " Unmanaged"}, "reviewerName": "john dsouza", "reviewText": "great product have had in service for a while with stable results", "summary": "great", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": false, "reviewTime": "01 18, 2009", "reviewerID": "AEYVFPDJE8G2Z", "asin": "B00012F7HS", "reviewerName": "Souvik Biswas", "reviewText": "It is small, easy to use, simple, lightweight, ideal for home use and carry during travel. A must have for those who use AA-rechargeable batteries.", "summary": "Nice charger, ideal for home & travel", "unixReviewTime": 1232236800} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "A3L9WR7LGB4ZZV", "asin": "B0000BZYPB", "style": {"Size:": " 62 mm"}, "reviewerName": "KSArnold", "reviewText": "Looks and works just like the one that came with my Tamron lens. Can't get a better back up for a future replacement.", "summary": "A stock part at a better price", "unixReviewTime": 1414800000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A5JDHIQMLJEJS", "asin": "B0000AI0N2", "style": {"Style:": " 10 Outlet + TEL/TV"}, "reviewerName": "Lucas", "reviewText": "You can always count on Tripp Lite.", "summary": "Great!!!", "unixReviewTime": 1473292800} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A1A498EL2KQXK", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x3.5\" Drive (Front Bay Adapter)"}, "reviewerName": "Flying Dave", "reviewText": "This works great", "summary": "Four Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A3CSK92ZEM9GM4", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "jay", "reviewText": "Works very well but you have to unroll the entire cord to use the cord.", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2013", "reviewerID": "A13HZWNPT5XWRE", "asin": "B00006JPE1", "reviewerName": "James Freckleton", "reviewText": "The CHANNEL PLUS 2532 2-Way Splitter/Combiner CHANNEL PLUS 2532 great for combining two different cable sources into one TV, adds flexibility to my system...cool!!!", "summary": "CHANNEL PLUS 2532 2-Way Splitter/Combiner", "unixReviewTime": 1373155200} +{"reviewerID": "A1B4OG8XNH5GOP", "asin": "B00004ZCJJ", "reviewerName": "M. J. Reber", "verified": true, "reviewText": ":)", "overall": 5.0, "reviewTime": "01 6, 2015", "summary": "Five Stars", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A3AWJC20TRX0TW", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Ron Stiner", "reviewText": "There's nothing like the original. I had a knock off version that was sent with my Nikon 7100 that did not work well. I purchased this and am now happy. Quick shipping.", "summary": "Happy", "unixReviewTime": 1433376000} +{"overall": 4.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "A2JZZWQI2MYMMQ", "asin": "B0000XKBQU", "reviewerName": "Stonelore Gems", "reviewText": "Works, inserts easily into system board.", "summary": "Good, inexpensive", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2013", "reviewerID": "AD6TRUWZ85M1T", "asin": "B000067SN2", "style": {"Color:": " Black", "Capacity:": " 6in"}, "reviewerName": "I. Kirk", "reviewText": "Great product. Using software requires a very small dongle, these are perfect for protecting the dongles and more important, not losing it.", "summary": "Great Product", "unixReviewTime": 1383264000} +{"overall": 5.0, "verified": false, "reviewTime": "06 30, 2014", "reviewerID": "A31PXV9XPENREQ", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Eugene Frazier", "reviewText": "It does what it's supposed to do...and well", "summary": "Five Stars", "unixReviewTime": 1404086400} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "A1FKP4XVLKMT6M", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "Robert R.", "reviewText": "Works well for me.", "summary": "Four Stars", "unixReviewTime": 1478995200} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A2M46TW89BIJBM", "asin": "B00009R89L", "style": {"Color:": " Brown"}, "reviewerName": "TK", "reviewText": "Bag is very small....far smaller than I expected. I was hoping to fit my camera (with lens on) in the good looking bad, but it was not even close to fitting.", "summary": "Looks great but very small", "unixReviewTime": 1455580800} +{"overall": 2.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A1LVKPR8EQ60B3", "asin": "B00006HSYC", "reviewerName": "Adam Lauer", "reviewText": "does not hold the wire in very well and can fall out easier. makes it a night mare when your ethernet is out and you do not know whether it is the service, wire, or adaptor!", "summary": "Loose grip", "unixReviewTime": 1373500800} +{"overall": 3.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A1T38SX6AIFWHG", "asin": "B00008UAIO", "reviewerName": "Hector H.", "reviewText": "Always have to adjust Velcro or won't hang up phone correctly", "summary": "Three Stars", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A3TRREZKQD68CH", "asin": "B00009V3TU", "reviewerName": "Ivan Minarik", "reviewText": "Great Value", "summary": "great product", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A9SL1ZHXP3S8X", "asin": "B00009PGNT", "style": {"Color:": " white"}, "reviewerName": "ROY WINTERS", "reviewText": "Rated for 5A I was a bit concerned as the Koolatron P95 would draw a bit more than that. The unit did get warm, so tried to make sure there was good airflow around it. It did work flawlessly used every night for weeks.", "summary": "Worked Well With Our Koolatron Cooler", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2013", "reviewerID": "A3E0LH79PI7KQ1", "asin": "B000097O5F", "style": {"Capacity:": " 2 GB"}, "reviewerName": "Duane W. Smart", "reviewText": "I wanted to upgrade an old XP machine. The machine was given to me with only 256K of ram. This product works very well. I am quite satisified.", "summary": "Ram chip set", "unixReviewTime": 1364860800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A1VC4XX0KXLFZ6", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "ozkar", "reviewText": "Fit 02 Chevy trailblazer", "summary": "Five Stars", "unixReviewTime": 1476144000} +{"overall": 4.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A1J14LNFQ7O80T", "asin": "B00004ZCC1", "style": {"Size:": " 77mm"}, "reviewerName": "Daniel de Marksman", "reviewText": "Seems working. Took some picture at home and it does looks like wearing a sunglasses and things seems to be more crisp", "summary": "Good", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A26VTZ3CX5SBD8", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Exley C Mixon III", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "A3DHYGRD33CTCL", "asin": "B0000E1VRT", "reviewerName": "Belinda Perdue", "reviewText": "I'm going to need another one and what I like most is the fact it fits snug in a small space. It's sturdy and I love the clear look.", "summary": "Stackable Clear Plastic CD Holder", "unixReviewTime": 1501372800} +{"reviewerID": "A22HPPAR92VCHF", "asin": "B00009KLAE", "reviewerName": "Sam", "verified": true, "reviewText": "Works, as far as I can tell.", "overall": 5.0, "reviewTime": "06 22, 2015", "summary": "Five Stars", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A1SB6G9P6XZTUP", "asin": "B00006IW1X", "style": {"Size:": " 50 pack spindle"}, "reviewerName": "Chris Martin", "reviewText": "perfect received on time and as described....thank you", "summary": "Five Stars", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": false, "reviewTime": "01 31, 2016", "reviewerID": "A1096R4LD0G8UX", "asin": "B00009RDIF", "style": {"Size:": " Single"}, "reviewerName": "IMAD H.", "reviewText": "Excellent for the price", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2013", "reviewerID": "A1ASEZSAJBL10W", "asin": "B00009UT9B", "style": {"Size:": " Pick N Pluck Foam", "Color:": " Silver"}, "reviewerName": "Louis Heller", "reviewText": "I just love these hard case for storage and protection of all my things...from cameras , to knives and firearms...", "summary": "The Best....", "unixReviewTime": 1376524800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A1SWPK57MQMMSO", "asin": "B00000K135", "style": {"Color:": " Silver"}, "reviewerName": "CaseybPoole", "reviewText": "does as advertised no issues, high price in my opinion but you won't be finding them anywhere else.", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A22HR17JGZUEU4", "asin": "B00006JPRQ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "jimmy", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 25, 2007", "reviewerID": "AW2POXRDGDYWR", "asin": "B0001VWHGS", "reviewerName": "TH", "reviewText": "These cabales give a clear, clean signal and work VERY well to connect your AV components. Although there are more advanced formats (HDMI, Optical, S-Video,e tc) these are less expensive and give great results.", "summary": "Great Connections", "unixReviewTime": 1193270400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A13IIWL78OZ572", "asin": "B00000K13L", "style": {"Color:": " Black on Gold"}, "reviewerName": "Jocelyn", "reviewText": "Great quality. Used them to label my frames. We made Chinese calligraphy names for our students as a fundraiser, and I used these to label the frames with their English names. The gold came out really well. Does not look cheap and flimsy.", "summary": "Great quality. Used them to label my frames", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A1KBD7BOJFFNJ", "asin": "B0001654K4", "reviewerName": "MacBobT", "reviewText": "LOUD is an understatement! Greatest timer for hearing challenged believe ME!", "summary": "Greatest timer for hearing challenged", "unixReviewTime": 1458864000} +{"reviewerID": "A33NMALL7T5LMZ", "asin": "B0001VWJ8Y", "reviewerName": "M. Schexnayder", "verified": true, "reviewText": "Does the job well for running the audio signal from my component switcher to the one component input on the rear of my flatscreen. No apparent loss of audio quality.", "overall": 5.0, "reviewTime": "06 4, 2013", "summary": "Good product", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A2DDN70KOONCZX", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Brent ThaDynasty.", "reviewText": "works fine", "summary": "Five Stars", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A10GPIU98G2URM", "asin": "B0000DZDHB", "reviewerName": "Halibut52", "reviewText": "Heavy duty, very functional and looks great.", "summary": "Sweet knife holder", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "A26HZ63U6ZDAXO", "asin": "B0000ALXPJ", "style": {"Capacity:": " 18 inch", "Style:": " Right Angle"}, "reviewerName": "armando", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1519257600} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2014", "reviewerID": "A1DLTSM81NCEUV", "asin": "B00022OBO2", "style": {"Size:": " 6.5 in"}, "reviewerName": "Joaquin Berrios", "reviewText": "These sound OK considering the price. The bass is a little hollow, but the midrange and highs sound fine. Overall, I would rate them as adequate.", "summary": "Decent speakers for the price", "unixReviewTime": 1391644800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2010", "reviewerID": "A8FSYB6CTAA47", "asin": "B00007FGUE", "reviewerName": "ART100204", "reviewText": "Can't beat the price for this product...only had it for a month & the sound is great, no fraying wires (yet), and it beats having our 3 crappy radio stations! Recommend to anyone!", "summary": "great", "unixReviewTime": 1263686400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A1E49XRW6NFHML", "asin": "B0002BBVN2", "reviewerName": "trumpet playing audiophile", "reviewText": "Great product; exactly as described!", "summary": "Five Stars", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A1XRRQYEKTBPDD", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "David Menteer", "reviewText": "Cheapest I could find, my wife loves the size and quality of this film. would not hesitate to purchase again.", "summary": "Good deal", "unixReviewTime": 1385856000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A3OFP4XWVR8KWI", "asin": "9573212919", "reviewerName": "Gordon A. Clark", "reviewText": "Works as expected. Self-installed. Allowed me to get rid of MS WORD and install a real word processor, WordPerfect.", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 3.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A17EMKSBP7S93K", "asin": "B00005T3EZ", "reviewerName": "rod gerst", "reviewText": "it works", "summary": "Three Stars", "unixReviewTime": 1448064000} +{"reviewerID": "A3BANA2IIWJDHN", "asin": "B00009EHJV", "reviewerName": "CoCo2581", "verified": true, "reviewText": "Best USB microphone ever. Never has a compatible issue with any windows version.", "overall": 5.0, "reviewTime": "12 13, 2015", "summary": "Five Stars", "unixReviewTime": 1449964800} +{"reviewerID": "A28G3ZEK4OUSR4", "asin": "B00009KLAE", "reviewerName": "Priscila Gama Moreira Jorge", "verified": true, "reviewText": "Works as expected.", "overall": 5.0, "reviewTime": "07 31, 2014", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"overall": 1.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A1FBM72YNA0SSB", "asin": "B00006B83F", "style": {"Style:": " 5 Outlet + TEL"}, "reviewerName": "Jeff Esser", "reviewText": "Bottom outlets did not work. Returned.", "summary": "One Star", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2014", "reviewerID": "A3CY78KIILLCF4", "asin": "B00009UU2Q", "style": {"Color:": " Gray"}, "reviewerName": "Smart_Kilted_Man", "reviewText": "Good protection, easy on and off - looks good even if slightly \"codpiece\" like which still brings a smile to my wife's face when I bring it hiking with my tele. ;)", "summary": "Puts a smile on my wife's face every time I whip it out", "unixReviewTime": 1395014400} +{"reviewerID": "A2X3I8JLHTT0IC", "asin": "B00009EHJV", "reviewerName": "Jeremy", "verified": true, "reviewText": "I bought this for gaming then quickly retired it. My friends would constantly complain about the furious clicking that got broadcasted across the mic. If you're looking for a sensitive mic that won't break then this will work for you. I've had it since 2009.", "overall": 3.0, "reviewTime": "10 27, 2015", "summary": "Not for gamers.", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A1XTFSAH7JDGH6", "asin": "B000051ZO9", "reviewerName": "robertodvl", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "A3AKY6XI01MK1Y", "asin": "B0000E1VRJ", "reviewerName": "Dennis Rushlau", "reviewText": "met expectations", "summary": "Five Stars", "unixReviewTime": 1488758400} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A3RXJE3QIZUFX5", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Theo", "reviewText": "works great for what i intended it to be used for, which is to control the volume coming into my headset from my tv and computer.\nit's solid and well made.\nthe volume is easy to adjust.\nso far i'm very please with my purchase.", "summary": "works great for what i intended it to be used for", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2017", "reviewerID": "A3V3V8ZSCGBSYA", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "M.Bery", "reviewText": "Was pleased.", "summary": "Five Stars", "unixReviewTime": 1513641600} +{"overall": 1.0, "verified": true, "reviewTime": "10 13, 2010", "reviewerID": "A3Q97QFRGXI7IK", "asin": "B0001FTVEA", "reviewerName": "ride", "reviewText": "I got these today and they are defective. The power only stays on to the transmitter for a minute, then it dies and will not turn back on. Just seem like junk. Not going to try to get another pair, just returning them for a refund", "summary": "garbage", "unixReviewTime": 1286928000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A146QVCZ1ZEH5Z", "asin": "B00007AKCV", "style": {"Capacity:": " 2 Port with Audio", "Style:": " VGA USB"}, "reviewerName": "Kua Vongdara", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 3.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "ADD9490L9VMU1", "asin": "B00001OWYM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Chico 2", "reviewText": "It's OK but will look for something else next time.", "summary": "It;s OK", "unixReviewTime": 1429747200} +{"overall": 2.0, "verified": true, "reviewTime": "04 26, 2013", "reviewerID": "AZ2PQJIY21NPR", "asin": "B00005T3BD", "style": {"Size:": " 8 Inch", "Style:": " RC80i"}, "reviewerName": "Techie2000", "reviewText": "I have a lot of other non-ceiling Polk Audio speakers throughout the house that sound pretty good.. these speakers however don't seem to pack much bass though. I've really underwhelmed.", "summary": "eh, not that great", "unixReviewTime": 1366934400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "AY3C1MFU3KN7W", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "RB NYC", "reviewText": "One of my best lens...", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2013", "reviewerID": "A1XU3JNABY53VB", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Gordon", "reviewText": "When they work they are taken for granted but when they don't it's like the end of the world. This cable is a well made,high quality piece.", "summary": "Great Cable", "unixReviewTime": 1380672000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2008", "reviewerID": "A272JDNEVXGADX", "asin": "B00001P4XA", "style": {"Color:": " Black"}, "reviewerName": "Y.", "reviewText": "The ear buds make nice ear plugs. I wear them at work to block out noise. Sound quality is good but not the best. They came with 3 different sized buds. I think they are a good value for the price.", "summary": "Good Noise Blocker", "unixReviewTime": 1230336000} +{"overall": 4.0, "verified": false, "reviewTime": "01 6, 2009", "reviewerID": "AQMQ8EOZN0CUB", "asin": "B00008CLZS", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Kindle Customer", "reviewText": "This is a great way for my husband to have access to his xm while fixing up around the house. It works perfectly. The only problem is the batteries wore out in only one day.", "summary": "Husband is so happy with his Christmas present", "unixReviewTime": 1231200000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A1QUUW8AVPG9ZT", "asin": "B0002805VO", "reviewerName": "Jay Yogan", "reviewText": "best value in air cushioned light stands I have found- been using these for over a decade", "summary": "Five Stars", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A31Q05EM1CFRWU", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "CHawk", "reviewText": "It works!", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"overall": 4.0, "verified": true, "reviewTime": "01 27, 2012", "reviewerID": "A1H8YIVCKAK2IK", "asin": "B00007E816", "style": {"Color:": " Red", "Style:": " 3/8\""}, "reviewerName": "Frank Goodman", "reviewText": "I use this and the extension components on a full size DLSR. This is much more comfortable than a factory strap and easily removable when using a tripod (Don't want the strap getting hung up)", "summary": "Much better than a stock strap", "unixReviewTime": 1327622400} +{"overall": 3.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A38SH7GT7O0NHE", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Huskerace", "reviewText": "Generally adequate. I've used 8 cd's and I don't know if it's the ripped music on my hard drive or the cd's but on 2 of the cd's I am getting skipping on a few songs.", "summary": "Is it verbatim or is it my download", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "A220P55MLIC8ZI", "asin": "B00004VX39", "style": {"Size:": " one size"}, "reviewerName": "Roy", "reviewText": "Fit PERFECTLY", "summary": "Five Stars", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A2BJ2DW1YRDM69", "asin": "B00004Z5D5", "style": {"Color:": " Red", "Length:": " 1-Foot"}, "reviewerName": "Little Man's Mama", "reviewText": "This was just the right cable I needed to get things connected. Great company, fast shipping. Don't hesitate.", "summary": "Awesome!", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A27A8QH75T9ICE", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Amazon Customer", "reviewText": "My favourite lens", "summary": "Five Stars", "unixReviewTime": 1510012800} +{"overall": 2.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "A169YY6H1NO1T6", "asin": "B00007EDM8", "style": {"Color:": " Black", "Product Packaging:": " Standard Packaging"}, "reviewerName": "William Hausman", "reviewText": "Poor sound quality. Doesn't fit very snugly. Seems \"techy\" but it's not...the ear hooks are very simple. I suppose I'm only happy that they haven't broken yet.", "summary": "Quality and fit not the best", "unixReviewTime": 1399939200} +{"reviewerID": "A11UQLZZ3HJGI8", "asin": "B00009KLAE", "reviewerName": "C Wilcox", "verified": true, "reviewText": "Fit just fine and will protect the lens.", "overall": 5.0, "reviewTime": "03 21, 2015", "summary": "Five Stars", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A38KSCP61MRXN3", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Michael Tischer", "reviewText": "I know there are a few alternatives out there, but this came highly recommended from a friend so I went with the same one. Has lasted me years and works magic on smudged lenses. I can't imagine NOT having this as part of my camera setup.", "summary": "but this came highly recommended from a friend so I went with the same ...", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A3QJ93SLDEHVIA", "asin": "B00009RDIF", "style": {"Size:": " Single"}, "reviewerName": "1wishbone", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2013", "reviewerID": "A1U4WQS6BU0S3C", "asin": "B00008X5DD", "reviewerName": "Charles M. Caruth", "reviewText": "Easy to hook up and works well. It gives a clear signal and switches easily from one device to another.", "summary": "Good device!", "unixReviewTime": 1384819200} +{"overall": 5.0, "verified": false, "reviewTime": "01 2, 2017", "reviewerID": "AKE3WS98UTGFG", "asin": "B00022OA4I", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "xxx", "reviewText": "Good replacement speaker for my blown out SpeakerLab bass speaker..", "summary": "Five Stars", "unixReviewTime": 1483315200} +{"overall": 4.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "ATIFADDBCBR4H", "asin": "B000067RW2", "reviewerName": "Glenn", "reviewText": "Paired up with a serial to DB9 cable and this null modem works as expected. Had to take out the screws for product to fit my application but I am sure some people would require them. Fast Shipping. I would buy again form Cables to Go.", "summary": "Works as you would expect a null model to work", "unixReviewTime": 1403049600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A1GMU53ZCHXB0K", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Troy reavis", "reviewText": "sounds great", "summary": "Beats", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A1XPJHDWL94U6R", "asin": "B0000EZ1KK", "reviewerName": "abed", "reviewText": "onkyo is my favorite brand and i love this cd player.", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A2O3KBAZ6E7YEQ", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "PERFECT!!!", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "AXRUQR9G623OS", "asin": "B00006IW1X", "style": {"Size:": " 100 pack spindle"}, "reviewerName": "R. Lewis", "reviewText": "very good working cd's", "summary": "Great CD's", "unixReviewTime": 1473120000} +{"overall": 3.0, "verified": true, "reviewTime": "10 11, 2012", "reviewerID": "A2L9ANW1KNVMOF", "asin": "B00004SABG", "reviewerName": "L. Jones", "reviewText": "Good quality so far. Seems to solidly built but I have not used it on a daily basis so that may change as time goes on. Zoomed and focused easily and with no issues. A good buy for the price.", "summary": "Good quality so far", "unixReviewTime": 1349913600} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A406C2RZFCW9S", "asin": "B00025HINA", "style": {"Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "adds protection at pressure points", "summary": "Five Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "AISGCPOEJ5E4S", "asin": "B00004Z62J", "style": {"Size:": " 6-Foot", "Style:": " 9-Pin to 9-Pin"}, "reviewerName": "Kari B.", "reviewText": "It works! Recommended by G Force.", "summary": "Just what I needed.", "unixReviewTime": 1434412800} +{"overall": 3.0, "verified": true, "reviewTime": "03 28, 2014", "reviewerID": "AH430FNOYEHCP", "asin": "B000068O56", "style": {"Style:": " 1/4\" TRS to Dual 1/4\" TRSF"}, "reviewerName": "Jim E", "reviewText": "This is a well made item and I'll find some use for it. I bought it top use with my JamHub and it does not do the job. But that's no fault of the cable, I just bought the wrong item.", "summary": "Not what I needed", "unixReviewTime": 1395964800} +{"reviewerID": "AOFSC1XKYCBCZ", "asin": "B00004ZCJJ", "reviewerName": "Louisa", "verified": true, "reviewText": "It fits my lens, it has good optical clarity, it does the job I expected it to do, and I would purchase it again.", "overall": 5.0, "reviewTime": "06 16, 2013", "summary": "Protection for my new lens", "unixReviewTime": 1371340800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A2SI9HL5Z5Q89V", "asin": "B0000AKGX3", "style": {"Style:": " Binocular Only"}, "reviewerName": "The Dogger", "reviewText": "Don't overpay for binoculars! These are great and at a good price. We use them all the time to check out the wild turkeys and deer.", "summary": "Great binoculars at a good price", "unixReviewTime": 1444780800} +{"reviewerID": "A3Q3PGHEVYWHC9", "asin": "B00006JQ7D", "reviewerName": "sparky", "verified": true, "reviewText": "Too tightly curled to stretch with ease.", "overall": 3.0, "reviewTime": "03 8, 2015", "summary": "Three Stars", "unixReviewTime": 1425772800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2012", "reviewerID": "A1RB0ICCZNWXEE", "asin": "B000067RTB", "style": {"Color:": " Orange", "Length:": " 14 Feet/ 4.26 Meters"}, "reviewerName": "John VerboseOne", "reviewText": "This was a high quality cable. I wish I bought more of them. The ends and snagless done right. The hard plastic rj45 bit is long enough to easily plug this cable in over and over without hurting your fingers. This is the cable to go with!!", "summary": "Great Cable, Great Ends!!", "unixReviewTime": 1343433600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A2R1MO9UHBFWSJ", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Douglas Billingsly", "reviewText": "My daughter got the Instax camera for Christmas. She loves it but the pictures run about $1.00 each no matter where you get them.", "summary": "Thanks for quick shipping", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A3LK6CP9INAMKK", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "donn", "reviewText": "great buy", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "A3DKADXC6MDNOK", "asin": "B00005T3BD", "style": {"Size:": " 6.5 Inch", "Style:": " RC60i"}, "reviewerName": "Dennis P Zikmund", "reviewText": "Great sound for Ceiling speakers.", "summary": "Five Stars", "unixReviewTime": 1505952000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2012", "reviewerID": "A19KZTF7MK04JF", "asin": "B000093UDQ", "reviewerName": "John Readle", "reviewText": "I needed a stable base for my digital camera so as to produce some videos for my web site. This product surpassed my expectations. It's very sturdy and the quick release is a great feature. I highly recommend.", "summary": "Great Little Tripod", "unixReviewTime": 1327363200} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2017", "reviewerID": "A3NNSJT4TS6WHA", "asin": "B0000511KL", "style": {"Color:": " Blue", "Length:": " 3 feet"}, "reviewerName": "MindlessGonzo", "reviewText": "Works great. Wish I bought a longer one.", "summary": "Four Stars", "unixReviewTime": 1498694400} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A2S82WR15M2SCR", "asin": "B00000JD3O", "style": {"Size:": " 5.5oz", "Color:": " black"}, "reviewerName": "Danny V", "reviewText": "I love this case. It protects my phone very well from bumps and drops. When I had a crack in the inner case the seller sent me a replacement right away. I was so happy with the product and the seller that I bought a second case for a friend.", "summary": "I love this case so much I will buy another", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A2YRDS8EFXT98E", "asin": "B000050ZPU", "style": {"Length:": " 25 ft"}, "reviewerName": "Hollis B.", "reviewText": "Very Good Buy. Honest Seller.", "summary": "Five Stars", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A2UVZBFN3WUQ9V", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "MTC", "reviewText": "Very clean sound, comfortable to wear for long periods. I use them for video editing. Audio is the most important component of communicating via video, and these let me hear exactly what I am working with. Highly recommend.", "summary": "comfortable to wear for long periods", "unixReviewTime": 1440892800} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A16N2SFSAJ2E0Y", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Chris", "reviewText": "I am happy with this remote, very inexpensive. My only complaint is the angels at which it works with the camera are limited.", "summary": "purchased for my D600", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2017", "reviewerID": "A2B7HZJ0X4XZSW", "asin": "B0002BBVN2", "reviewerName": "JrsBat", "reviewText": "One of the best contact cleaners you can buy!", "summary": "Five Stars", "unixReviewTime": 1510358400} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A10EV90E7UXV77", "asin": "B00006B7SG", "reviewerName": "Scott A. Boyd", "reviewText": "Works great... but I needed a 2.5mm jack. Got the wrong one. Oh well, quick trip to Radio Shack fixed that!", "summary": "Need a 3.5 instead!", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2013", "reviewerID": "A677O9VC9P6L9", "asin": "B00000J1V5", "style": {"Color:": " Gray"}, "reviewerName": "HogWild", "reviewText": "what you would expect from belkin. these are high quality CAT5E cables and they work great to connect all my devices.", "summary": "high quality cables", "unixReviewTime": 1358899200} +{"overall": 2.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A2TQUYSQFEL4UA", "asin": "B00004VXNF", "style": {"Style:": " PRO505XL"}, "reviewerName": "doug fabs", "reviewText": "wish I would have sent it back now", "summary": "Two Stars", "unixReviewTime": 1404950400} +{"overall": 3.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3JET6KQ9S68OT", "asin": "B00006JPE1", "style": {"Size:": " 5.00in. x 3.00in. x 1.10in."}, "reviewerName": "Olive Chaser", "reviewText": "This works great as my VCR|DVD is across the room from my TV works great at combining this cable with antenna to the TV", "summary": "This works great as my VCR|DVD is across the room from my ...", "unixReviewTime": 1407456000} +{"overall": 2.0, "verified": true, "reviewTime": "01 5, 2013", "reviewerID": "A1XUJY3LBMTC9X", "asin": "B0002AKX6Y", "style": {"Color:": " Silver"}, "reviewerName": "moudz", "reviewText": "It works well but it's not as bright as other ones I've bought of amazon before. Does the job and is smaller than other ones, but if you work at night, you might need a more powerful one.", "summary": "Not so bright", "unixReviewTime": 1357344000} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2016", "reviewerID": "A2WUS7OUEEFYT2", "asin": "B00000J1QM", "reviewerName": "Frank J. DiFranco", "reviewText": "met expectations", "summary": "Five Stars", "unixReviewTime": 1481932800} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "AWGJIYYL456GV", "asin": "B0000510ZO", "style": {"Size:": " 6ft", "Style:": " 18 AWG"}, "reviewerName": "T. Singh", "reviewText": "It works like a champ. No troubles stop far. It wraps around the monitor like a possessive gf", "summary": "Great Cord", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2012", "reviewerID": "A2OUNVRPRWH0", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "The Kittie", "reviewText": "Work as expected, arrived quickly, price was great. What else can you ask for? Will probably order a couple more to have on hand.", "summary": "so far, so good", "unixReviewTime": 1356739200} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A4Z22DFW5CTK4", "asin": "B000067RWH", "reviewerName": "WendyA", "reviewText": "We use a monitor at church for lyric videos. The one we use for the stage needs to be portable and the extra length this provides is great. We don't have to unplug the monitor and hunt for a socket to plug into to move it around.", "summary": "The one we use for the stage needs to be portable and the extra length this provides is great. We don't have to unplug the monit", "unixReviewTime": 1471046400} +{"reviewerID": "A3BP5P4Z2FILJV", "asin": "B00008VSKS", "reviewerName": "R. A. Mccormick", "verified": true, "reviewText": "I just wish they would continue to make them. I was planning on buying two more to match the tops of the other 2 lamps in my living space. Oh well. Great item though. Fingers crossed they make more.....", "overall": 5.0, "reviewTime": "01 3, 2016", "summary": "Fabulous finial. I just wish..........", "unixReviewTime": 1451779200} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A2H4DBG1ABJXEC", "asin": "B00009R6UA", "reviewerName": "Travis Harben", "reviewText": "Fit camera and works well", "summary": "Four Stars", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A327TUREE25672", "asin": "B00013R0OU", "reviewerName": "luvdoxies", "reviewText": "Pretty good little straps. I purchased them for holding cargo to my Jeep. They are approx. 12\" in length...great for those non- heavy items. Like the add on price point.", "summary": "Useful", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "AII740LCU5WJH", "asin": "B000062VUQ", "style": {"Size:": " 3-piece"}, "reviewerName": "Brian D.", "reviewText": "These speakers a crisp clear and loud! Probably the best desk top speakers I have ever owned.", "summary": "Probably the best desk top speakers I have ever owned", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "A14GS1XORCUL9C", "asin": "B000067RTB", "style": {"Color:": " Black", "Length:": " 5 Feet/ 1.52 Meters"}, "reviewerName": "Robert", "reviewText": "Not a whole lot to say about it. Works fine on my Roku.\n\nA tip I use different color cables from my network hub to each piece of entertainment equipment in the living room to make it easy to know what port is going to what.", "summary": "Network cable", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A1TGMUZXSYRR1L", "asin": "B00004UDQM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "I purchased this brand of labelling tape as I have run out. It has been quite helpful in providing labels for files. I highly recommend this brand of labelling tape.", "summary": "Casio labelling tape", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A3VVOB3XQNLRPX", "asin": "B000068OEP", "style": {"Length:": " 2 Meters"}, "reviewerName": "Nick M.", "reviewText": "These are good quality cables that I use with a set of M Audio studio monitors to connect them directly to my macbook pro. What more can I ask for? Great quality sound!", "summary": "Great quality sound!", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "AX0HIBV91NXEC", "asin": "B0001XFLTQ", "style": {"Color:": " Black", "Style:": " 3/8-Inch"}, "reviewerName": "Netgrue", "reviewText": "I bought this strap to replace the one that came with the Celestron Skymaster 15x70 binoculars. It fit's great and is a serious improvement! I particularly like how the neoprene section is angled to better sit on the neck and shoulders.", "summary": "It fit's great and is a serious improvement", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A1TDR7Y90SVCHL", "asin": "B00015Y0FK", "reviewerName": "J.Z.", "reviewText": "Great to expose all the USB ports hidden in all motherboards, I have a Gigabyte F2A88X-UP4 motherboard with a lot of USB ports, and with a couple of this adapters, I can bring all the available USB 2.0 ports to the back of the case.", "summary": "Lots of USB ports!", "unixReviewTime": 1429920000} +{"overall": 4.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "AF6ZTNPW9L74P", "asin": "B00004Z5IU", "reviewerName": "Kipperdog", "reviewText": "It works. Needed a shorty to reduce the clutter.", "summary": "Four Stars", "unixReviewTime": 1408060800} +{"overall": 3.0, "verified": true, "reviewTime": "01 13, 2011", "reviewerID": "A3KBOI34DFVF9W", "asin": "B00000JCTO", "reviewerName": "Livingstonetech", "reviewText": "When you are in a quiet room you can make out what people are saying, Hey two way radios aren't crystal clear. However, this product seems to exaggerate an already prevalent problem. If you are in a crowd, don't bother using the headset, it simply doesn't work well.", "summary": "Don't use in loud areas", "unixReviewTime": 1294876800} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A2U8K9JIR5BW08", "asin": "B00007FGUF", "reviewerName": "Robert Bosko Plechas", "reviewText": "excellent", "summary": "excellent", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "AXHJU9I0625GS", "asin": "B00004ZCC1", "style": {"Size:": " 72mm"}, "reviewerName": "HavasuTom", "reviewText": "As advertised.", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A1D38T13SXTUQG", "asin": "B00006IAOR", "reviewerName": "Effector2", "reviewText": "This vacuum has plenty of power and does a very good job of cleaning the dust out of my computers. Because it is an antistatic vacuum I don't have to be concerned about electrostatic discharge.", "summary": "Metro Vacuum MDV-1BA DataVac Pro 4.5-AMP", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2014", "reviewerID": "AZ51K0CHVAP78", "asin": "B00007B4DM", "reviewerName": "PDB", "reviewText": "It arrived in good time, fit the lens properly, and protects the lens.", "summary": "Rear lens cap does the job", "unixReviewTime": 1407024000} +{"overall": 2.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A1MZZ8XIRTXYI3", "asin": "B00006JPRP", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "J. Loucks", "reviewText": "The sound quality isn't that great. They also didn't feel that comfortable on the ear. Sony makes a very similar version and theirs is more comfortable. These feel tight on the ear, almost to the point of pinching. I wouldn't recommend them.", "summary": "Buy the Sony version instead.", "unixReviewTime": 1385856000} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2013", "reviewerID": "A1LU8DE959R7FV", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Gregory C.", "reviewText": "I am using this cable with a multiuse Brother printer. Been using it for 6 months now and it is working perfectly. Well built.", "summary": "Good connection", "unixReviewTime": 1368230400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2012", "reviewerID": "A1SMCK2S79NKIF", "asin": "B00007E87Y", "reviewerName": "Marcos E. Ruiz Rivero", "reviewText": "my girls are still using this old connections, i am glad i was able to find this connections, i have so many spare mouse which this old connections, so this product came very handy.", "summary": "ok", "unixReviewTime": 1353024000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "06 16, 2012", "reviewerID": "AGYH5U11ZKPFB", "asin": "B00007FGU7", "style": {"Length:": " 50 Feet"}, "reviewerName": "jenksdrummer", "reviewText": "I can't give it a 5-star rating because it's such a mundane object...\n\nI use this to send from my recording system to my headphones behind my drum kit. For that it does the job perfectly...", "summary": "It's a headphone cable extension!", "unixReviewTime": 1339804800} +{"reviewerID": "A2FJMPZUHHMXV7", "asin": "B0000AXXZH", "reviewerName": "Tom", "verified": true, "reviewText": "Exact Ram mount I was expecting at a great price.", "overall": 5.0, "reviewTime": "07 14, 2014", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A29QS8F621DI89", "asin": "B0000EZ1KK", "reviewerName": "Amazon Customer", "reviewText": "Great buy", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "AIDFCYOBN0WYO", "asin": "B00004T1XE", "style": {"Product Packaging:": " Standard Packaging", "Style:": " Without HeadphoneHeadphone"}, "reviewerName": "david gonzalez", "reviewText": "Nice little radio. I recommend it.", "summary": "Five Stars", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2010", "reviewerID": "A3Q6A1TAFRQ4YA", "asin": "B000067RTB", "style": {"Color:": " Grey", "Length:": " 100 Feet/ 30.48 Meters"}, "reviewerName": "R. Barnhart", "reviewText": "Never a worry about snagging when pulling cable and the professional/quality look on the ends when a user plugs it in is worth every penny.", "summary": "Prefab the way to go", "unixReviewTime": 1285977600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A1APCGMUVYINAJ", "asin": "B00006I5XC", "reviewerName": "G.I.JANE", "reviewText": "zero complaints, worked right out of the box, didn't even use the installer directions or discs. just plugged it in and went. i have a pc and a mac, went right to both.", "summary": "works perfectly", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2012", "reviewerID": "AOZUKZRSJW934", "asin": "B00008XOH6", "style": {"Style:": " WKB-4000UB"}, "reviewerName": "Paul", "reviewText": "I hooked up the usb transmitter and driver installed without an issue on windows 7 pc. Later upgraded to windows 8 without an issue.", "summary": "Good Media Center Keyboard", "unixReviewTime": 1356134400} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2015", "reviewerID": "A13XU73K8015HG", "asin": "B0000632G5", "reviewerName": "Ron Yadidi", "reviewText": "Be careful dint over tighten the nut that holds the speaker!! It cracked!!", "summary": "Five Stars", "unixReviewTime": 1430524800} +{"overall": 5.0, "verified": false, "reviewTime": "07 13, 2016", "reviewerID": "A3V15SFD7918WZ", "asin": "B0000ALXPJ", "style": {"Capacity:": " 18 Inch", "Style:": " Standard - Latching"}, "reviewerName": "Jesse Walker", "reviewText": "Works fine. It's a basic SATA cable. Length as advertised. Latching, which I like, to keep things secure. Nothing particularly special about it though. It's a simple product.", "summary": "It's a SATA cable. It works.", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "ASW6SA7235M4Q", "asin": "B00005ML7Q", "style": {"Style:": " 3.5mm Plug"}, "reviewerName": "HalRose", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A3N898MNHUX6UJ", "asin": "B00004SABB", "style": {"Size:": " 8x21", "Color:": " Camo"}, "reviewerName": "Tony H.", "reviewText": "Compact size and clear optics. Works well and not like the cheapo binoculars which can cost about the same.", "summary": "Compact size and clear optics", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2011", "reviewerID": "A31FGUMEDGHXDW", "asin": "B00020S7XK", "reviewerName": "eagle 1", "reviewText": "I got this cheap radio to carry around in my shirt pocket when I'm in the back yard. For $10 dollars the thing has great sound. My wife bought another onr for a friend", "summary": "Real bargain", "unixReviewTime": 1307923200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "AZKQNXN1FISKU", "asin": "B0001M3612", "reviewerName": "Bird", "reviewText": "These binoculars are of excellent build quality and offer a very clear (almost unreal) visual quality. I really like how they feel as they have grip to them and just feel solid. Excellent quality for the money! Highly recommended!", "summary": "Quality made product", "unixReviewTime": 1443916800} +{"overall": 4.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A2M4Z1C5GGAQD5", "asin": "B0000512LA", "style": {"Size:": " 2400W"}, "reviewerName": "Rev. Bobby D, Wisconsin", "reviewText": "-::-:*'\"*:.-::-* FABULOUS * -::- * HIGHLY RECOMMEND -::-:*'\"*:.-::-", "summary": "- * HIGHLY RECOMMEND -: ", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A15OWPQMLL3V5G", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Nicholas Pedone", "reviewText": "Excellent experience on this order.", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2013", "reviewerID": "A3GFDTBNOI2U26", "asin": "B0000AZK1L", "style": {"Length:": " 15 ft"}, "reviewerName": "The Tech Guy", "reviewText": "Long enough and no degradation. Perfect for what I needed it for. Make sure you get the right kind M\\F or F\\F or M\\M. But other then that like I said works fine and would buy more.", "summary": "Long enough...", "unixReviewTime": 1372118400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A36RXO19KVXEO2", "asin": "B00008O35T", "reviewerName": "Javier Vargas", "reviewText": "If you are ghost hunting on a budget this camera is for you. It take very clear picture, It has night shot, and low light mode. You can't go wrong with this one!!!!", "summary": "A nice ghost hunting tool", "unixReviewTime": 1379376000} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1V0DBU67GD6UV", "asin": "B0000E1VRT", "reviewerName": "Robyn A James", "reviewText": "I like the fact that these are clear--for those who like to coordinate colors or materials, this will go with pretty much anything The rubber feet on the bottom are great for keeping the holders sturdy but unfortunately only one of the two I ordered came with said rubber feet.", "summary": "Nice and simple CD holder.", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A2BE83G6DPXNOA", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Ian Baines", "reviewText": "works as advertised", "summary": "well made, fast shipping", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A3SQFAM955RI19", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Amazon Customer", "reviewText": "Received as advertised", "summary": "Five Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2012", "reviewerID": "A1Z3FGTL02W472", "asin": "B000067RTB", "style": {"Color:": " Green", "Length:": " 10 Feet/ 3.04 Meters"}, "reviewerName": "muthu", "reviewText": "serves right. Now I can drag my computer without getting worried about the connection becoming disconnected; it also easy to identify which color chord iswhat.", "summary": "serves", "unixReviewTime": 1353369600} +{"reviewerID": "A2WKE2BZ8XBVI8", "asin": "B00006I5L6", "reviewerName": "KCHAWK", "verified": false, "reviewText": "Cap is very tight so I worry about barrel damage when opening it. I will apply some soap and see if that helps.\nFits camera just fine.", "overall": 4.0, "reviewTime": "03 20, 2013", "summary": "Cap is too tight", "unixReviewTime": 1363737600} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2014", "reviewerID": "A1SG9SKU0KDTTC", "asin": "B00004ZC9V", "style": {"Size:": " 62mm"}, "reviewerName": "Wes", "reviewText": "Seems to be one of the cleaner inexpensive filters I've used. So far very happy. Getting sharp results with no color cast on my Fuji X-T1 with XF56mm f1.2 but it shouldn't matter what lens you are using it on.", "summary": "solid, inexpensive no color cast", "unixReviewTime": 1400457600} +{"overall": 3.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A19SMGLQZPMJ8W", "asin": "B00009RA60", "reviewerName": "M. Lowery", "reviewText": "Doesn't really clean the power as well as I had hoped.", "summary": "Three Stars", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A1OX2SBN4QSF6L", "asin": "B00009UHKW", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Bassic", "reviewText": "Worked perfectly for my 2006 Toyota Corolla", "summary": "5 Stars", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A1NZ0EQ3G61CAY", "asin": "B000097O5F", "style": {"Capacity:": " 1 GB"}, "reviewerName": "Marc A. Lewis", "reviewText": "I got it! I used it! I sold it! I've never had a problem with Kingston RAM, all my flash drives are Kingston too!~~~", "summary": "It worked great!", "unixReviewTime": 1392681600} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A1U6XGYQZ10HA4", "asin": "B000136P8W", "style": {"Size:": " 1-Pack"}, "reviewerName": "L Hunley", "reviewText": "Best for working at home...", "summary": "WAH", "unixReviewTime": 1473292800} +{"overall": 2.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "A2BH950K3IQ0UQ", "asin": "B00004SABB", "style": {"Size:": " 12x25", "Color:": " Black"}, "reviewerName": "regan", "reviewText": "Not so hot, impossible to adjust and see clearly through.", "summary": "Meh...", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A35Y84J90TUF8B", "asin": "B00008KJ2A", "style": {"Size:": " 6U", "Style:": " Fixed"}, "reviewerName": "Rus Hardy", "reviewText": "Great quality and value! My only wish is that it included a bottom tray...but that's just me!", "summary": "Great quality/value.", "unixReviewTime": 1510185600} +{"reviewerID": "A2OBTAQQ165KBW", "asin": "B00009KLAE", "reviewerName": "K. Springs", "verified": true, "reviewText": "I dropped my camera recently with a good Tamron 18-270mm lense. Fortunately, the UV filter took the brunt of it. I replaced it with a Tiffen UV because I have a long history as a Tiffen user. It still delivers quality for a fraction of the cost.", "overall": 5.0, "reviewTime": "03 24, 2015", "summary": "Tiffen Quality", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A1ISX1FK49LCZW", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Kindle Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"reviewerID": "A2EX93M64V36PP", "asin": "B00009KLAE", "reviewerName": "Nestor L", "verified": true, "reviewText": "BUY IT TOGETHER WITH THE CANON 50 MM", "overall": 5.0, "reviewTime": "05 2, 2018", "summary": "Five Stars", "unixReviewTime": 1525219200} +{"reviewerID": "AHYVP0LGF01K0", "asin": "B00004ZCJJ", "reviewerName": "blowmedowner", "verified": true, "reviewText": "Good product. However on arrival it had come out of its package and was loose in the outer paking box.", "overall": 4.0, "reviewTime": "01 19, 2013", "summary": "58mm Filter", "unixReviewTime": 1358553600} +{"overall": 1.0, "verified": false, "reviewTime": "03 5, 2005", "reviewerID": "A13JU2U92PVJAY", "asin": "B00006IS42", "reviewerName": "Soroush", "reviewText": "I'm trying to watch my C770 as I'm writing this, and the DVD is getting stuck all the time. Other DVD's won't play at all, and they can play in my laptop. This is a SAD product - and I've had the same trouble with Sony before. NEVER AGAIN will I fall into the Sony trap.", "summary": "A DVD player that can't play DVD's!!!!", "unixReviewTime": 1109980800} +{"overall": 1.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "AJN1DJ3XWAKAA", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Greg", "reviewText": "Bought three and only one actually worked", "summary": "One Star", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2011", "reviewerID": "A188FEZYOD7745", "asin": "B00008V3DR", "reviewerName": "mtprofessor43", "reviewText": "I received my original box which was unopened, it is brand new. It was simple to assemble the parts in only 5 minutes each stand. These two attractive speaker stands are solid, and can last longer.", "summary": "Nice Wood Speaker Stand Pair!", "unixReviewTime": 1306540800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2012", "reviewerID": "A3MVGF1DJR23CT", "asin": "B00020S7XK", "reviewerName": "G. K. Youngblood", "reviewText": "I would have liked it to have a digital tuner. HOWEVER, this little radio is sturdy and reliable. It has a good speaker. In short it is well built and will last for ages. The price point is perfect for it as well. Good job Sony!", "summary": "Perfect in Everyway", "unixReviewTime": 1327276800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2012", "reviewerID": "A1THFFWOTLRDMQ", "asin": "B00006MJFB", "reviewerName": "Marty", "reviewText": "Purchased this patch panel for a client installation and was very happy with the build quality. The panel was of good thickness, ports were sized appropriately and the rack mounts lined up perfectly. Made the installation process that much easier.", "summary": "Nice Patch Panel", "unixReviewTime": 1353974400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A1GCCTJ3B03P13", "asin": "B00000J1QM", "reviewerName": "Alex Bernal", "reviewText": "Might as well save your money and buy a new cd/dvd player. I have an imac and this did not fix my problem.", "summary": "Didn't work", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2011", "reviewerID": "A38LYZ1PFVSN6", "asin": "B0000UXOHG", "reviewerName": "Randall J. Currie", "reviewText": "This bag is solidly built, and the leather is nice. It fits my Kodak EasyShare 7440, a soon to be spare camera, 7440 nicely.", "summary": "Nice bag", "unixReviewTime": 1320192000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A1V6MNIF91DP7Q", "asin": "B0001FTVEA", "reviewerName": "no", "reviewText": "Worth the additional cost. Sound quality is superior. Rw instead of ir a real pluse. Comfortable. Quality built. Fine tuning adjustment the real bonus.", "summary": "super", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A3FLNCYFL7465Q", "asin": "B00008L3IS", "reviewerName": "Rudi Franke", "reviewText": "I've used these before and find that this latest purchase is just as good, I'm very pleased with this products performance.", "summary": "Good data storage decision you're about to make. Congratulations!", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A2N9OO5NHDXE73", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "mdsd77", "reviewText": "works great - adds length", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"reviewerID": "A3FK8RY2EOSGZ", "asin": "B00009KLAE", "reviewerName": "ali abdullah albuhassan", "verified": true, "reviewText": "I purchased this it's good quality I putted on my lens canon 50mm f1.8 it fitted very well on it", "overall": 5.0, "reviewTime": "12 21, 2012", "summary": "Good Filter", "unixReviewTime": 1356048000} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2018", "reviewerID": "A2F5IUMKD9LW1X", "asin": "B00005QBU9", "style": {"Color:": " Black"}, "reviewerName": "LLH4", "reviewText": "Good for the price, but the sound is a little muffled for my tastes.", "summary": "Four Stars", "unixReviewTime": 1518566400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "A22VTLDM12HSR2", "asin": "B0002BF09S", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Rene Pena", "reviewText": "Was a little leery about the match up, but once I downloaded the vehicle's radio wiring diagram, I felt a lot better putting it together with the radio's harness. No problems, so far!", "summary": "Perfect!", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2014", "reviewerID": "AD6YONHPHRM0A", "asin": "B000068O49", "style": {"Size:": " 1 piece", "Style:": " RCA to XLR3M"}, "reviewerName": "Brad A. Lachapelle", "reviewText": "This works great for my school to be able to connect phones, laptops, and CD players to our soundsystem in the gymnasium. All I needed to connect it was two RCA Y cables, and the sound is great!", "summary": "Works Great!", "unixReviewTime": 1390176000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2018", "reviewerID": "A2HRIY5DEH6Z07", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1523836800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A2U6AWBGY1QUR1", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "TognaBologna", "reviewText": "Very good, open sounds-stage. Very sturdy, contrary to what it may look like. I love the style. Extremely comfortable.", "summary": "Best Headphones under $75", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A3LTX5FEFT7TDX", "asin": "B00005N9D3", "style": {"Product Packaging:": " Standard Packaging", "Style:": " UR-20"}, "reviewerName": "Parceiro", "reviewText": "I beat these as an inexpensive replacement for some old sony headphones I had. They're just as comfortable and a fraction of the price. I'm not an audiophile by any means, so these are good enough to play video games with while my wife sleeps", "summary": "They're just as comfortable and a fraction of the price", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2017", "reviewerID": "APDOSWYOV0VVZ", "asin": "B0001QFSRI", "style": {"Color:": " Black", "Style:": " Loop"}, "reviewerName": "Foxie5", "reviewText": "Wonderful!", "summary": "Five Stars", "unixReviewTime": 1496880000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A2ZGNHL41D53ZV", "asin": "B00009XVKY", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "John Michlig", "reviewText": "Solid as a rock, and easy to customize.", "summary": "Easy Choice", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2018", "reviewerID": "A1M3ROKRBG0LDP", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Robert E.", "reviewText": "I got this filter to protect my new lens and it does that and I am happy with my pictures thus far.", "summary": "Lens protection at a good price.", "unixReviewTime": 1520640000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2014", "reviewerID": "A1UU8M7DOTHX1W", "asin": "B00006I5J7", "reviewerName": "NER R. DABU", "reviewText": "Snug fit on my 18-240mm lens. Can't differentiate from the original cap that I lost on a trip. A lot cheaper than buying it from the local camera store.", "summary": "Nikon lens cap", "unixReviewTime": 1395273600} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "AISAEIDN4D5W5", "asin": "B000068O4E", "style": {"Style:": " 1/4\" TRS to 1/4\" TRS Coupler"}, "reviewerName": "J_A_R", "reviewText": "Solid and simple.", "summary": "Five Stars", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A18PHJGGBJ383Z", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Plus | L2 Managed"}, "reviewerName": "Sergio", "reviewText": "Superior over D-Links, in speed and build quality", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "AUN0UAQWK6GE9", "asin": "B0000DHVOJ", "reviewerName": "Robert Hooper", "reviewText": "This is the one. I always wanted one when I as a kid but it seems like they were too expensive? I think they're cheaper now than they were thirty years ago...", "summary": "It's the Real Deal...", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "AZ0FOYXBLLIIC", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Gary Redmond", "reviewText": "Works Great!", "summary": "Five Stars", "unixReviewTime": 1435190400} +{"overall": 4.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A3QFRZ46PDU26R", "asin": "B000068O18", "style": {"Size:": " 13.1 Feet"}, "reviewerName": "Andy Schirz", "reviewText": "seems to be decent quality. The wires and insulation are very thick. i did not notice any sonic differences between this and Monster.", "summary": "Works well", "unixReviewTime": 1399507200} +{"reviewerID": "A1AAXH93C5FG8X", "asin": "B00005ATMK", "reviewerName": "Mazen Nammari", "verified": true, "reviewText": "Good quality", "overall": 4.0, "reviewTime": "03 18, 2015", "summary": "Four Stars", "unixReviewTime": 1426636800} +{"reviewerID": "A1RCI8OMFWOPDW", "asin": "B00004ZCJJ", "reviewerName": "Diego P.", "verified": true, "reviewText": "good!!", "overall": 5.0, "reviewTime": "09 15, 2014", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A2UJWCZ8XWO16O", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Sarah G", "reviewText": "Love bokeh photography! This is a great lens. Very satisfied with purchase.", "summary": "Bokeh", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A2WRFJRAFVGGDC", "asin": "B0000512D3", "style": {"Style:": " 15A + Surge Protection"}, "reviewerName": "Dean", "reviewText": "You need a number of electrical outlets for a rack. You want a big-assed UPS and the budget won't allow it. This is the compromise.\nIt seems (so far) to be very well made. Very sturdy. Understand that I am not an electrical engineer.", "summary": "Very sturdy. Understand that I am not an electrical engineer", "unixReviewTime": 1408579200} +{"reviewerID": "A2O3KBAZ6E7YEQ", "asin": "B00004ZCJJ", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "PERFECT!!!", "overall": 5.0, "reviewTime": "05 3, 2016", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 1.0, "vote": "8", "verified": true, "reviewTime": "01 24, 2017", "reviewerID": "AVR3R6H88K9D4", "asin": "B00009KH63", "style": {"Style:": " Wireless"}, "reviewerName": "Dis guy", "reviewText": "The scroll wheel grinds metal on metal, resulting in poor function. The track ball is also not smooth. For almost $100 I'd expect better quality, this feels like a $20 product, and that's giving it undue credit.", "summary": "Great if you like grinding metal", "unixReviewTime": 1485216000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A25AXZAXLJFA5G", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "kirbycope", "reviewText": "This is a great bag. You can rearrange the dividers in the main part. Only issue was that the SD card pockets were too small for my cases (which hold a micro sd card and adapter).", "summary": "Highly customizable", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A36754H1BYKBAX", "asin": "B00005T3Q2", "style": {"Style:": " Black + TEL/Coax/NET"}, "reviewerName": "Amazon Customer", "reviewText": "Peace of mind for so little money. Great product.", "summary": "Great product.", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A1ZHQG4HBK8U7S", "asin": "B00007AKCV", "style": {"Capacity:": " 2 Port with Audio", "Style:": " VGA USB"}, "reviewerName": "Aaron", "reviewText": "Item received in good order. Item works great with two PCs and one monitor. Recommend this product. Item still works today.", "summary": "Good", "unixReviewTime": 1354838400} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A3RNCXJW5KHLWR", "asin": "B000067SN2", "style": {"Color:": " Black", "Capacity:": " 6in"}, "reviewerName": "TallySassy", "reviewText": "Works for what I need it for.", "summary": "Four Stars", "unixReviewTime": 1474502400} +{"overall": 5.0, "verified": false, "reviewTime": "04 2, 2010", "reviewerID": "A3P9MFN1SW6R5U", "asin": "B00008SCFL", "reviewerName": "Norm12", "reviewText": "Documentation is sparse but I purchased it to use as an Access Point which meant calling an excellent Netgear tech support that had me set up in no time.", "summary": "Netgear WGR 614", "unixReviewTime": 1270166400} +{"overall": 4.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A2T7D9P4TM7L83", "asin": "B00009R90O", "reviewerName": "Keith L. Olsen", "reviewText": "negatives are a bit snug when slid into slots. a little more space (width) for each slot would be nice.", "summary": "a little more space (width) for each slot would be nice.", "unixReviewTime": 1428278400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "07 17, 2006", "reviewerID": "A3MXLHGZP6U0Q9", "asin": "B0001A06GW", "reviewerName": "southpaw", "reviewText": "The card will hold 800+ pictures on my Canon A520 digital camera. Excellent storage at 4 megapixels!", "summary": "SanDisk 1GB Secure Digital Card", "unixReviewTime": 1153094400} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A3DLCY98104CGF", "asin": "B000067SG3", "style": {"Size:": " 25-ft.", "Color:": " Yellow"}, "reviewerName": "needingknittles", "reviewText": "Durable, well-constructed and the bright color makes it easy to differentiate it from the other zillion wires attached to my electronic equipment.", "summary": "Durable and works fine.", "unixReviewTime": 1400716800} +{"overall": 5.0, "verified": false, "reviewTime": "11 17, 2008", "reviewerID": "A3PHB8JKKXZDH1", "asin": "B0001BVXI6", "style": {"Style:": " English"}, "reviewerName": "Bruno Bornino", "reviewText": "Best way ever to use 0ne monitor and wireless keyboard and mouse with 2 computers. Easy to install", "summary": "perfect accessory", "unixReviewTime": 1226880000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A3VZDMCWFVXOVX", "asin": "B00008WIX3", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Rena End", "reviewText": "I was looking for a cassette player that has rewind. This product had that and and the other features a walkman should have. It also looks nice and has a retro vibe to it. I am very pleased with this product.", "summary": "Sony Cassette Recorder", "unixReviewTime": 1355875200} +{"overall": 1.0, "verified": true, "reviewTime": "12 15, 2002", "reviewerID": "A1OOFIYJLN0QUA", "asin": "B000068U2L", "reviewerName": "Sam Shaw", "reviewText": "I couldn't even use this thing because IT DOES NOT HAVE A DOLBY DIGITAL DECODER BUILT IN...don't believe the hype! Philips couldn't even begin to give me support on this issue, because their staff consists of complete idiots.", "summary": "No output jacks no decoder", "unixReviewTime": 1039910400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A3CO9WLIVD58HC", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"reviewerID": "A2IK8VOUT3K8DD", "asin": "B00009KLAE", "reviewerName": "Tony Pro", "verified": true, "reviewText": "I've been using Tiffen filters for many years. They are a good value product.", "overall": 5.0, "reviewTime": "03 23, 2016", "summary": "Good value", "unixReviewTime": 1458691200} +{"reviewerID": "A1OQ373QDZHJ6N", "asin": "B00009KLAE", "reviewerName": "S. Torres", "verified": true, "reviewText": "Works great! I really only got this for protection of my lens. Does not seem to have any effect on my photos, which is what I want out of a UV Filter.", "overall": 5.0, "reviewTime": "08 8, 2017", "summary": "Great Lens Protection....", "unixReviewTime": 1502150400} +{"reviewerID": "A1ARSBVSFZZ3DZ", "asin": "B00004ZCJJ", "reviewerName": "Tony R.", "verified": true, "reviewText": "Good price and works as advertised. Definitely a good product to have and protect your lens.", "overall": 5.0, "reviewTime": "10 24, 2008", "summary": "Good product!", "unixReviewTime": 1224806400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A2AGEW5NGJZ2BC", "asin": "B000068P8W", "style": {"Style:": " Original"}, "reviewerName": "Freddy Serfaty", "reviewText": "I recommend product .", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A158NNW9QBJD76", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Beto", "reviewText": "protect my lens!", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"reviewerID": "A12SWBIVGB9OS5", "asin": "B000067O6B", "reviewerName": "LINDA A. SOMUAH", "verified": true, "reviewText": "Can't see a lick...", "overall": 5.0, "reviewTime": "07 6, 2015", "summary": "The privacy filter does exactly what it's supposed to do!", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A1TPOTHCVUK714", "asin": "B00005N9D3", "style": {"Product Packaging:": " Standard Packaging", "Style:": " UR-20"}, "reviewerName": "Gary F. Thomas", "reviewText": "I have always thought of Koss as a company that produces a quality product at a reasonable price, and these headphones uphold that reputation. They fit well and sound good.", "summary": "Koss' reputation is secure", "unixReviewTime": 1391385600} +{"overall": 3.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A2745XVV6R0SAP", "asin": "B00005ATMB", "style": {"Size:": " 100", "Style:": " CD Wallet"}, "reviewerName": "The Dowager Queen", "reviewText": "I have a lot of Case Logic cases. I guess this one is bottom of the line because it's a very cheap material. I wish I'd paid a bit more and gotten one that was a thicker material. I think it'll be okay as long as it's not filled to max, but boy is it sheer!", "summary": "I have a lot of Case Logic cases. I ...", "unixReviewTime": 1515888000} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "AEIS3WKX695BQ", "asin": "B0002BEQN4", "style": {"Size:": " accessory", "Package Type:": " Standard Packaging"}, "reviewerName": "Kindle Customer", "reviewText": "Perfect for connecting aftermarket stereo in a 2013 Ram 1500", "summary": "Perfect", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2WNJLV37EP3FQ", "asin": "B00006IW1X", "style": {"Size:": " 50 pack spindle"}, "reviewerName": "jerry", "reviewText": "Everything was as advertised and shipping time was great.", "summary": "Five Stars", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "AL8RVJ1LEHDQ4", "asin": "B000083JZ0", "style": {"Length:": " 7Ft"}, "reviewerName": "Amazon Customer", "reviewText": "The best and high quality,", "summary": "Five Stars", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A1AKZT458YM2LD", "asin": "B000067RM9", "style": {"Size:": " 7-Foot", "Color:": " Black"}, "reviewerName": "lamasney", "reviewText": "top notch cable. upgraded all my cables and this one is no exception to the quality wanted. would buy again. great shipping from seller.", "summary": "great shipping from seller", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": false, "reviewTime": "03 8, 2009", "reviewerID": "ATUVRX165WRCK", "asin": "B000089GN3", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "keep it simple", "reviewText": "I have owned SONY, PANASONIC and Radio shack brand headphones before. This one broke all boundaries. Should be priced higher for quality and comfort it offers.", "summary": "Sennheiser PX 100 Collapsible Headphones", "unixReviewTime": 1236470400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2013", "reviewerID": "A3VCAEC71576S9", "asin": "B00005ATMI", "style": {"Size:": " 320"}, "reviewerName": "Stephen", "reviewText": "good, quality cd/dvd storage case. the seams are sewed well, I've had two of these jam packed with my dvd collection and haven't had any issues. You can take pages out and put new ones in easily which is a nice feature. Id highly reccomend this product", "summary": "good case", "unixReviewTime": 1381190400} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "APURSOE8F1117", "asin": "B00005K47X", "reviewerName": "Maj Chaos", "reviewText": "This is a very nice lens for a photographer on a budget. I had this item before but it just started malfunctioning one day and would not work on either my T2I nor my 5D MIII. So, I just ordered a replacement, and at this price it doesn't hurt the budget too much.", "summary": "Great budget lens...", "unixReviewTime": 1422921600} +{"overall": 4.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A1CB1ILIGS9HQY", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Judy S.", "reviewText": "fine", "summary": "Four Stars", "unixReviewTime": 1444435200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A2X41T6I647Y4W", "asin": "B000023VW2", "reviewerName": "Brady Curry", "reviewText": "Needed a short wave antenna for my Radioshack 200629. Really helps out. It also works as an external fm antenna on my Tecsun A9.", "summary": "Needed a short wave antenna for my Radioshack 200629. ...", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "A39EDK9N93LHB5", "asin": "B00009YFTI", "reviewerName": "Mark42", "reviewText": "This adapter is as described. The important part is the connectors fit well and the wire crimps are good. So it does what it is supposed to. Good quality for the price.", "summary": "Perfect. Does what it should.", "unixReviewTime": 1387584000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1NG91GJ6KELQS", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet (Black)"}, "reviewerName": "ponch", "reviewText": "Working great!", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2014", "reviewerID": "A27EPNT0PQZ781", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "D Maroney", "reviewText": "The cord reel keeps out the kinks and twisted cords. It is very nice for storage, does not take up much room.", "summary": "Cord reel works wonderfully!", "unixReviewTime": 1393459200} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2011", "reviewerID": "A19UV30VH1DAAG", "asin": "B000067SMI", "style": {"Size:": " 6-Feet", "Package Type:": " Standard Packaging"}, "reviewerName": "Steven Stover", "reviewText": "I acquired a LCD monitor without the VGA cable and ordered this one as a replacement. I'm running it at 1280x1024 60Hz refresh (native resolution for this 19 in monitor) and it works perfectly.", "summary": "Works very well for my purpose", "unixReviewTime": 1315612800} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A3P2H7EJVB2XE7", "asin": "B00020S7XK", "reviewerName": "Jessica M", "reviewText": "Works really well for how cheap it is. the volume just distorts after 1/2 way but honestly 1/2 is really loud so that is all you need.", "summary": "Works really well for how cheap it is. the ...", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A1CP8U0L5M3DVL", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "casey", "reviewText": "work great! best so far", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "A14R08BFVY2K1E", "asin": "B0000BZOGY", "style": {"Style:": " XL Backpack"}, "reviewerName": "Aliendancer", "reviewText": "My son loves these. He had one that he used everyday for five years when it gave out he wanted it replaced by the same one.", "summary": "Great back pack", "unixReviewTime": 1382054400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2012", "reviewerID": "A42FNTM7Q2FE0", "asin": "B00005N5X2", "reviewerName": "Jam", "reviewText": "It's a nice little ant to stick on your car to talk with people in a traveling group if it's tuned.", "summary": "Motorcycle Rider", "unixReviewTime": 1353456000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A3UJEEN8M7HKX6", "asin": "B00008VSKK", "style": {"Color:": " JJJIII26"}, "reviewerName": "V.", "reviewText": "Good solid cable. I like the metal caps.", "summary": "Five Stars", "unixReviewTime": 1422316800} +{"reviewerID": "A3K0HI56CHLGJT", "asin": "B00006HURK", "reviewerName": "Wayne Hilger", "verified": true, "reviewText": "No problems at this point. I seems to be exactly what we wanted and meets all of needs so far so good.", "overall": 5.0, "reviewTime": "02 3, 2014", "summary": "Meets expectations", "unixReviewTime": 1391385600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "ASN3R968X3T2F", "asin": "B00009KH63", "style": {"Style:": " Wired"}, "reviewerName": "Cathy K. Gailey", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1515628800} +{"overall": 4.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A3HAHFKP822JBE", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Spirit the Magician", "reviewText": "Product is as advertised.", "summary": "Four Stars", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": false, "reviewTime": "10 8, 2016", "reviewerID": "AO7Z7HUDM8PYU", "asin": "B000067SLY", "reviewerName": "Doctor Cain", "reviewText": "It's an internal MOLEX power-splitter. It works. Good price. 'Nuff said.", "summary": "Good price. 'Nuff said", "unixReviewTime": 1475884800} +{"overall": 5.0, "verified": false, "reviewTime": "07 12, 2007", "reviewerID": "A1I8P4M8D669PK", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "J. Broughton", "reviewText": "fast focus, amazing bokeh, razor sharp focus! available light portraits like a pro studio would generate!", "summary": "AMAZING IQ! best portrait lens under $1K", "unixReviewTime": 1184198400} +{"reviewerID": "A3ULSAJT2X0IP", "asin": "B00004ZCJJ", "reviewerName": "E. Davis", "verified": true, "reviewText": "This filter fits perfectly for my Nikon lens, it's affordable and does the job well! I have no complaints and would purchase it again!", "overall": 5.0, "reviewTime": "10 9, 2013", "summary": "Will purchase again!", "unixReviewTime": 1381276800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2013", "reviewerID": "A1Y5487A6CWTOE", "asin": "B00006B81E", "style": {"Style:": " 6 Rotatable Outlet Direct Plug-in"}, "reviewerName": "Douglas H. Hale", "reviewText": "This a great product for any application, however, I use it in the kitchen to plug in all my small appliances and it works great.", "summary": "Great product!", "unixReviewTime": 1379808000} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A1MATGRJLEX9LK", "asin": "B00009R96C", "reviewerName": "John Mulholland", "reviewText": "Great filter", "summary": "Five Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A2ZTZEP3CWELJM", "asin": "B00004ZCKX", "style": {"Size:": " 52mm"}, "reviewerName": "Chris", "reviewText": "Bought these 7 years ago, broke a few, bought them again. Can't argue for under $30.", "summary": "Five Stars", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "ABB0MI8U1XD0A", "asin": "B00006LSVL", "reviewerName": "Steven L Silverstein", "reviewText": "I read a number of the reviews and they all recommended to buy a filter so you are able to look up during the day and it works very well glad I read about it first not a lot of out of pocket either way worth it.", "summary": "Filter", "unixReviewTime": 1388188800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A3393DKNVOOY28", "asin": "B00005ATMB", "style": {"Capacity:": " 336", "Style:": " CD Wallet"}, "reviewerName": "Christian Hughes", "reviewText": "Tried an option for $15, but came to my senses quickly.", "summary": "Best option available for the price and quality!", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "AKINJGN9GL8F0", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Mr Speaker", "reviewText": "Works great, just what I needed", "summary": "As advertised", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "A5Q8UV6HWYCP7", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "liftedduramax", "reviewText": "did the job", "summary": "Five Stars", "unixReviewTime": 1517270400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "AMFENUTJPTF7U", "asin": "B00006JPEB", "reviewerName": "George Marshall", "reviewText": "solved my problem of 3 inputs and 2 outputs.", "summary": "Five Stars", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2010", "reviewerID": "A2GKKCWKZ8OB5R", "asin": "B00004Z5CQ", "reviewerName": "A. Larry", "reviewText": "It works like a plug should work. I don't know how it could end up with a bad review.", "summary": "Nothing unusual", "unixReviewTime": 1287360000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "A2X7C89I7YRX1O", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Laptop Stand"}, "reviewerName": "Greg A. Canham", "reviewText": "My 17.3\" laptop no longer makes me sweat. My laptop does not slide because of the soft feet at the front and the angle options are great. I don't see the point of the wire holder but love the ventilation. Great gift.", "summary": "My 17.3\" laptop no longer makes me sweat.", "unixReviewTime": 1401926400} +{"overall": 4.0, "verified": true, "reviewTime": "01 6, 2014", "reviewerID": "A1YNWNFATX7V1J", "asin": "B00007IFED", "style": {"Capacity:": " USB 2.0", "Model:": " 10/100 Mbps Ethernet"}, "reviewerName": "Mandy", "reviewText": "There is not much to say, works great with the Apple MacBook series, doesn't require any drivers and is affordable.", "summary": "Works with MacBook Pro Retina", "unixReviewTime": 1388966400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2014", "reviewerID": "A29S5H6MV715S2", "asin": "B00007AP2O", "style": {"Color:": " Black"}, "reviewerName": "mj", "reviewText": "Have a Dell computer that only takes USB mouse/keyboard on a KVM switch with three other computers. This adapter makes it work. Bought a spare for my Geek drawer.", "summary": "USB to Dual PS/2 Adapter for Mouse and Keyboard", "unixReviewTime": 1400457600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2017", "reviewerID": "AHSFICH1H2G5C", "asin": "B00006B8K2", "style": {"Size:": " 1-Pack"}, "reviewerName": "G. Roberts", "reviewText": "Best ever power strip with extra outlets. Small and awesome!", "summary": "Best ever power strip with extra outlets", "unixReviewTime": 1508457600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "A1HDDQ3ASADN2S", "asin": "B00005ML7Q", "style": {"Style:": " 3.5mm Plug"}, "reviewerName": "James", "reviewText": "Works good. Good sound. Comfortable", "summary": "Five Stars", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2013", "reviewerID": "AICQZHCRRJCM4", "asin": "B000051299", "reviewerName": "Robert M.", "reviewText": "It's a fast fan that brought down my case temperature by about 7 degrees C, which is a significant improvement. For about $8 it's a good investment even if it is a little loud. It fit perfectly right below my graphics card.", "summary": "Excellent Fan", "unixReviewTime": 1386201600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A305JYOSG40BHZ", "asin": "B00009YFTI", "reviewerName": "Dustman", "reviewText": "It's good, what else can I say, works & fits as it should", "summary": "Buy", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A21JHRNZ71RCMW", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Jim", "reviewText": "Excellent inexpensive headphones. Great sound for the price.", "summary": "Great Audio", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2010", "reviewerID": "A1MCZ81C4T25Y9", "asin": "B0000B006W", "style": {"Capacity:": " 2 GB"}, "reviewerName": "D. Hover", "reviewText": "I got the pair of memory sticks for a friends computer, and installed them.\nworked first time realy increased the computer speed. Friend was very pleased with the cost and much better functioning computer", "summary": "Memory Upgrade", "unixReviewTime": 1265414400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2011", "reviewerID": "A3I23N33V323JQ", "asin": "B000068O4E", "style": {"Style:": " 1/4\" TRS to XLR3F"}, "reviewerName": "JOHN KNOWLES", "reviewText": "Adapter is constructed durably, and does what it is supposed to. Adds a lot of stand off distance to XLR jack, so right-angle plug TS/TRS cables are ideal.", "summary": "Quality item", "unixReviewTime": 1307145600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2017", "reviewerID": "AKIOYEP471ROV", "asin": "B000067SLV", "style": {"Length:": " 10ft", "Style:": " Standard"}, "reviewerName": "A. Haikal Ruslan", "reviewText": "Used it once for a week, before I got the official cable for my PSU. What I can tell is that it fits quite well, and is not loose.", "summary": "Used it only for a week during emergency", "unixReviewTime": 1499904000} +{"overall": 5.0, "verified": false, "reviewTime": "10 25, 2014", "reviewerID": "A3JJFDDFQNBGV9", "asin": "B0000B35CK", "style": {"Style:": " 512MB"}, "reviewerName": "JC", "reviewText": "Great quality, held all the images I needed at the time.", "summary": "Five Stars.", "unixReviewTime": 1414195200} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "AYN68UNCIWGUF", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "sunny1", "reviewText": "I've had these headphones for quite a well. I keep them in my laptop bag and I haven't had any problems.", "summary": "A backup pair", "unixReviewTime": 1429660800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "ACXVT184DKFJ4", "asin": "B000095SB4", "reviewerName": "Simone", "reviewText": "Like them because it helps me to hear the dialog clearly. The ear piece doesn't cover my ears completely but works good enough.", "summary": "Sony headphones", "unixReviewTime": 1356998400} +{"overall": 3.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A3AUCKX2R2N1EI", "asin": "B000001OM5", "style": {"Format:": " Electronics"}, "reviewerName": "Greg G.", "reviewText": "Doesn't have the places to mark each time you use it, like the old 1 did.", "summary": "like the old 1 did", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A2AY7EQKCEK6FR", "asin": "B000083JZ0", "style": {"Length:": " 50Ft"}, "reviewerName": "Rofaxen", "reviewText": "Works as expected.", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 4.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A11MOBFQ55Q9Q0", "asin": "B00006JPF3", "style": {"Model Number:": " CBR29LTD"}, "reviewerName": "Larry Mitchell", "reviewText": "My 2nd purchase of this unit, highly recommend.", "summary": "highly recommend.", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": false, "reviewTime": "07 23, 2014", "reviewerID": "A2ESTM23DA5V3U", "asin": "B0001M6K24", "reviewerName": "Tadashi Ogitsu", "reviewText": "As expected!", "summary": "Five Stars", "unixReviewTime": 1406073600} +{"reviewerID": "A3FPEKVM6VCHK7", "asin": "B00009KLAE", "reviewerName": "Chakkababy", "verified": true, "reviewText": "I have some expensive B&W filters that are made of higher grade glass and cost more than three times this one. This one looks just as good! Tiffen has my vote. I'm going to save my money and buy these from now on!", "overall": 5.0, "reviewTime": "03 28, 2010", "summary": "As good as the spendy filters!", "unixReviewTime": 1269734400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A1PPOES42H6J9D", "asin": "B00007M1TZ", "reviewerName": "JOSE E.", "reviewText": "I LOVE IT THANKS", "summary": "Five Stars", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "AUB0JAO8WSTYK", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "F Lee", "reviewText": "Great blaster blower! Used it for my Canon 50D and now 70D. Clears all dust inside camera. Highly recommended", "summary": "Great blaster blower! Used it for my Canon 50D and now 70D. Clears all dust inside camera. Highly recommended", "unixReviewTime": 1469232000} +{"reviewerID": "A3NPNW5TBR7Y3M", "asin": "980035977X", "reviewerName": "Michael Cook", "verified": true, "reviewText": "Works great, once configured and the printer configured it is fast and reliable.", "overall": 5.0, "reviewTime": "07 13, 2014", "summary": "Print Server", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "A1KA0CXJNE5HRQ", "asin": "B0000YTZOS", "reviewerName": "kmandr", "reviewText": "After purchasing a cheaper off brand battery that ended up not fitting my phone properly and not working, I purchased these. They fit well and work fine. NO problems.", "summary": "works well, no problems", "unixReviewTime": 1366502400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "AGSNPRMX6PJ3K", "asin": "B00004W3ZP", "style": {"Size:": " 1 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "nate", "reviewText": "Great quality and sturdy. Adhesive is very strong so beware this will tear up drywall when you remove it. This is not a bad thing as it won't be falling off the wall like some of the other brands I have tried. Would recommend!", "summary": "Great quality and sturdy", "unixReviewTime": 1476403200} +{"overall": 2.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A2NWM52SFWQHFT", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Anuruddha Jayasinghe", "reviewText": "Died after not too long...", "summary": "Two Stars", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2013", "reviewerID": "A3I543CPYG459H", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "lance66", "reviewText": "Anyone that is into landscape photography this is a must have. Has a nice length to the cord and seems to be very well made. If you need something for long exposures this is your product. Canon quality and that says it all. You won't be disappointed.", "summary": "Canon Quality", "unixReviewTime": 1366588800} +{"reviewerID": "A2XMQU9JIPF2B", "asin": "B00004ZCJJ", "reviewerName": "cjh", "verified": true, "reviewText": "Good product and great bargain.", "overall": 5.0, "reviewTime": "10 25, 2014", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 3.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A29536XUFEH54D", "asin": "0972683275", "reviewerName": "Solo CW", "reviewText": "Great sturdy stand but the HDMI was missing so I returned it, its giving me second thoughts about ordering another", "summary": "No HDMI", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A22NH7YHNTYXG5", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Bradford Anthony", "reviewText": "works", "summary": "works as advertised", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "AVGMJ87P26LQ3", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Chris Cantello", "reviewText": "Very good buy for the price, they do work.", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A1WZZOQ19O1EOY", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 19\" Standard (5:4 Aspect Ratio)"}, "reviewerName": "Nature Way", "reviewText": "If you need privacy or glare filters, these are great, reasonably priced and can act as a \"standard solution\" if you have an environment with a variety of monitor sizes in play.", "summary": "Great Solution", "unixReviewTime": 1405036800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "AKVWTIB33W9VU", "asin": "B0000AI0N2", "style": {"Style:": " 10 Outlet + TEL/TV"}, "reviewerName": "MFormby", "reviewText": "I have used Tripp Lite products for many years and have never been been dissappointed with any of them. Works great.", "summary": "Great product for the price", "unixReviewTime": 1392681600} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2014", "reviewerID": "A6PNUK8KE8V3T", "asin": "B00004Z5IW", "reviewerName": "infohunter", "reviewText": "This disc cleaner works well~! Buy it~! I highly recommend this disc cleaner to everyone~! 5 stars with my gratitude~!", "summary": "Clean those discs~!!", "unixReviewTime": 1394496000} +{"overall": 4.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A1FUS78UXF86PL", "asin": "B00005ML7Q", "style": {"Style:": " 3.5mm Plug"}, "reviewerName": "Dolores Portalatin", "reviewText": "I used these for a few years to do online gaming. They worked really well and picked up my voice without noise from the room. After a few years though the foam disintegrated.", "summary": "I used these for a few years to do online ...", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "AMT4A4O8Q4V84", "asin": "B00000J1V5", "style": {"Color:": " Gray"}, "reviewerName": "tbone74", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "AF1658YNNIDSW", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "PV", "reviewText": "superfast. now i can play Call of Battlefiend 5 on Playstation360 with my CLAN MATES and not LAG OUT. great connection, lightyears better than setting up my 32\" old school tv and game system at the local MacDonalds to borrow the wifi.", "summary": "superfast", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2010", "reviewerID": "A111RS367WS7LJ", "asin": "B00009R6UI", "reviewerName": "Tomahawk One", "reviewText": "High quality workmanship and material. Since a lens hood directs the amount of light entering a lens, it is not recommended to use after-market items which precision is not guaranteed. Highly recommended.", "summary": "Quality lens hood", "unixReviewTime": 1264896000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A2RTFF0X4JUL59", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Connie", "reviewText": "Very nice protection for my lens", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 2.0, "vote": "3", "verified": false, "reviewTime": "12 22, 2009", "reviewerID": "A4AM8XJSK710E", "asin": "B00001W0EQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "San Francisco Computer Guy", "reviewText": "By trying to be all things to all people, this headset is a compromise. If you just want something to wear over your head you'll find Plantronics M214C to be better, and half the price. Get that instead.\n\n(Just to be clear, I do own both this and the M214C).", "summary": "Get an M214C instead if you want to wear it over the head...better and half the price", "unixReviewTime": 1261440000} +{"overall": 1.0, "vote": "4", "verified": false, "reviewTime": "08 16, 2003", "reviewerID": "A7YOK3IKZMNQO", "asin": "B0000665P5", "reviewerName": "Lan", "reviewText": "Save your money. I've been through 3 Plantronics headsets over the past year. They are \"VERY\" easy to break.", "summary": "Junk", "unixReviewTime": 1060992000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A2AJ4GMQ1QIVB8", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Rollin L. Astra", "reviewText": "A great value for the money. Even with regular and sometimes abusive use, they last for many months.", "summary": "A Durable Produce and Great Value", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A1ZTDB9ZAMGYY9", "asin": "B0000510R4", "style": {"Style:": " 8 Outlet, 25ft Cord"}, "reviewerName": "BobM", "reviewText": "A Fire Marshall required the replacement of my extension cord connected to a surge protector with a single unit. This did the job for sure! Great unit and I would definitely buy another one.", "summary": "Perfect for the Fire Marshall", "unixReviewTime": 1358294400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A1PT8PZWPQDHRH", "asin": "B0000511AN", "style": {"Style:": " 600VA Pure Sine Wave"}, "reviewerName": "Mars", "reviewText": "A good value and a good choice for devices that won't tolerate the stepped square wave that most UPS units at this price point produce.", "summary": "Cost-effective Sine Wave UPS", "unixReviewTime": 1480723200} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2010", "reviewerID": "A1NAR74A45O0AV", "asin": "B00000K13I", "reviewerName": "John", "reviewText": "This tape is great! Very crisp text and very easy to peel off backing and past on to \"things\"", "summary": "labeling tape", "unixReviewTime": 1270944000} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "11 26, 2011", "reviewerID": "AZWB6P3ZY5MFC", "asin": "B00013Q334", "reviewerName": "Amazon Customer", "reviewText": "For the money I paid to Amazon for a pair was a great bargain.\nMy wife and I use them mostly for birding.\nThey're very bright and clear.\nThe only con is that you have to hold it away from your eyes a bit to get vision from sides equalized.", "summary": "Great for the price.", "unixReviewTime": 1322265600} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "AP5I2C3C7CZ8O", "asin": "B00007IFED", "style": {"Capacity:": " USB 3.0", "Model:": " 3-Port Hub with Gigabit Port"}, "reviewerName": "dmz", "reviewText": "Works like a champ for a Mid2013 Macbook pro.", "summary": "Five Stars", "unixReviewTime": 1449446400} +{"overall": 3.0, "verified": true, "reviewTime": "05 1, 2013", "reviewerID": "A1ZBK4TKBOZULA", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "jack russell lover", "reviewText": "It functions part of the time. Does not work consistently - I would not purchase this item and expect it to function correctly.", "summary": "arrived quickly.", "unixReviewTime": 1367366400} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "02 6, 2014", "reviewerID": "A3GIOVXYFRF014", "asin": "B0000EZ1KK", "reviewerName": "R. Hawkins", "reviewText": "I haven't dumped my CD library for one of the online music libraries yet.\n\nThe Onkyo fits rather well with my reciever amplifier and no problems yet!\nIt worked right out of the box and I now have hours of commercial free music.", "summary": "Nice 6 Disc CD player", "unixReviewTime": 1391644800} +{"overall": 4.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A3GDLQWEXOK57M", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Brice", "reviewText": "works as it should. Prevents static which is also good, good quality. recommended", "summary": "good enough", "unixReviewTime": 1442534400} +{"overall": 2.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A1S1MOSJNN1HK5", "asin": "B0000A0AEU", "style": {"Size:": " 8x21mm", "Color:": " Black"}, "reviewerName": "Ruddy dog", "reviewText": "the eye part is very poorly made. tough to look through.", "summary": "Two Stars", "unixReviewTime": 1480723200} +{"reviewerID": "APRNS6DB68LLV", "asin": "B00004ZCJJ", "reviewerName": "Rob Slaven", "verified": true, "reviewText": "Notes:\n\n* Solid fit on my Tamron AFF004C700 SP 90MM F/2.8 DI MACRO\n\n* No visible distortion; can't even tell it's there\n\n* Perfectly protective\n\nPurchased from Amazon along with a lens and all is well", "overall": 5.0, "reviewTime": "12 30, 2015", "summary": "Absolutely no problems.", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A3D5PKCPPM0QVW", "asin": "B000067SPO", "style": {"Color:": " Black", "Length:": " 15 feet"}, "reviewerName": "Droogs", "reviewText": "It's a printer cable. It's 15 feet long. It has printed and printed for a while now. Like a printer cable should.", "summary": "It's like magic", "unixReviewTime": 1463875200} +{"reviewerID": "A2QNNS261TQAHB", "asin": "B00004ZCJJ", "reviewerName": "Donald D. Gall", "verified": true, "reviewText": "It is much better to break one of these than to break a lens. It works exactly as it should, you don't know it's there.", "overall": 5.0, "reviewTime": "07 19, 2013", "summary": "My lens don't leave home with out it", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A1N9A05EXFBJNG", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "reyes", "reviewText": "Straight up fabulous, and the shipping was great it came early. Like it suppose to come around 9 pm but nope came around 1:40 pm very happy.", "summary": "Love it buy it", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2013", "reviewerID": "A1G6GP7EIIS1MP", "asin": "B00009W3F3", "reviewerName": "EyeVape", "reviewText": "heavier than i thought, works perfect. no more disconnecting and reconnecting my Satellite dome and dish wire. a beautiful thing.", "summary": "better than most, not some cheap single switch", "unixReviewTime": 1386460800} +{"overall": 5.0, "verified": false, "reviewTime": "04 12, 2009", "reviewerID": "A3GLVGWZLJLQCM", "asin": "B00009R6VZ", "reviewerName": "mike", "reviewText": "Order arrived sooner than estimated and in excellent condition. I would purchase from them again.", "summary": "great service", "unixReviewTime": 1239494400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A1Y7NOQZ5ACOJ8", "asin": "B000067SBL", "style": {"Size:": " 1-feet"}, "reviewerName": "jeff b.", "reviewText": "Excellent, as advertised, excellent quality.", "summary": "Excellent, as advertised, excellent quality.", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A2NX7B31DQLD09", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "olenthian", "reviewText": "You get what you pay for...lol", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 31, 2011", "reviewerID": "A3CL37L2E6ZQVW", "asin": "B00008ZGSD", "reviewerName": "D. Ferguson", "reviewText": "Came in very quickly, and allows me to archive from my old Sony Hi 8 Handycam to save my videos to a Replay dvr, works like it should. I was glad to find this cable was still available.", "summary": "Sony handycam video/audio cable", "unixReviewTime": 1314748800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A33PWO1CNL1KAP", "asin": "B00004Z5PY", "reviewerName": "Termite", "reviewText": "Happy with this item, worked very well", "summary": "Belkin Pro Series USB Device Cable 16 Feet", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A1HW6OMKV7ZVN3", "asin": "B000051ZOA", "style": {"Color:": " Black"}, "reviewerName": "Mary Widmier", "reviewText": "Great pair of binoculars. Especially good for viewing wildlife in national parks.", "summary": "Five Stars", "unixReviewTime": 1470009600} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A2ZFFSJ0VM6KSJ", "asin": "B00004ZC92", "style": {"Size:": " 67mm"}, "reviewerName": "Sandy S", "reviewText": "What can I say? It fit; and it does what it's suppose to do. It was a decent price and I'm happy with my purchase.", "summary": "Tiffen 67mm Neutral Density 0.6 Filter", "unixReviewTime": 1361836800} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A1MUHKYZK6XCYH", "asin": "B0000BZL0U", "style": {"Size:": " 37 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "FromageTheDog", "reviewText": "Optically fantastic, but EVERY B+W filter I've ordered has required thorough cleaning prior to use. What gives? The Hoya filters are, to my eyes at least, essentially as good, and at least they arrive looking like a new product.", "summary": "Expensive, but fantastic optical quality. B+W needs to improve their packaging so items arrive CLEAN.", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A2DPPBHX95O43N", "asin": "B00008W7LS", "reviewerName": "John Toeller", "reviewText": "Love them", "summary": "Five Stars", "unixReviewTime": 1440720000} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "AZAMWB3YTYWZ7", "asin": "B00004UDQK", "reviewerName": "scott J Ebner", "reviewText": "Works well", "summary": "Four Stars", "unixReviewTime": 1438732800} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A17D4DTJ0J08KY", "asin": "B00004ZCC1", "style": {"Size:": " 52mm"}, "reviewerName": "Luvitpink", "reviewText": "Good quality glass. This makes your exposure very dark so be aware. I would only use in bright natural light.", "summary": "Great for natural bright light", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "AZLPXODYYOC4K", "asin": "B0000952XX", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Bobby Shepard", "reviewText": "Awesome!!! Hard to find something like this for the price. Should have (and probably will) purchase a few more.", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 4.0, "verified": true, "reviewTime": "12 23, 2013", "reviewerID": "A3DD2ECNJ3ATB8", "asin": "1400501466", "reviewerName": "William Dewaine", "reviewText": "Battery life from this refurbished item not so great but item had very little scratches. Quality was great for price paid", "summary": "It works", "unixReviewTime": 1387756800} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A2JHNAYLI03LEQ", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "CHARLES RECKLING", "reviewText": "GOOD VALUE...A NECESSARY ADDITION TO COPYING CD'S FOR YOUR FRIENDS AND YOUR OWN STOCK!!..TKS, CHARLIE R., LVNV", "summary": "Four Stars", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "AP6PA6AACYNY2", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Jeffrey Lennon", "reviewText": "Just what i needed to expand connection to my network for my TV, Blu-ray, XBox and HD satellite receiver when I get around to upgrading my old one. No setup was required, purely plug and play. Perfect. I do not have any heat issues as a few other reviews have mentioned.", "summary": "Perfect. I do not have any heat issues as ...", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2012", "reviewerID": "A3C2FK56FEGDEV", "asin": "B00009R96C", "reviewerName": "David R. Greene", "reviewText": "I have always been a believer of Nikon Optics reputation. Although they do make some inexpensive items, their optics are one of the best in the world.", "summary": "Nikon Optics", "unixReviewTime": 1348876800} +{"overall": 1.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A1TJWOP8R7628D", "asin": "B00005MDZD", "reviewerName": "alex", "reviewText": "they work OKAY on just hooking up to a tv. but beware when hooking up to a framemeister you need to get OEM cables for xbox gc wii and ps2 to get no interference.", "summary": "they work OKAY on just hooking up to a tv ...", "unixReviewTime": 1458086400} +{"overall": 4.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A13KP5LDU6TPDS", "asin": "B00009KH63", "style": {"Style:": " Wired"}, "reviewerName": "H", "reviewText": "great if you have a desk an room for it", "summary": "Four Stars", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2014", "reviewerID": "A1A3BVKMTVRJKZ", "asin": "B0000BZL83", "style": {"Size:": " 67 mm"}, "reviewerName": "Thomas D. Torkelson", "reviewText": "The skies are much bluer when using this polarizer and makes all my photos look nicer. I highly recommend all B+W filters.", "summary": "sunglasses for my photos", "unixReviewTime": 1396915200} +{"reviewerID": "A1HU45GCUELX7X", "asin": "B00009KLAE", "reviewerName": "Ricky", "verified": true, "reviewText": "Great Product", "overall": 5.0, "reviewTime": "11 8, 2014", "summary": "Five Stars", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A38FSXZTPDJREV", "asin": "987598180X", "reviewerName": "A. Vega", "reviewText": "Need more space for my Galaxy S4 so this has been great for the month I've had it. No issues so far, and lots of quick access space.", "summary": "... space for my Galaxy S4 so this has been great for the month I've had it", "unixReviewTime": 1425859200} +{"reviewerID": "A2MII8B76SRZYR", "asin": "B00009V332", "reviewerName": "George F. Rost", "verified": true, "reviewText": "I am pleased with the quality. My original battery was getting weak. Now there is no problem with a 30 minute call.", "overall": 4.0, "reviewTime": "03 25, 2013", "summary": "Battery", "unixReviewTime": 1364169600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A3DVPL1BXSSBO8", "asin": "B000068O1D", "style": {"Size:": " 9.8 Feet"}, "reviewerName": "RevRick", "reviewText": "Worked exactly as expected. Reliable. Great quality for the price.", "summary": "Good value", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2013", "reviewerID": "A3J95OQSYN7II1", "asin": "B00004Z5TH", "style": {"Color:": " Black", "Length:": " 100-Foot"}, "reviewerName": "Lutheran pastor", "reviewText": "I saw some reviews that said there had been a substittue and Belden cable had not been provided. Mine was packaged in Belden packaging plus Belden was on the cable. Worked exactly as expected", "summary": "As Advertised", "unixReviewTime": 1372204800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "A26T5GC7S7FGBJ", "asin": "B000068O1O", "style": {"Size:": " 3.3 Feet"}, "reviewerName": "Hemius Maximus", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "A2CJ4DLE8TWAGL", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Mitchell", "reviewText": "They are what they say the are and do what they are intended to do no problems great price to have something inexpensive around to help block out other sounds.", "summary": "Decent Headset", "unixReviewTime": 1385769600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2008", "reviewerID": "A2WRQ8H0HZ79FY", "asin": "B000067O7T", "reviewerName": "P. Braun", "reviewText": "This case can hold 8 compact flash cards in the pockets as well as a few more loose in the middle. I like keeping all my cards in one spot. I haven't used it for batteries. The outside strap can be secured to the strap on your camera bag which is useful. It's well made.", "summary": "Very versatile", "unixReviewTime": 1224460800} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A1VY5L6BHW3XYQ", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Scott Nolan", "reviewText": "I love putting a clean and clear UV filter on any expensive lenses just to protect the expensive lens, I don't really care about the UV filter properties... this is just a cheap, easy to replace buffer between my several hundred dollar camera lens and the rough world out there.", "summary": "Cheap protection for expensive lenses.", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A3E4J6M4CY4ZXT", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "Jim Kerr", "reviewText": "This works as expected. I received it quickly from Amazon and haven't had any issues. There is nothing exciting about this, it just works!", "summary": "This works as expected. I received it quickly from ...", "unixReviewTime": 1437436800} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A2P3GKGBH5S6JV", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "CyberCat", "reviewText": "Works well. Easy to use.", "summary": "Easy to Use.", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2011", "reviewerID": "AA5893WCZHW1S", "asin": "B000281XGK", "reviewerName": "David R. Martin", "reviewText": "I'm not a cable expert, but this appears to be a good deal. Nice fat cable, but the insulator on it is really a bit too fat. It doesn't fit into the pretty beefy sewell banana plugs that I ordered. I got it to work, though, and ended up with some inexpensive and nice cables.", "summary": "Nice but fat.", "unixReviewTime": 1316131200} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A1Z5M1WYPYQIBU", "asin": "B00004VXNF", "style": {"Style:": " PRO505XL"}, "reviewerName": "john mitchell", "reviewText": "Smallish unit, which I like. Mounted to foot mount in my Jeep. Reception seems fine. I'm not a CB expert so can't comment on particulars. I got this basically when on a trip or out off the road", "summary": "Like it", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2017", "reviewerID": "A1EPHJMPYFGDOD", "asin": "B0001QFSRI", "style": {"Color:": " Black", "Style:": " Uni-Loop"}, "reviewerName": "Marcus Aurelius Antoninus Augustus", "reviewText": "Very nice! I was happy to put away the manufacturer's strap for this much more comfortable strap that doesn't scream the camera manufacturer's name.", "summary": "Very nice!", "unixReviewTime": 1487462400} +{"overall": 3.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A2KJ2FXI0SOYVB", "asin": "B00005ML7Q", "style": {"Style:": " 3.5mm Plug"}, "reviewerName": "Spi Quito", "reviewText": "Feels like ancient/old tech. But it is so cheap so i'll take it. As always Amazon warehouse deals rocks!", "summary": "Feels like ancient/old tech.", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "AXKULY1DUDE3N", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "mg111", "reviewText": "Excellent optics. Another solid lens from canon", "summary": "Great lens", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A150RGRKBY6B8C", "asin": "B00009R6UC", "reviewerName": "Vanessa", "reviewText": "Needed a hood for the lense that I recently purchased so I purchased this one. Couldn't be more happier. Works great.", "summary": "Works great.", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": false, "reviewTime": "08 29, 2014", "reviewerID": "A3CR2T5ATCAOJ3", "asin": "B00005LEOH", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Tony", "reviewText": "Oh, I do love it. I just wish that it had come with a lens hood. But this is the best thing since sliced bread! Thanks once again Amazon, or is that Amazing!", "summary": "I do love it. I just wish that it had come ...", "unixReviewTime": 1409270400} +{"overall": 3.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A2BTBLPSXERT9N", "asin": "B00009V2YV", "reviewerName": "DEK", "reviewText": "May do more than I actually wanted it too!", "summary": "Three Stars", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A30RMQZADGBG6V", "asin": "B00000J1T1", "style": {"Color:": " Black"}, "reviewerName": "oramacbs", "reviewText": "For ethernet cables, I don't need fancy smancy cables to get the job done. These are good and very inexpensive.", "summary": "Good Price", "unixReviewTime": 1355875200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2DHAVW8MMGHZB", "asin": "B00002EQCW", "reviewerName": "Mark", "reviewText": "great switches. I wish the price didn't go up", "summary": "great switches. I wish the price didn't go up", "unixReviewTime": 1427932800} +{"overall": 1.0, "verified": false, "reviewTime": "07 30, 2012", "reviewerID": "A3E34MAQ75VWS", "asin": "B00008SCFL", "reviewerName": "Amazon Customer", "reviewText": "1. VPN client links broken on the website\n2. VPN client links broken within the downloadable software\n3. Offshore call center is unintellgible and transfers you to some garbage call center\n\nDon't buy netgear if you expect any type of customer support whatsoever...", "summary": "Not serious about customer service", "unixReviewTime": 1343606400} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "A1H7T96H6RHU7F", "asin": "B00003CWDG", "reviewerName": "adam", "reviewText": "works well, had this for a while now, still in good working order.", "summary": "still in good working order", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2009", "reviewerID": "A2R7S2GM5XGVWP", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Dina", "reviewText": "This is a great find, and inexpensive. I can't believe I was about to shell out $20 at a camera store for one of these. It's easy to attach and remove, and I really do need another one since I have two lenses!", "summary": "Does exactly what it's supposed to", "unixReviewTime": 1242604800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2013", "reviewerID": "A3I2ESD62IHM85", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Flight Crewmember", "reviewText": "This is a great investment for protecting valuable camera lenses from scratches. It seals tight and keeps the dust and grit out. In my opinion, the UV protection is secondary to protecting the lens.", "summary": "Great Protection", "unixReviewTime": 1381968000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "ABURPV6FL74AJ", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "TJW", "reviewText": "The best product for removing dust safely from sensors and lenses.", "summary": "Five Stars", "unixReviewTime": 1431129600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "A3IVS4YSQILKJ0", "asin": "B0000CFYNP", "style": {"Model Number:": " U-3"}, "reviewerName": "andres", "reviewText": "I bought it for my father in law, test it at home, everything is great, good sound, good reception, and definitely ready to work in hard conditions.!!", "summary": "everything is great, good sound", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A34GT4G6ZJ1SNI", "asin": "B0000BZYPB", "style": {"Size:": " 62 mm"}, "reviewerName": "robert m emerson", "reviewText": "Works well.", "summary": "Five Stars", "unixReviewTime": 1412208000} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2013", "reviewerID": "A2US81YGGXODRK", "asin": "B000067RTB", "style": {"Size:": " 3 Feet/ 0.91 Meters", "Color:": " Black"}, "reviewerName": "Wildjr2", "reviewText": "These cables carry a very good signal for a short distance and are neater betweem equipment. The price was right.", "summary": "Good product", "unixReviewTime": 1367280000} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "A1Z2FZ6ADQRXDK", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1517270400} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "A1QS0AS9FQLZHV", "asin": "B00006B8BP", "style": {"Size:": " 92x25mm", "Style:": " TX3 - Quiet"}, "reviewerName": "David R", "reviewText": "Silent running at a good price....", "summary": "Silent running...", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2010", "reviewerID": "A3FS2X63O78N5I", "asin": "B000067SOH", "reviewerName": "Greg S.", "reviewText": "What can be said this is a DVI to VGA adapter. It works so that was all I asked of it. Great product at a great price. Why pay more for a simple item.", "summary": "Works like it should!", "unixReviewTime": 1282348800} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A2K2EGG92UXM6Q", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "manasa bhat", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A35A30U8BUMNBQ", "asin": "B0000A1G05", "style": {"Configuration:": " US Version", "Style:": " Konica Minolta & Sony"}, "reviewerName": "ASTECH FOCUS", "reviewText": "One word...... Love", "summary": "Five Stars", "unixReviewTime": 1442188800} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2013", "reviewerID": "A2T425GLW3IK8U", "asin": "B0000AHO91", "reviewerName": "AZNetCowboy", "reviewText": "What more can one say other than it works just as it should. I plugged in the cables into both ends and everything works just like they should. Both connectors I ordered work well without any issue or problem.", "summary": "It works okay", "unixReviewTime": 1358553600} +{"overall": 4.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "AAAQK55BI99UA", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "Alexander", "reviewText": "Bought this so I could use my old keyboard and mouse with my Pi 2, seems to work.\nI haven't tried with a Mechanical keyboard so idk if those work with this.", "summary": "It works for my Raspberry", "unixReviewTime": 1438646400} +{"reviewerID": "A3RW697Y2EZWUL", "asin": "B00004ZCJJ", "reviewerName": "logan cartwright", "verified": true, "reviewText": "Great.", "overall": 5.0, "reviewTime": "02 4, 2018", "summary": "Five Stars", "unixReviewTime": 1517702400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A3M0ZI07VOO3KL", "asin": "B00007FHDP", "style": {"Size:": " 750VA/450W"}, "reviewerName": "Speedvision", "reviewText": "Had this unit for 2 years. First one need to be replaced under warranty. Was quick and painless process. Second one is still going strong. Tripp Lite is a great brand. Don't hesitate to do business with them on any of their products (I have several). Great buy.", "summary": "Tripp Lite is a great brand. Don't hesitate to do business with them ...", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2011", "reviewerID": "A306XOV2JPKN1R", "asin": "B00005ATMB", "style": {"Size:": " 72", "Style:": " CD Wallet"}, "reviewerName": "Pepe", "reviewText": "I like this CD Wallet", "summary": "Five Stars", "unixReviewTime": 1306368000} +{"overall": 5.0, "verified": false, "reviewTime": "01 30, 2017", "reviewerID": "AP4E2C60T443V", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Hemant", "reviewText": "They are perfect and long lasting", "summary": "Perfect and long lasting", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": false, "reviewTime": "05 12, 2007", "reviewerID": "AZRI5QQD2M4ZK", "asin": "B00009KYCP", "reviewerName": "SteveKeys", "reviewText": "Great design. Love the spacing for \"wall warts\". As for being difficult to plug in/out, I think this is being over exaggerated. Yes, it's a little tight plugging in and out, but not so that I found it difficult.", "summary": "Good quality power strip", "unixReviewTime": 1178928000} +{"overall": 3.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A4FJVSYLLCVPD", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Bren", "reviewText": "Ok, lasted a couple months bought for my kids. Didn't expect much", "summary": "Three Stars", "unixReviewTime": 1454025600} +{"reviewerID": "A332SP9YK181DD", "asin": "B00005ATMK", "reviewerName": "Snakeeyesesd", "verified": true, "reviewText": "Unfortunately, this is not the same as their older cases, there is only \"leather\" on about half the case, unlike the old ones, which were leather on the zipper area as well.", "overall": 3.0, "reviewTime": "09 10, 2014", "summary": "Unfortunately, this is not the same as their older ...", "unixReviewTime": 1410307200} +{"overall": 4.0, "verified": false, "reviewTime": "11 19, 2016", "reviewerID": "A3BMXAYPKJUE90", "asin": "B00000J1V5", "style": {"Color:": " Gray"}, "reviewerName": "William P.", "reviewText": "Great product, good price, works perfectly.", "summary": "Four Stars", "unixReviewTime": 1479513600} +{"overall": 4.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "A2MBCS6DRY7X64", "asin": "B000136P8W", "style": {"Size:": " 1-Pack"}, "reviewerName": "Dr. Ronald Kessler", "reviewText": "It works well when I connect with the best settings which is not always easy. Better instructions would help.. HELP", "summary": "A little too complicated", "unixReviewTime": 1359244800} +{"overall": 3.0, "verified": true, "reviewTime": "02 3, 2018", "reviewerID": "ANVS33BKKSZCI", "asin": "B00009W2GI", "reviewerName": "Robert", "reviewText": "It's ok ... but note that the straps might not go around some sun visors in certain vehicles.", "summary": "It's ok... but note that the straps ...", "unixReviewTime": 1517616000} +{"overall": 4.0, "verified": true, "reviewTime": "11 18, 2011", "reviewerID": "A2X3R7XVKZRRQU", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "tbj702", "reviewText": "shipped and works as promised... my neighbors are gonna hate Pandora now that my surround sound is hooked up to the computer ;)", "summary": "nice", "unixReviewTime": 1321574400} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A2CBYZO4XTRFGQ", "asin": "B00005TQKQ", "reviewerName": "Cameron T.", "reviewText": "This is a must for anyone with an old 8mm tape camcorder. It does as advertised and I was able to get clean video transfers from my camcorder. This works with Video 8, Hi8, and Digital 8 camcorders as they all have the same size specifications.", "summary": "A must for anyone with an old 8mm tape camcorder", "unixReviewTime": 1482364800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A2YU7VDHK100F8", "asin": "B000085BD8", "reviewerName": "Weldon Cooper", "reviewText": "works good", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A6A2FEU3029IK", "asin": "B000069E21", "style": {"Color:": " Black"}, "reviewerName": "Marv Davis", "reviewText": "Typical overpriced bose , but sounds FANTASTIC", "summary": "I love it", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2012", "reviewerID": "A2NSXY5L42ZUGO", "asin": "B000068NYI", "style": {"Size:": " 3 Feet"}, "reviewerName": "R Gibbons", "reviewText": "Good price, Works perfectly fine, the strain relief and material seem adequate for my job, (I'm not plugging and unplugging these very often).", "summary": "Works well, nice strain relief", "unixReviewTime": 1340236800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2013", "reviewerID": "ASEV3UG6XKYM4", "asin": "B000067RWH", "reviewerName": "Mr Roberts", "reviewText": "I purchased 2 of these to use on TVs I mounted at work as the outlets weren't close enough for the standard length power cables and extension cords or power strips weren't an option. These seems like good quality cables for the price and serve their purpose. Good purchase!", "summary": "Its a power cable.....Nuf said", "unixReviewTime": 1373673600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3PSH1JSOBZZVG", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to 1/4 inch TS"}, "reviewerName": "Stevan Davis", "reviewText": "They work. What's to say? Sometimes you need dumb little things for your system.", "summary": "Yeah. Big deal.", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2009", "reviewerID": "A1AMOQQ6GCKDNQ", "asin": "B00007E816", "style": {"Color:": " Black", "Style:": " 3/8\""}, "reviewerName": "James W. Ricci Jr.", "reviewText": "This is now my third Op/Tech Pro Strap (various models for Nikon D200, D90, and Fuji S7000) and what more can you say. Great fit, excellent feel, well made, etc. I love Op/Tech products and wish they made many more camera accessories!", "summary": "Excellent Pro Strap", "unixReviewTime": 1239062400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A3DM4VQ59T9SCB", "asin": "B0002A9TD2", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Ronnie C", "reviewText": "works good", "summary": "Five Stars", "unixReviewTime": 1489276800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 5, 2006", "reviewerID": "A672443H5623M", "asin": "B0001FV36E", "reviewerName": "Grant Hale", "reviewText": "This is an excellent product and can pick up all my local channels. I keep this antenna on top of my TV inside an enclosed wooden entertainment center and it still picks up strong signals. A great product for the price. I highly recommend it.", "summary": "HDTV Antenna", "unixReviewTime": 1162684800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A21X5JFRFCKW5I", "asin": "B0000DIESW", "style": {"Size:": " 10 ft", "Style:": " Toslink"}, "reviewerName": "Brandon T.", "reviewText": "Does what it's suppose to do! Nice and thin cable and small ends perfect for the wall mounted tv", "summary": "Good for wall mounted tv", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": false, "reviewTime": "10 12, 2014", "reviewerID": "A1X9CGSYE6UGIN", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "qinn2009", "reviewText": "Good lens.", "summary": "Really sharp pictures", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A3LL6ZF4SCYC6J", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Printer Stand"}, "reviewerName": "Jamey", "reviewText": "Attractive, sturdy, does what is designed to do.", "summary": "sturdy, does what is designed to do", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A238JKIS8R9KQ1", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "P. HEIMAN", "reviewText": "Replacement for one that cracked when I dropped the camera. Better to break a five-buck filter than a much more expensive lens.", "summary": "Good protection", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "AMK2OWPVTBLR1", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Laptop Stand"}, "reviewerName": "Patrick Rice", "reviewText": "This stand did the trick for my MacBook Pro 13\". Easily adjustable and just the right angle for me.", "summary": "Great MacBook Stand", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A6PWR10YT5BYQ", "asin": "B00008EM7V", "reviewerName": "Dale Kranig", "reviewText": "Works great for cleaning and repairing dvds, but there are certain scratches it can't do", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A2E1SRP5XU9EKI", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Alkivar", "reviewText": "#94691 are not AZO, they are Cyanine. Bought these hoping for AZO.", "summary": "Three Stars", "unixReviewTime": 1462233600} +{"reviewerID": "A335O99IHOPBCD", "asin": "B00009KLAE", "reviewerName": "Richard A. Dugan", "verified": true, "reviewText": "It does what it's supposed to do, protect the front of my very expensive Nikon zoom lens.", "overall": 5.0, "reviewTime": "12 9, 2017", "summary": "Five Stars", "unixReviewTime": 1512777600} +{"reviewerID": "A1FSSAXUPPZY40", "asin": "B000068O41", "reviewerName": "Henry gaymon", "verified": true, "reviewText": "They didn't turn out to be what i expected, did not serve my need at .all", "overall": 2.0, "reviewTime": "06 3, 2015", "summary": "Two Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A16LWW2X8RDUES", "asin": "B0000631YQ", "style": {"Color:": " Black"}, "reviewerName": "Apopkaladd", "reviewText": "does the job, may not be a fast charger but you get a good battery after using this....", "summary": "may not be a fast charger but you get a good battery after using this", "unixReviewTime": 1432857600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "02 16, 2012", "reviewerID": "A1WRXACOKPITBQ", "asin": "1400501466", "reviewerName": "Leiah@soireadthisbooktoday", "reviewText": "I have tried the IPad, the Kindle, and the Sony, and nothing has worked better than this Nook Tablet. It's light, the screen resolution is amazing for movies, and the applications I use work beautifully. Even the speakers are excellent for what they are. No complaints at all.", "summary": "Best out there", "unixReviewTime": 1329350400} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "A3EXNW569PA9GW", "asin": "B000067RWH", "reviewerName": "NauticalNut", "reviewText": "its a CTG poer cable; you cant go wrong. very good quality. I will be ordering again in the future", "summary": "good cable", "unixReviewTime": 1387670400} +{"reviewerID": "A3G1PD8ZODPCJ9", "asin": "B00009KLAE", "reviewerName": "Hala.85", "verified": true, "reviewText": "all my stiffen filters do have reflections in my pictures!!\nspecially when photography a light source like the moon and this doesn't happen with hoya for example.", "overall": 1.0, "reviewTime": "10 22, 2014", "summary": "not happy", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A175XXVMLQA98A", "asin": "B0000AI0N1", "style": {"Style:": " Off White"}, "reviewerName": "J Rickman", "reviewText": "Works well for what it's intended for.", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "AZHTIR117G2SY", "asin": "B000068O3L", "style": {"Size:": " 25 Feet"}, "reviewerName": "J Bendrick", "reviewText": "I use it every day Great buy.", "summary": "Five Stars", "unixReviewTime": 1417046400} +{"overall": 3.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A1RKSL6WX0BCRY", "asin": "B000067SOH", "reviewerName": "72Ford", "reviewText": "OK", "summary": "OK", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A3MZ1UXQUAFP5C", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Cynthia J. Kanet", "reviewText": "Fits lens perfect, just like description says. I think it's a must for any lens to have a filter on it.", "summary": "Filter", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A19B69773VCKLD", "asin": "B00007KDVI", "reviewerName": "jewinson", "reviewText": "GRACIAS", "summary": "Five Stars", "unixReviewTime": 1481846400} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "A2WVXBY2TQM1NK", "asin": "B00022OBOM", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "andrew d.", "reviewText": "i thought they were going to be lit because of the one picture shows it lit up but sounds great.", "summary": "good sound", "unixReviewTime": 1386720000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A1333UFIL708NH", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "MVA", "reviewText": "good piece", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A1G8GFQYM7V4MI", "asin": "B00004ZC92", "style": {"Size:": " 52mm"}, "reviewerName": "Zano Korellio ", "reviewText": "it works perfectly for my nikon D5100. Fit well and doesn't do anything funny to my lens. it even fits a lens cap i bought from amazon.com too. recommended for people who wants to do heavy lighting pictures.", "summary": "works perfectly!", "unixReviewTime": 1356652800} +{"overall": 4.0, "verified": false, "reviewTime": "05 11, 2008", "reviewerID": "A295FU5H4HQYR3", "asin": "B000256R9G", "reviewerName": "Salem", "reviewText": "Needed a new extension cord and decided on a this cord reel. Box was a bit crushed but product was fine inside. Used a half dozen times and had not issues.", "summary": "Good well made product", "unixReviewTime": 1210464000} +{"overall": 1.0, "verified": true, "reviewTime": "04 29, 2013", "reviewerID": "ALWG57JEKN9DV", "asin": "B00008ZLHG", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Jacob Mathias", "reviewText": "We bought this before an long distance trip that we wanted to watch movies on the plane. We plugged our headphones in and we could only hear the music, the voices and other sound effects were blocked completely. This is a piece of junk don't buy.", "summary": "Does not work", "unixReviewTime": 1367193600} +{"overall": 5.0, "verified": false, "reviewTime": "02 22, 2017", "reviewerID": "A77ZG8QSXF54Y", "asin": "B00009MVK8", "style": {"Size:": " 10 Discs - Slim Case", "Style:": " Branded"}, "reviewerName": "EXBIGMIKE", "reviewText": "Inexpensive and records well. Can't beat the price..with a hammer!!", "summary": "Gets her done!", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "A3DWKQ9SZ5HNLB", "asin": "B0002343AS", "style": {"Length:": " 14 Feet/4.26 Meters"}, "reviewerName": "Chris", "reviewText": "I've been using this for several months now without issue. Helps accomplish the low-profile look on a mounted flat screen. It was really helpful in getting me the little bit of angle that I needed to set the TV at the right angle.", "summary": "Great for mounted TV", "unixReviewTime": 1401926400} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "05 13, 2010", "reviewerID": "A27TQA0XCZUXZY", "asin": "B00007AKCV", "style": {"Size:": " 2 Port", "Style:": " VGA USB"}, "reviewerName": "Rotkappchen31", "reviewText": "Stopped working after 3 months - that can't be good. Seems like others have had the same problem.", "summary": "not so good", "unixReviewTime": 1273708800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A36C3JREB1ZCEK", "asin": "B00005I9RU", "reviewerName": "Lester A. Pratt", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "ACUQTRMQIK41U", "asin": "B00004WCGC", "reviewerName": "Michael Mccarty", "reviewText": "It's a bag. I'm happy I have it. Excuse me while I go unload some \"valuable\" stuff on Craigslist.", "summary": "Well made and not over priced - a happy purchase for a change", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A1H5CW8B9LA6UU", "asin": "B00005108J", "style": {"Color:": " Blue led"}, "reviewerName": "zardoz", "reviewText": "Intense blue. Quality construction. I liked it so much I ordered three more! The red is very cool also, and mixes well with the blue. I liked my first one so much I ordered three more.", "summary": "Well-made product", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2011", "reviewerID": "ADT6B54440QHN", "asin": "B0000510R4", "style": {"Style:": " 8 Outlet, 25ft Cord"}, "reviewerName": "Carl T. Godsoe", "reviewText": "This quality product not only is the best in protecting your equipment, but eliminates the need for an extention cord when you have to place your equipment in the middle of a large room.", "summary": "Tripp Lite Isobar", "unixReviewTime": 1320192000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A12YE42HRRGLJY", "asin": "B00006B7DA", "reviewerName": "corky", "reviewText": "Compact design, works flawlessly. Power port is on the back side so no having to deal with the power adapter plug sticking out from the front and looping the cord around.", "summary": "Works perfectly", "unixReviewTime": 1361750400} +{"overall": 3.0, "verified": true, "reviewTime": "04 19, 2013", "reviewerID": "A3E94PKLGLNX4", "asin": "B00000K2YV", "reviewerName": "Eugene C.", "reviewText": "Do not know the reality of this antenna, not able to install yet will install later and find out, how it really works.", "summary": "looks alright", "unixReviewTime": 1366329600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A3OYDRGVBJFWQH", "asin": "B00007M1TZ", "reviewerName": "cherie byfield", "reviewText": "I really love it", "summary": "Great", "unixReviewTime": 1445644800} +{"overall": 1.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A13PTX4UHN29TM", "asin": "B00005AXIV", "style": {"Size:": " 12x50"}, "reviewerName": "David", "reviewText": "Very displeased with these, they're blurry and cheaply made.", "summary": "One Star", "unixReviewTime": 1418515200} +{"overall": 1.0, "verified": false, "reviewTime": "02 2, 2009", "reviewerID": "A2EDQ83V6PTLHU", "asin": "B000084FD5", "reviewerName": "liveaudio", "reviewText": "Dear Reader,\n\nSave your money. This is just another, in a long line of, cheap and not truly functional products from abroad.\n\nRubbish.", "summary": "rubbish", "unixReviewTime": 1233532800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "AE3GLLUQ0X44A", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "A. S. White", "reviewText": "Works perfectly..great price", "summary": "Works perfectly...great price", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A3GHWTBMLOM8PS", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "James Yahn", "reviewText": "Any camera owner should have this. This should be your first purchase.", "summary": "This should be your first purchase.", "unixReviewTime": 1445126400} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A18R1FXJUWPFZ8", "asin": "B00007FHDP", "style": {"Size:": " 550VA/300W"}, "reviewerName": "Chris Dulcamaro", "reviewText": "works great", "summary": "nice small powerful unit", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A3N9OGROR9CZ0D", "asin": "9985609034", "reviewerName": "Chetan Soni", "reviewText": "Pretty awesome for the price!", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2013", "reviewerID": "A1EBTU6EP8DAMI", "asin": "B0000EZ1KK", "reviewerName": "EC THUSTON", "reviewText": "easy to set up and works great. I am not very technical but had no problems. A good unit for the price.", "summary": "great player", "unixReviewTime": 1379462400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "AQ8Y05KRX3SN5", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "Bryn", "reviewText": "Very high quality - solidly built. Not much more to say on a bunch of wire!", "summary": "High Quality", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A3445SRT7KJ6FN", "asin": "B00004THD0", "style": {"Style:": " Base"}, "reviewerName": "mia evanoff", "reviewText": "This is a good lens for the price. I ended up getting the nicer version of this so I will no longer use it, but it is still a great lens!", "summary": "Good lens for the price", "unixReviewTime": 1391904000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2003", "reviewerID": "A1Y27YUFPX2V67", "asin": "B000093IRC", "reviewerName": "Rahm Gharde", "reviewText": "I'm using a new Phillips standalone, put in the firmware upgrade and have been using these discs for a week at 6 hour capacity. So far no glitches!", "summary": "so far so good", "unixReviewTime": 1071446400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A2S9NPBVWZMDDP", "asin": "B00009V3TT", "reviewerName": "KAIDEN", "reviewText": "MY MOM LOVES IT OLDSCHOOL", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 3.0, "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A1FXA2L044GI8C", "asin": "B00005ML7R", "style": {"Style:": " CS95"}, "reviewerName": "gary", "reviewText": "The package came in properly packaged. It is and does exactly as the detailed description said it would. I have been enjoying the product and look forward to buying more items in the future.", "summary": "I like this product", "unixReviewTime": 1397001600} +{"overall": 3.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A3OAPAA04NB0UB", "asin": "B00005T3N3", "style": {"Color:": " Black"}, "reviewerName": "Thomas J. Hartwig", "reviewText": "Wish they were a foot taller.. same hight as the sofa", "summary": "Three Stars", "unixReviewTime": 1413849600} +{"reviewerID": "AYBEW14M0Z9BN", "asin": "B000067O6B", "reviewerName": "James Benham", "verified": true, "reviewText": "Did not help as much as thought it wood.", "overall": 2.0, "reviewTime": "01 22, 2015", "summary": "Two Stars", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "AMIGNB1M92Z7E", "asin": "B0000BZL0U", "style": {"Size:": " 58 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Roblife", "reviewText": "I have not had to clean the front element for months. The water beads off and dust just not gets attached. It is like a magnetic dust repellant for your lens. Works great.", "summary": "Dust no more", "unixReviewTime": 1401926400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2013", "reviewerID": "A3LBOQ7AIF82CB", "asin": "B000068O4G", "style": {"Style:": " XLR3M to 1/4\" TRS"}, "reviewerName": "Eric Pearson", "reviewText": "My Mackie VLZ-1202 mixer has a number of 1/4\" outputs that are balanced if you have the right adaptor. This is the adaptor that allows you to connect the Alt, Aux Sends, and Control Room outputs to a balanced line. Get a handful.", "summary": "Great add-on to Mackie mixer", "unixReviewTime": 1358380800} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A3UR0LZBLPPRR5", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "Amazon E", "reviewText": "This cable works perfectly. I use them to connect my MBox Pro to Behringer MS40 Near Field Monitors. They are nice and sturdy and I would definitely recommend them.", "summary": "Worked Perfectly!", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "AWP4XVTNTNCJY", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Unmanaged"}, "reviewerName": "Robert P. Thomas", "reviewText": "Great item and fast delivery.", "summary": "Five Stars", "unixReviewTime": 1445558400} +{"overall": 3.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "AVYLD30R3GH5F", "asin": "B000067SG3", "style": {"Size:": " 10-ft.", "Color:": " White"}, "reviewerName": "Kevin Williamson", "reviewText": "Nothing to write home to mother about. It does the job it's supposed to without the fanfare and high price.", "summary": "It does its job", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2013", "reviewerID": "A33DH7DJ0HIDB3", "asin": "B00016W6NC", "style": {"Size:": " 3 ft", "Style:": " Right Angle"}, "reviewerName": "Paul Avery", "reviewText": "It's a usb cable. Not much more to say. It works exactly as the product description states. Arrived in one piece.", "summary": "Just like any other cable", "unixReviewTime": 1358467200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A2BQN4CSDNKRSR", "asin": "B00007E7C8", "style": {"Size:": " one size"}, "reviewerName": "Ohrwurm", "reviewText": "They are such good headphones for a good price. I had mine for years. Comfy, great sound quality. Of course not \"pro\" for music professionals in the studio, but at home, with the sound system of computer games or for watching movies: Really great.", "summary": "Comfortable on the ears - great sound", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2016", "reviewerID": "AU0FERQWEFQDJ", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Amazon Customer", "reviewText": "It works and does the job!", "summary": "It works!", "unixReviewTime": 1471651200} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "ABI57I3ALA0Y4", "asin": "B00004Z5D1", "reviewerName": "KMPuter Tech Supplies", "reviewText": "It works but it is not the strongest of its kind.", "summary": "Could have been abit stronger", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A1YLHAWZLJYG5Y", "asin": "B0000AI0NO", "reviewerName": "Ray", "reviewText": "Product was received in good condition, and we are pleased with the product.", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": false, "reviewTime": "12 16, 2016", "reviewerID": "A1YK6AAET37S7C", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Archangels", "reviewText": "I've had this for about six months now and I use it regularly\nstill works - has not broken or shown any wear in breaking\nWorks well\nlong cable\nclip", "summary": "very affordable and works well", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A2V8K41GI5Q6KF", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "M. Langenderfer", "reviewText": "Delivered as promised, love the ease of use!", "summary": "love the ease of use", "unixReviewTime": 1434240000} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2008", "reviewerID": "A1DUF1N6HFEYWE", "asin": "B0000BVYTV", "reviewerName": "Evan Drake", "reviewText": "Have used one for over a year. Bought this one as a gift. Effectively cools notebook. Given only four stars because USB connector is bulky enough to block both USB ports on Dell 5150 notebook. Fortunately, the Antec USB connector provides an additional port.", "summary": "works well", "unixReviewTime": 1230076800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A3MDCKN6UE1CMP", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "S. Larabee", "reviewText": "Love these headphones. They are not noise cancelling, but that is not what they are made for. They are made to be lightweight and worn for extended periods, without making your ears sweat or get hot. Very comfortable and work well.", "summary": "Great lightweight headphones.", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2012", "reviewerID": "A1CALHBVRMIC2I", "asin": "B00005T3UR", "reviewerName": "KimberReads", "reviewText": "This splitter seems a lot more well-built and weather ready than what I found at Home Depot. Only time will tell, but so far, so good.", "summary": "Good product", "unixReviewTime": 1349740800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/813Kr-8AeCL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81axh6KxVuL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81jVla5FJ9L._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A141TB2SRLUQXK", "asin": "1616825375", "reviewerName": "Amber M.", "reviewText": "I just bought my Nook from someone on Craigslist and I desperately needed a case for it. This is perfect. It has an excellent feel in the hands and keeps my Nook touch protected!", "summary": "Fits BNRV300!", "unixReviewTime": 1482364800} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A1FMDKK8O3SUST", "asin": "B000068O49", "style": {"Size:": " 1 piece", "Style:": " Dual RCA to 3.5mm TRS"}, "reviewerName": "Sundisc", "reviewText": "Nice! Thank you.", "summary": "Four Stars", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2008", "reviewerID": "A2O7G2Z1BN8HXG", "asin": "B0000511D7", "style": {"Length:": " 16.4 Feet/ 5 Meters"}, "reviewerName": "Amazon Customer", "reviewText": "What to say? Its a cable. Its cheap. It works. Nice...", "summary": "Works, pure and simple.", "unixReviewTime": 1201132800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A2E8XJECRKSOPZ", "asin": "1933622326", "reviewerName": "Nerake0", "reviewText": "This is a great book light... it says mighty bright and it means it but it gives off nice even light easily lights book pages without having to adjust or move around.", "summary": "This is a great book light", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A1GSJ4TMAE2MYC", "asin": "B000001ON6", "style": {"Format:": " Electronics"}, "reviewerName": "submariner", "reviewText": "The Maxell VP-200 VHS Wet Cleaner far exceeded my expections and I will be ordering more of them from you soon. I highly recommend this seller and this product.", "summary": "Exceeded my expectations", "unixReviewTime": 1370649600} +{"overall": 4.0, "verified": true, "reviewTime": "05 21, 2008", "reviewerID": "AFOO796MWR35E", "asin": "B00009V2PG", "reviewerName": "Flee ATL", "reviewText": "I have broken so many headsets. This one is great. I have two of them now. It is truly heavy duty.", "summary": "I love this headset", "unixReviewTime": 1211328000} +{"overall": 5.0, "verified": false, "reviewTime": "01 12, 2018", "reviewerID": "A2LB1DPD7ZLS1O", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Carol", "reviewText": "Worked great", "summary": "Five Stars", "unixReviewTime": 1515715200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2OQXPUQIRDSKK", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Luis Penoth", "reviewText": "Excelente", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A29K7YIR7ROXS5", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "JC", "reviewText": "Not sure what else there really is to say. The cable does what it is meant to do and that's that.", "summary": "It works.", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2001", "reviewerID": "A2E6LJZPQBLWKI", "asin": "B00005ARK4", "reviewerName": "Howard Tiersky", "reviewText": "It came, I plugged it in, it worked perfectly. What more is there to say? Its connected to a parallel port printer, a dsl model *and* an ISDN TA. I can go anywhere in my house and connect wirelessly either by DSL or by ISDN (when I need to connect to work). 100% satisfied.", "summary": "awesome product- buy with confidence", "unixReviewTime": 1000857600} +{"reviewerID": "A23GMSWXUN4Y21", "asin": "B00004ZCJJ", "reviewerName": "Ginger T.", "verified": true, "reviewText": "Does as intented", "overall": 5.0, "reviewTime": "05 20, 2016", "summary": "good value for the money", "unixReviewTime": 1463702400} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A14NVSSJOBW76I", "asin": "B00009V3TT", "reviewerName": "Doubletp", "reviewText": "Few products of this kind left... this one is still the best.", "summary": "Solid Product...", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "A1SUYNDTAQGEW2", "asin": "B0001A06GW", "reviewerName": "S. E. McClarin", "reviewText": "I like. Y rvf v v v v v v v v v v v b b n n m m", "summary": "Nice", "unixReviewTime": 1355529600} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2012", "reviewerID": "A11NVU8HLCHNQ6", "asin": "B00005LLY4", "reviewerName": "Phillip Blanchard", "reviewText": "Worth every penny and more. Great buy!!! Would definitely purchase again. Installed Windows XP on it with no problem, not sluggish but obviously not going to be extremely fast but great buy for the price!!!", "summary": "Phill", "unixReviewTime": 1334620800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "ANO64M2XFS9G4", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Carl B. Grant", "reviewText": "Nice Product", "summary": "Five Stars", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A1SKC22OVNHY1P", "asin": "B00000J1U8", "style": {"Color:": " Black", "Length:": " 10-Foot"}, "reviewerName": "Katherine C.", "reviewText": "Easy to use adapter that you can connect to your white iPhone cord to extend its length. Plug one end into the white square unit that goes into the wall outlet, and plug the other end into the white USB cord. You still use the white cord to plug into your iPhone.", "summary": "Good for extending iPhone charging cord", "unixReviewTime": 1474156800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A29PZ44P1KBQTO", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Wayne Pope", "reviewText": "Great!!!!!", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 2.0, "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "A29EXHCBTBZQ6I", "asin": "B0000UV2AW", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Sean", "reviewText": "Only one of the jack works now. I was pretty gentle with this and it failed way too fast for my liking if I knew where it was I'd throw it away.", "summary": "Not that great", "unixReviewTime": 1395878400} +{"overall": 2.0, "verified": true, "reviewTime": "07 21, 2008", "reviewerID": "A3A4BBUAVMK4UT", "asin": "B00009LI55", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "ssnightowl", "reviewText": "This product is not sized for small heads. It is too loose and there is one place on the skull where it puts pressure behind the ears that gets uncomfortable.", "summary": "poor fitting", "unixReviewTime": 1216598400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A28ZXN7U2NTCCD", "asin": "B00008Y0SI", "style": {"Size:": " 1.25\" 32 mm", "Style:": " Omni Eyepiece"}, "reviewerName": "Bebes papa", "reviewText": "Excellent eyepiece. Very clear with good eye relief for comfortable viewing.", "summary": "++", "unixReviewTime": 1420243200} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "A30AY0PSO1QX9U", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "brian3i", "reviewText": "Works well and at a fairly good distance from the camera.", "summary": "A very useful accessory", "unixReviewTime": 1417392000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/510wX0cFtbL._SY88.jpg"], "overall": 5.0, "vote": "23", "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A13RDBSRPZDOYZ", "asin": "B00004W3ZP", "style": {"Size:": " 1 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Jonathan", "reviewText": "Exactly what I needed to safely install a baby monitoring system.", "summary": "Great product", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A20ODRZI8P6OPS", "asin": "B00006JPEA", "reviewerName": "MyithZ ", "reviewText": "Product is exactly as described, worked well for my specific needs.", "summary": "Perfect if you need a combiner", "unixReviewTime": 1510185600} +{"reviewerID": "A3G1SA4BNCPXQU", "asin": "B00009KLAE", "reviewerName": "Oscar", "verified": true, "reviewText": "excelent like always!", "overall": 5.0, "reviewTime": "04 14, 2015", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"reviewerID": "A1QG3FAHXC3EHC", "asin": "B00009KLAE", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "Great", "overall": 5.0, "reviewTime": "09 9, 2016", "summary": ":-)", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A55P45ORPNY51", "asin": "B0000A0AEO", "style": {"Color:": " Black"}, "reviewerName": "Scubaunderh20", "reviewText": "These binoculars are a great product for a great price! I priced them all over and couldn't find them less expensive for this type of quality. Our 9 year old grandson just loves them!", "summary": "I CAN SEE CLEARLY!", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A2LJ3ALM8VM7EV", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Jason", "reviewText": "Great value. For five bucks you can't go wrong. They are very comfortable, feel great and sound great. 5 stars.", "summary": "Awesome", "unixReviewTime": 1459382400} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A1HIJR2RGJUH9X", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "Daniel E. Stauff", "reviewText": "Came as ordered, Works great. good Product!", "summary": "Works great. good Product", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A3IXYMCCBTIGIM", "asin": "B000051299", "reviewerName": "Elf150hz", "reviewText": "Easy to set up and cools down like a charm.", "summary": "Keeping it cool..", "unixReviewTime": 1438473600} +{"overall": 3.0, "verified": true, "reviewTime": "11 17, 2010", "reviewerID": "A2TQP715TKA7JF", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "hanna", "reviewText": "I've gotten some awesome pictures with this lens! I would recommend it to anyone wanting an inexpensive new lens for some great pictures!", "summary": "Great buy!", "unixReviewTime": 1289952000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2012", "reviewerID": "A24FS9EKQDRGOD", "asin": "B000086EYG", "reviewerName": "Dante", "reviewText": "These sleeves are made with a heavier weight paper than some that are sold. Others I've bought have been too flimsy resulting in tears & dogears with minimal use. Highly recommend these sleeves from Memorex.", "summary": "Heavier weight sleeves perform & look better....", "unixReviewTime": 1334534400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2008", "reviewerID": "A1X8JQMZF1WJR", "asin": "B00006B7DA", "style": {"Style:": " 4-Port"}, "reviewerName": "Henry J. Eichman", "reviewText": "Great hub from D-Link! Just plug and use and the power lights show the ports are working. Great price from Amazon too.", "summary": "Great Hub", "unixReviewTime": 1201564800} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2008", "reviewerID": "A1415PRQTR4HMY", "asin": "B00016V3VI", "reviewerName": "Spence", "reviewText": "Always handy to have if you are playing your i-pod in the car on a long journery or you just forgot the recharge at home!", "summary": "Long Treck Ahead?", "unixReviewTime": 1217376000} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "A3E3NTXQTBYI5", "asin": "B00004XOM3", "style": {"Size:": " Lens Only"}, "reviewerName": "Regio Sassi Neto", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2018", "reviewerID": "A7ZJZY5QHQ4NL", "asin": "B000068NYI", "style": {"Size:": " 5 Feet"}, "reviewerName": "JWS64", "reviewText": "Cheap rugged little cables that fit the bill to a Tee for how I'm using them!", "summary": "Cheap and Rugged!", "unixReviewTime": 1518048000} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "AWKKPUGY8MG06", "asin": "B0002AHT0M", "style": {"Length:": " 15 Feet", "Style:": " Single Pack"}, "reviewerName": "James Winters", "reviewText": "Excellent product. Woks great.", "summary": "Five Stars", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A1YDBYW0SKI7HS", "asin": "B00005T3Q2", "style": {"Style:": " Light Gray + 25ft Cord"}, "reviewerName": "minpin08", "reviewText": "The layout of this power strip helped me straighten up a very cluttered central cable closet. Great unit. I plan to buy another with a shorter cord for another room.", "summary": "Exactly what I needed", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2010", "reviewerID": "A38KYGIUKF2MFU", "asin": "0972683275", "reviewerName": "ezglyder", "reviewText": "I have three of these mounts on one wall with 32\" tvs on them. Very easy to install. Prevented thieves from taking my tvs when they broke in last year.", "summary": "Awesome", "unixReviewTime": 1290384000} +{"overall": 5.0, "verified": false, "reviewTime": "06 10, 2016", "reviewerID": "A8EHM1M967FJF", "asin": "B0002BF09S", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "J. Reyes", "reviewText": "Did it's job!", "summary": "Did it's job!", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2009", "reviewerID": "A1PT316HZQK19K", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "S. Hochstetler", "reviewText": "When it comes to sharp, fast glass, it doesn't get much cheaper than this. As the cheapest lens in Canons lineup, it's hard not to recommend it. Great first prime.", "summary": "Great for the Price!", "unixReviewTime": 1252886400} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "02 6, 2010", "reviewerID": "A1YHDVLEH17BX4", "asin": "B000067SR9", "style": {"Size:": " 1-Pack"}, "reviewerName": "nomdeplume", "reviewText": "These are good cases. So far I haven't had problems with cracking & breaking, or failure to close properly.\n\nMy one piece of feedback would be that it is handy to have a cover with lines to write tracks, file names, etc., or even just to use to cut out one's own cover design.", "summary": "Good cases, just wish they came with a front sheet for writing songs/files/etc.", "unixReviewTime": 1265414400} +{"reviewerID": "A2KCSXYY2DLKSI", "asin": "B00009KLAE", "reviewerName": "James P. Malone", "verified": false, "reviewText": "Not much you can say about a UV Filter. Tiffen makes a credible product. It doesn't compare to Hoya, of course, but for less than $6 it will suffice to protect my lens which is what I bought it for.", "overall": 5.0, "reviewTime": "02 13, 2013", "summary": "Tiffen 52mm UV Protection Filter", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A36O9HQS83TUX6", "asin": "1254875778", "reviewerName": "Rafael Antonio herrera", "reviewText": "excellent salesman problem solved", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A1Q3GCQ4TCPPWM", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "HotBeverages", "reviewText": "Powers your devices. Looks like a hwhip. Holds on to prongs tight. I'm happy.", "summary": "Great", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A16ZTWG54CF6FA", "asin": "B00005N9D3", "style": {"Product Packaging:": " Standard Packaging", "Style:": " UR-20"}, "reviewerName": "clarinetdan", "reviewText": "These are great for the price. Held up better than some $50 pairs I've had before. These are comfortable and have good sound. I would recommend them to anyone looking for food over-the ear headphones with a budget.", "summary": "These are great for the price", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A1Y4IZU858PBXW", "asin": "B00005141S", "style": {"Style:": " Live Gamer HD 2"}, "reviewerName": "Robyn", "reviewText": "Works Great Plug and Play with OBS no other Software needed", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"reviewerID": "A1Z3Q9JDJT5M73", "asin": "B00004ZCJJ", "reviewerName": "George Barbour", "verified": true, "reviewText": "Protects lens. Just what I needed.", "overall": 5.0, "reviewTime": "11 30, 2014", "summary": "Protects lens. Just what I needed.", "unixReviewTime": 1417305600} +{"overall": 1.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2DQJ8X9ZTMO8Q", "asin": "B0001M4E72", "reviewerName": "munk", "reviewText": "Iam not impressed with this product. The Sound quality is not that good and it's not what I expected. I will not be ordering these again. I send them back.", "summary": "The Sound qualityis not that good not what I expected", "unixReviewTime": 1431820800} +{"overall": 3.0, "vote": "8", "verified": true, "reviewTime": "11 9, 2006", "reviewerID": "A77Z8LXC0Z5ZQ", "asin": "B00029TN9S", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Douglas Brown", "reviewText": "It's an OK product. It was quickly replaced by the 210, which offers USB connectivity.", "summary": "OK Product", "unixReviewTime": 1163030400} +{"overall": 2.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A1EMY19Z7WUDGC", "asin": "B00009KH63", "style": {"Style:": " Wireless"}, "reviewerName": "Sandan", "reviewText": "The forward and back button for web browsing would not work regardless of which buttons I tried to program them to. I am using Windows 10 64 bit but according to the website it should work. Too much money for less functionality than my old trackball.", "summary": "Forward and Back Buttons would not Work", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2013", "reviewerID": "A15MIUID77V33G", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "chas", "reviewText": "I got several of these to use on a portable CS player for a visually impaired user. They are tough enough to endure frequent plugging/unplugging.", "summary": "perfect item at the right price", "unixReviewTime": 1361404800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A2WE87LKD153PI", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Mattmoon9", "reviewText": "Great lens for the price. My wife has been using it nonstop since it arrived. Takes great pictures and have some great shots from our vacation. Excellent 2nd lens for a novice photographer.", "summary": "Great Value", "unixReviewTime": 1404432000} +{"overall": 5.0, "vote": "14", "verified": true, "reviewTime": "07 2, 2012", "reviewerID": "A3I7U9JV11HEC5", "asin": "B0001PFQAI", "style": {"Length:": " 15 ft."}, "reviewerName": "Enrico Zschemisch", "reviewText": "This is a REAL dual link DVI cable to use for resolutions higher than 1920x1200. I am using it on a Dell U2711 and it just works.\n\nHad a few cheaper \"Dual Link DVI\" cables which contain Dual Link plugs but not the internal connections and thus do not work at high resolutions.", "summary": "Real Dual Link DVI cable - works with high resolutions!", "unixReviewTime": 1341187200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A2Z3TO107PCBS9", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "Ken H.", "reviewText": "Does what it was designed to do.", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 4.0, "verified": true, "reviewTime": "03 24, 2007", "reviewerID": "A2SO9LZXCN41SK", "asin": "B00006IW1X", "style": {"Size:": " 100 pack spindle"}, "reviewerName": "James M. O'Connell", "reviewText": "There were one-hundred disks in the pack! That's like, a lot. I liked them.", "summary": "100 CD's!", "unixReviewTime": 1174694400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2009", "reviewerID": "A1WCUMHR9T39L2", "asin": "B0000C47QH", "reviewerName": "Allen L.", "reviewText": "No Cons, it does what it is design to do. I like how the plugs folds into the device for when I need to pack it with me, and I don't have to worry about carrying cables to attach this to a nearby outlet.", "summary": "Does what it needs to do", "unixReviewTime": 1234742400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A3SRYPQZXWWV4R", "asin": "B0000A1VS3", "reviewerName": "Armando Espinoza", "reviewText": "Perfect replacement from original cable", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 4.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "AJRZJWQQFXJYX", "asin": "B00004Z5PY", "reviewerName": "Carol Ann", "reviewText": "Now my printer is across the room and not in my way!", "summary": "Four Stars", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A3Q2DQR85FC30", "asin": "B0000BZYPB", "style": {"Size:": " 67 mm"}, "reviewerName": "Gary L. Griffiths", "reviewText": "Just like original!", "summary": "Just Like Original!", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A3UCOI51LYZED9", "asin": "B0001AU7SY", "reviewerName": "A. Luna", "reviewText": "OEM replacement without the OEM price of the retail store.", "summary": "OEM replacement", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2014", "reviewerID": "A3ALW2PL3R2012", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Peter", "reviewText": "The CD-R disks work fine, as I expect from a Verbatim product.", "summary": "Good, Reliable CD-R Disks", "unixReviewTime": 1390694400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "04 10, 2007", "reviewerID": "A14WY8OB3G5OGH", "asin": "B000261N6M", "reviewerName": "Miguel A. Palau Jaimes", "reviewText": "I am a demanding customer and this is a great product. Small in size has all the basic functions and also plays mp3 discs, wich doesnt say on the manual. Too bad you can not remove the signal of zoom from of the screen", "summary": "this is nice!", "unixReviewTime": 1176163200} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A2BSMXMZP4W6XJ", "asin": "B00004ZCJI", "style": {"Size:": " 37mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Ken603", "reviewText": "Looks good, feels good, but when put on the Fuji X100S you can't put the Fuji lens cap on. Not the fault of the filter.", "summary": "Filter is fine, but......", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "AOCWSH6BBINO8", "asin": "B00004Z5D5", "style": {"Color:": " Red", "Length:": " 6-Foot"}, "reviewerName": "Datwell", "reviewText": "Worked very well", "summary": "Very pleased.", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "AST3L4QPLA9KH", "asin": "B00005110L", "style": {"Size:": " 10 feet", "Style:": " Parallel M/M"}, "reviewerName": "Michael Menard", "reviewText": "works great with old parallel printers and win7 or win8", "summary": "Five Stars", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A3RIV60Z2E3RQR", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x3.5\" Drive (Front Bay Adapter)"}, "reviewerName": "MKH", "reviewText": "Fits my case and my SSD. No complaints.", "summary": "Five Stars", "unixReviewTime": 1433376000} +{"overall": 1.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A3M57SZ7GYBNKN", "asin": "B00007MDK5", "reviewerName": "JohnDNguyen", "reviewText": "I have yet to find any rack devices that fit these. I have several Cisco switches that really need rack brackets but these DO NOT fit.", "summary": "I have yet to find any rack devices that fit ...", "unixReviewTime": 1457308800} +{"overall": 2.0, "verified": true, "reviewTime": "03 31, 2008", "reviewerID": "AW8D2I7TP9WTO", "asin": "B000094Q77", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Scott N.", "reviewText": "Used them while working out. Spent more time pushing them back in my ears. Base response good, OK product, but not for me. I bought Koss \"Sparkplug\" ear headphones, they are outstanding.", "summary": "Good, but didn't fit my ear", "unixReviewTime": 1206921600} +{"reviewerID": "A3F4ZLESWE7ABC", "asin": "B00009EHJV", "reviewerName": "Rusty", "verified": true, "reviewText": "Hands down, the best desktop microphone I've owned thus far. I use it for Skype, Rosetta Stone, and Google Voice. All three work wonderfully. Voice quality is clear and understandable.", "overall": 5.0, "reviewTime": "11 23, 2012", "summary": "Great desktop mic", "unixReviewTime": 1353628800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A4XORCUR1ZTWH", "asin": "B000068P8W", "style": {"Style:": " Original"}, "reviewerName": "Geuris bernal", "reviewText": "Excellent Prada we were commanded to someone", "summary": "Five Stars", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "AA7DM47EGCM50", "asin": "B0000BZYPB", "style": {"Size:": " 58 mm"}, "reviewerName": "L. Chapagetti", "reviewText": "Excellent center pinch cap. Cheaper than the Canon part and looks great. Made much better than the cheaper 1 to 2 dollar ones.", "summary": "Excellent", "unixReviewTime": 1432166400} +{"reviewerID": "A1F5XVPFVDLI1U", "asin": "B00021EE4U", "reviewerName": "german ramirez", "verified": true, "reviewText": "ok", "overall": 5.0, "reviewTime": "06 9, 2015", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 4.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A24R5VO055SCYF", "asin": "B00004ZCC1", "style": {"Size:": " 62mm"}, "reviewerName": "David Jong", "reviewText": "Wonderful little filter for my Nikon 20mm f/2.8 (D7000).\n\nRecommend to everyone who likes shooting when it's bright outside.\n\nNot much of a pixel peeper/ curve analyzer, but when sizing it up, the results are still crisp.", "summary": "Good buy", "unixReviewTime": 1411603200} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A2M0W9R2DKULEF", "asin": "B00009K79U", "style": {"Style:": " 3 Outlet + 4 USB"}, "reviewerName": "Elisa Carney", "reviewText": "The first one we received the USB ports did not work. Returned it and ordered a replacement. It works fine.", "summary": "Handy", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": false, "reviewTime": "09 22, 2014", "reviewerID": "A2X7LG7VILWQV", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Seaberry Lin", "reviewText": "Good price.", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "vote": "10", "verified": true, "reviewTime": "01 3, 2008", "reviewerID": "A390IOW0IYA4IF", "asin": "B00016BYHQ", "reviewerName": "G. Levin", "reviewText": "Great product. Announces names that you program for both caller ID and call waiting ID. No need to find your reading glasses to see who is calling. Also, you'll hear the name of a call waiting caller, and can elect to ignore it when you're already on the line.", "summary": "Great Caller ID", "unixReviewTime": 1199318400} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A1F1CULP2H07KD", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Jdrames", "reviewText": "Great for pictures where you want a very small focus range to make the subject pop.", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": false, "reviewTime": "03 13, 2016", "reviewerID": "A2X132OXSIL3NW", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " Angled RCA to 1/4\" TS"}, "reviewerName": "Danny", "reviewText": "They work", "summary": "As advertised", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A2JF1LHSHIDMXA", "asin": "B00013J89A", "style": {"Color:": " Yellow"}, "reviewerName": "Arab Ninja", "reviewText": "Excellent, albeit a bit bulking.", "summary": "Pelican does it again", "unixReviewTime": 1417824000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "01 14, 2008", "reviewerID": "A3GJ53VKU9A112", "asin": "B00006L43O", "reviewerName": "Ed Karlin", "reviewText": "I thought a dvd case is a dvd case but the plastic on this product is so thin and brittle that the little tags that hold the front and back together break off on half of the cases. Next time I'll spend the extra money and hopefully have better luck.", "summary": "bad decision", "unixReviewTime": 1200268800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A12K8GKIWWSY54", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "ck7166", "reviewText": "bought the d7200 and wanted this to go with it... excellent pictures from $100 lens can't go wrong if you have the auto focus motor built in your camera or don't mind manual focusing", "summary": "excellent pictures from $100 lens can't go wrong if you ...", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": false, "reviewTime": "04 14, 2015", "reviewerID": "A3F7FDDLQJGL8G", "asin": "B00000J0MS", "style": {"Style:": " 72"}, "reviewerName": "KenWG", "reviewText": "We bought this shower head for a nmber of reasons including design, size and price. After trying two other similar shower heads, this head worked best. The finish is error free, there are no blocked nozzels, easy to install without a wrench and provides a soothing experience.", "summary": "Best shower we have had in years", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A3OD2SIQZTH4PK", "asin": "B00004Z8BC", "style": {"Model Number:": " RBC6"}, "reviewerName": "Joshua Szanto", "reviewText": "Used this in an APC UPS that dearly needed battery replacements. Received the new batteries in an official APC box with excellent padding and return instructions for recycling of old batteries.", "summary": "Received the new batteries in an official APC box with excellent padding and return instructions for recycling of old batteries", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A2LBGE9XCTNK8R", "asin": "B00004TWLZ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Sotto Voce", "reviewText": "Great colors, it is also quite tolerant to overexposure and is reasonably fast, overall very easy to use and delivers really nice pictures, it is also reasonably priced. I prefer it to Kodak Ultra Max 400.", "summary": "Easy to use", "unixReviewTime": 1460246400} +{"overall": 3.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "AF12FD0UTZZGJ", "asin": "B0000AI0N2", "style": {"Style:": " 12 Outlet + TEL"}, "reviewerName": "Joanne Saltman", "reviewText": "Bought for a charging station for our phones and iPads. Several of the outlets work very hard but otherwise we like it because it lies flat and takes up little room.", "summary": "Works okay", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2PPBJ4EC0MB9D", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "sassy", "reviewText": "Very very good", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2012", "reviewerID": "A1GO2LKCUYK34X", "asin": "B00009R6K1", "reviewerName": "BobT", "reviewText": "I bought a pair of these before my vacation and immediately saw a dramatic ddifference in clarity between this and the inexpensive ones they replaced. I'm very pleased and will look for them again wwhen I am again in need.", "summary": "GGreat choice", "unixReviewTime": 1346889600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2018", "reviewerID": "AIDH309QE2HPU", "asin": "B0000AKA90", "reviewerName": "Glenn Keener", "reviewText": "Such a great surge protector. I ordered two.", "summary": "Five Stars", "unixReviewTime": 1521849600} +{"reviewerID": "A2GYMBD6HRZOKC", "asin": "B00004ZCJJ", "reviewerName": "fisherman3", "verified": true, "reviewText": "This is a very reasonable priced filter that helps both protect your lens and assists in diminishing light glare. Worthwhile to have it on your lens at all times.", "overall": 5.0, "reviewTime": "01 9, 2014", "summary": "Excellent Filter Protection", "unixReviewTime": 1389225600} +{"overall": 2.0, "verified": true, "reviewTime": "10 15, 2012", "reviewerID": "A3JSYUB65H8ZDV", "asin": "B0000BV1LS", "reviewerName": "bloomsday", "reviewText": "It works as described but it's not a solution because it sticks out and risks snagging. A 2\" cable would be better if it was streamlined so it wouldn't snag as readily as this does. USB makes more sense at back of laptop than at side.", "summary": "OK but a 2\" cable might be better.", "unixReviewTime": 1350259200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A2CQOUULV6DXTV", "asin": "B00004ZCC1", "style": {"Size:": " 72mm"}, "reviewerName": "Bass", "reviewText": "I am a casual photographer and found this to work good for me.", "summary": "Works for me", "unixReviewTime": 1411516800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 25, 2008", "reviewerID": "A1LM5V9QMN8RO0", "asin": "B0001Y0OZG", "style": {"Style:": " 1250 15\" Notebook Backpack"}, "reviewerName": "davedigerati", "reviewText": "The organization is brilliant, it is a delight to travel with, my days of lugging a bag over the shoulder are cheerfully behind me! Will be too small for heavy packers, but as I am a minimalist by nature this is more room than I need. Positively fantastic bag!", "summary": "Dave's 10sec Review- Brilliant Backpack", "unixReviewTime": 1214352000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2017", "reviewerID": "A3A9RI295BAL2B", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "MMC", "reviewText": "Does a great job of cleaning my camera lenses, but surprisingly bad at launching tiny people into outer space", "summary": "Five Stars", "unixReviewTime": 1513814400} +{"overall": 1.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A2YCMTJFL9K46Z", "asin": "B000090W8L", "style": {"Style:": " Blu-Ray Replacement"}, "reviewerName": "Amazon Customer", "reviewText": "Maybe this will help you, but it was useless to me.", "summary": "but it was useless to me", "unixReviewTime": 1412812800} +{"overall": 3.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A3OOPPWK9VOKMW", "asin": "B00005T408", "reviewerName": "Jim B.", "reviewText": "Beautiful machine...somehow found it in the middle of what I was \"REALLY\" looking for, bought it and have never used it...Hello Smithsonian.", "summary": "Smithsonian relic unless you need a cassette player...", "unixReviewTime": 1385683200} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "AURYM4GUBFESV", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "Tony", "reviewText": "Love the mini size of this surge protector.", "summary": "Four Stars", "unixReviewTime": 1511481600} +{"overall": 5.0, "vote": "5", "verified": false, "reviewTime": "05 6, 2006", "reviewerID": "ATDE9JYCPI0L1", "asin": "B0000TSJVI", "reviewerName": "Alyssa A. Lappen", "reviewText": "This is a great memory upgrade for a very reasonable price (in the secondary market, that is. These days, I wouldn't pay more than $80 for a card this size.) It snapped right into the second memory slot and really speeds up my computer. Great!", "summary": "Terrific", "unixReviewTime": 1146873600} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "04 25, 2010", "reviewerID": "A2N1YY9QZ3JHA4", "asin": "B00008Y0VU", "style": {"Size:": " 20x80"}, "reviewerName": "R. Dunn", "reviewText": "I bought these binoculars to view the wildlife in Yellowstone. I was amazed at the quality and crisp image quality. I highly recommend these binoculars.", "summary": "Awesome value", "unixReviewTime": 1272153600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A2Y4F4U0QVLX1Q", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "st", "reviewText": "work fine.", "summary": "Five Stars", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2007", "reviewerID": "A1DJ8CW4APUV5I", "asin": "B0001CNMFM", "reviewerName": "Jon", "reviewText": "I use this card with a Canon Rebel XTi. I have yet to experience any delays due to speed (or any other reason for that matter). No problems to date, and able to keep up with the quick speed of the XTi.", "summary": "Perfect Complement", "unixReviewTime": 1169078400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A3561GRE7L3N1E", "asin": "B0001MKU6G", "reviewerName": "Kelly Pletcher", "reviewText": "love It, I hope you don't run out of them", "summary": "Five Stars", "unixReviewTime": 1421884800} +{"overall": 4.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "AWG8S9BMST90T", "asin": "B0000510R4", "style": {"Style:": " 6 Outlet"}, "reviewerName": "Pepo", "reviewText": "Good value for the price at amazon.", "summary": "Four Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2010", "reviewerID": "A3394J1F9CN9W5", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Cyrus Blades", "reviewText": "I've got a couple of these cables. I'm using a shorter one that runs my laptop into my mixer in my studio. This one i'm using to run my 32\" Hitachi LCD into my mixer... works great in all applications!", "summary": "Great for TV's, Laptops, iPods, Cameras....", "unixReviewTime": 1292544000} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A35LAN3S7AUG1R", "asin": "B00006JPEU", "style": {"Model Number:": " HG-M75"}, "reviewerName": "Dale Conrad", "reviewText": "Thanks works great", "summary": "Five Stars", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2013", "reviewerID": "A158D4T6S70AWO", "asin": "B00000JD3O", "style": {"Size:": " 5oz", "Color:": " Black"}, "reviewerName": "Sirshopsalot", "reviewText": "Great solution for my car. It hasn't failed in any way. I've used it for over a year now and would certainly rather have it than not.", "summary": "Did the trick", "unixReviewTime": 1376697600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A359XZQWX01HVH", "asin": "B00004Z5D1", "reviewerName": "Steven", "reviewText": "Works as needed. Quality buy for anyone looking to keep accidental static discharges from hurting your computer system. Recommended 1 time buy, just to have over the years.", "summary": "Works as needed.", "unixReviewTime": 1378425600} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "11 6, 2013", "reviewerID": "AU3KVHSIDHNTN", "asin": "B0000A0AET", "reviewerName": "Wookie", "reviewText": "Almost impossible to focus. The image splits into multiple images. Not sure what's wrong with them but they are no good.", "summary": "Multiple images", "unixReviewTime": 1383696000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "A218POF2STYQ3J", "asin": "B00005LE72", "reviewerName": "ProtectFreedom", "reviewText": "Great, fast D lens in my favorite everyday focal length. Absolutely great value, great results", "summary": "Great, fast D lens in my favorite everyday focal length.", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2013", "reviewerID": "A2BNXPL75IE8TR", "asin": "B00007FGU7", "style": {"Length:": " 25 Feet"}, "reviewerName": "Behr", "reviewText": "I needed this for a custom install, and it works fine. C2G makes good stuff, I usually use them for all my tech installs when possible. I've used their Cat cables too, which work equally well.", "summary": "It's an extension cable..", "unixReviewTime": 1357603200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A34NDOCY7O206P", "asin": "B000068O1O", "style": {"Size:": " 13.1 Feet"}, "reviewerName": "Nik88", "reviewText": "Needed these to do some home stereo/music studio stuff. Worked out well for my purposes. I would recomend them or even buy them again if I needed more.", "summary": "Works well", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2002", "reviewerID": "A24AGAOVQ9V1AT", "asin": "B00000J1TX", "reviewerName": "TexyInAustin", "reviewText": "Works like a charm for my printer and I haven't had any problems with it.", "summary": "Works great", "unixReviewTime": 1020124800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2007", "reviewerID": "A1QV1X240450C4", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Sufen Chang", "reviewText": "I am currently using this cable with my printer and have no complaints. Last time I bought this same cable at CompUSA for around $30! Go ahead and buy this cable, don't go to the local computer store and pay $30 for something that is worth less than $10.", "summary": "Works like it's supposed to at a fair price!", "unixReviewTime": 1196380800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A212AGOUD8GI5D", "asin": "B00004ZCC1", "style": {"Size:": " 58mm"}, "reviewerName": "James L.", "reviewText": "What I requested as a gift to improve the photos and different angles that I take. So far have been impressed with the quality of the photos when using the filter", "summary": "received as a gift", "unixReviewTime": 1388361600} +{"overall": 1.0, "verified": false, "reviewTime": "01 1, 2016", "reviewerID": "A23UT5KCKMDZ8G", "asin": "B00006IW1X", "style": {"Size:": " 100 pack spindle"}, "reviewerName": "J. Morehouse", "reviewText": "I have burned 1000's of cd's over the last 5 years using a 7 cd duplicator and the most recent have been from Sam's Club and had no problems. This recent 100 stack from Walmart is absolute junk with better than a 50% failure rate. Going to junk them and buy Sony from now on.", "summary": "Used to be good but now not so much", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A2UF34QX6DJJCV", "asin": "B00004XOM3", "style": {"Size:": " Lens Only"}, "reviewerName": "Ngirilover", "reviewText": "Maybe my favorite lens of all time. the speed, the 100 mm but with macro makes it nearly a zoom. It is heavy but in the scheme of durable lenses, not that bad. Macro is sharp, lens so fast. Wonderful.", "summary": "Fabulous lens for Canon with Macro", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A6QU128IYO0UO", "asin": "B00005N9D3", "style": {"Product Packaging:": " Standard Packaging", "Style:": " UR-20"}, "reviewerName": "Amazon Customer", "reviewText": "Extremely comfortable. I use them for games and I can wear them for hours and not have any ear soreness. Sound is very good for this use as well.", "summary": "Very Comfortable", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A3S4CYX2KRKOBO", "asin": "B00004YMCA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Flashclip", "reviewText": "Bought this replacement for when I travel with my detector. It's just as good of a quality. The original and will probably outlast my detector.", "summary": "Works Fine", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A2KDC5CUI4T1JC", "asin": "1400501717", "reviewerName": "Robert Atkinson", "reviewText": "My wife uses this all the time and she was really a book person.", "summary": "Five Stars", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A8HZ9CRK5WRDX", "asin": "B00004ZCJI", "style": {"Size:": " 77mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Eric Halstrom", "reviewText": "Gets the job done, no questions asked. Installs easily and allows my polarizer to install in front of it. I couldn't ask for more from an UV filter.", "summary": "Does the job", "unixReviewTime": 1374883200} +{"overall": 1.0, "verified": true, "reviewTime": "08 14, 2013", "reviewerID": "ATX8SITVMGY15", "asin": "6073894996", "reviewerName": "Amazoner123", "reviewText": "This lasted about three charges and died. Don't bother. It's a piece of junk. I reiterate, don't bother it's a piece of junk.", "summary": "Junk", "unixReviewTime": 1376438400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A1YPL3MJG4JXDI", "asin": "B0000510ZO", "style": {"Size:": " 25ft", "Style:": " 18 AWG"}, "reviewerName": "Scott Chrystal", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"reviewerID": "A2UBYEOEW6HKOR", "asin": "B00009V332", "reviewerName": "Flip", "verified": true, "reviewText": "Put right in the phone, charge, it works!!! Slight different twist in the wire than the orignal battery. No brainer.", "overall": 5.0, "reviewTime": "12 6, 2012", "summary": "works great", "unixReviewTime": 1354752000} +{"overall": 5.0, "verified": false, "reviewTime": "08 24, 2014", "reviewerID": "A2Z48RHQCMH0XC", "asin": "B00007E7K9", "reviewerName": "Melvey", "reviewText": "Great little tote. cannot fit extra lenses, but does the job with my utility lens. Satisfied. My charged & extra battery fit also.", "summary": "great little bag, works well. Heavy zipper & velcro.", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": false, "reviewTime": "03 9, 2016", "reviewerID": "A1FOITYUBTPGBX", "asin": "B00020T4UK", "style": {"Style:": " 16x Hub Printable"}, "reviewerName": "Manuel", "reviewText": "really cool when you see that dvd with a picture you design. good product", "summary": "Five Stars", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": false, "reviewTime": "02 8, 2016", "reviewerID": "A36PD3OZNML75T", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to RCA Couplers"}, "reviewerName": "Chris McKenzie", "reviewText": "Work as said", "summary": "Work fine", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2009", "reviewerID": "AVNBN4BUR6Y3L", "asin": "B000089GN3", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Stephen McG", "reviewText": "These are the best headphones for under 100 by far. Have tried many others, including px200 not even close to these. Have owned several pairs over the years and love them.", "summary": "Best headphones under 100", "unixReviewTime": 1246665600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A2P3DGKWZOVJ5S", "asin": "B00009XVKW", "style": {"Color:": " Desert Tan"}, "reviewerName": "Nicholas LoCastro", "reviewText": "Great product. Customized it to fit a meter my technicians use.", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A6SNIKBYQS83T", "asin": "B00005ATMB", "style": {"Size:": " 72", "Style:": " CD Wallet"}, "reviewerName": "david atkins", "reviewText": "just the best I ever had and great price bought two", "summary": "buy this great", "unixReviewTime": 1442016000} +{"reviewerID": "A1J8M2RJ187EHW", "asin": "B000068O41", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "everything ok", "overall": 5.0, "reviewTime": "01 27, 2017", "summary": "Five Stars", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A3FL6PK98983JI", "asin": "B00006B82M", "style": {"Style:": " 25ft Cord"}, "reviewerName": "Consumer2834762", "reviewText": "Use this to run electrical into my tent when car camping. Does the job well. Orange light on the power switch for power and a small green LED to signal it's protected. Cord is thick and feels well made.", "summary": "Use this to run electrical into my tent when car ...", "unixReviewTime": 1444176000} +{"reviewerID": "A2V142MS1OHRFZ", "asin": "B00004THCZ", "reviewerName": "TRADS, LLC", "verified": true, "reviewText": "I am not new to Canon lens' so I was not surprised to know I was getting a great product. Sure there are more expensive and better overall lens but this one will fit your need if your just a amateur/hobbyist like me. Never a issue one time.", "overall": 5.0, "reviewTime": "06 8, 2013", "summary": "Great lens!", "unixReviewTime": 1370649600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "11 4, 2017", "reviewerID": "A2GLD72HQYHG0P", "asin": "B00008MN45", "reviewerName": "Toni", "reviewText": "Only one speaker worked when I first got it. After about a month, it now makes a buzzing noise through the one speaker that does work. I've downgraded my review from three stars to one. .", "summary": "Only one speaker works, and it buzzes", "unixReviewTime": 1509753600} +{"overall": 4.0, "verified": true, "reviewTime": "01 18, 2014", "reviewerID": "A3OV3AYCL1ME8B", "asin": "B0000AKABP", "style": {"Color:": " Red"}, "reviewerName": "Snakebitten", "reviewText": "Love the color but I wish the handles were better looking. You can tell its a cheap plastic handle but the knives still look nice and work very well. I would recommend it", "summary": "This is a pretty good knives and scissor set", "unixReviewTime": 1390003200} +{"overall": 5.0, "vote": "10", "verified": true, "reviewTime": "10 25, 2004", "reviewerID": "AFHYEO3Y1IIDD", "asin": "B00006HMPK", "reviewerName": "Maximum Verbosity", "reviewText": "I am very pleased with this camera. I talk to my friend in Sweden with it and she is always amazed at the clear images. It was very easy to set up, easy to use....the simple review is...we're very happy with it!", "summary": "Good camera, good price, easy to use.", "unixReviewTime": 1098662400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2014", "reviewerID": "A2UH1I74U8ZMTQ", "asin": "B00006B7DA", "reviewerName": "Ivan Tichenor", "reviewText": "A nice USB HUB, I am using this to charge friends phones and my PS3 controllers, very useful for the living room!", "summary": "Great USB Hub", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A16BO2L3KDMMCR", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "lady lawyer", "reviewText": "This was a great deal - a good price and great sound. Works well with the Rocket Fish (Best Buy) wifi subwoofer kit.", "summary": "This was a great deal - a good price and great sound", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2013", "reviewerID": "AAB9ILQU636IL", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Jacee", "reviewText": "These are very nice. true to color on the comp. Packaged so they wouldn't get damaged and shipped quickly. sturdy, nice cases. I think they are worth the money.", "summary": "love the colors", "unixReviewTime": 1358985600} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2017", "reviewerID": "AO1MZ3XA9VJGC", "asin": "B000068NX0", "style": {"Size:": " 6 Inch"}, "reviewerName": "Dylan P.", "reviewText": "This cable works out perfectly with my diy pedal board!", "summary": "Slim and trim", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": false, "reviewTime": "04 30, 2013", "reviewerID": "ALASUQ48KNV0F", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Lynn M", "reviewText": "I use this on more than my camera, it's a solid piece of equipment that needs to be in everyone's bag of tools.", "summary": "Awesome product", "unixReviewTime": 1367280000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A3BXN0RHO8HAYS", "asin": "B00008MN45", "reviewerName": "N. Miller", "reviewText": "Easy to install. Works perfectly. My computer came with speakers that were wimpy wimpy wimpy. Cured!", "summary": "Let my people hear!", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2015", "reviewerID": "A34LB4EEJG9P2R", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "Frank R. Stehlik", "reviewText": "Best price for the product.", "summary": "Five Stars", "unixReviewTime": 1448668800} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A2V8G417F2TPCK", "asin": "B00001P584", "reviewerName": "Krazeehoser", "reviewText": "This EQ definitely added a better balance to the sound on my home stereo unit. However not all of the lights worked. Other then that, not a bad buy.", "summary": "AudioSource EQ 200 10-Band Stereo Graphic Equalizer", "unixReviewTime": 1354233600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A2KJ149YJB0H4H", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Peter Gordon", "reviewText": "Came with enough to do two processors.", "summary": "Five Stars", "unixReviewTime": 1417737600} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A3K0MNJHO7R2MG", "asin": "B00007E7K9", "reviewerName": "Raymond Ozanne", "reviewText": "I have it set up so it is easy to carry my Cannon Rebal T2i and a spare battery, filter and lens cleaner. Easy to carry and less bulk when traveling on rough terraine It gives protection.", "summary": "Nice product", "unixReviewTime": 1474070400} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "AT2UX3U2ZIY4N", "asin": "B0000510IA", "reviewerName": "Michael Hamfeldt", "reviewText": "The paper is very thin on these CD sleeves but that is to be expected. If you need more protection go with a jewel case.", "summary": "The paper is very thin on these CD sleeves but ...", "unixReviewTime": 1446422400} +{"overall": 4.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A2CAA8W53HNTSY", "asin": "B0000BZL83", "style": {"Size:": " 58 mm"}, "reviewerName": "Mark Rosen", "reviewText": "Not as strong a polarizer as i would expect", "summary": "not as strong as I would expect", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A2ZPCDOA7BTR3L", "asin": "B0000D88FU", "reviewerName": "Michael K. Gilbert", "reviewText": "As described works great!", "summary": "Five Stars", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "AUMGI94W5515S", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Lawrence Guichard", "reviewText": "best for the price", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A1SNV89T2L42T7", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "j", "reviewText": "Color matches perfect to after market radios color (kenwood). Tie the wires together. Plug and play install done in under 5 mins and no wires have to be cut. Fantastic", "summary": "Can't be easier if you tried", "unixReviewTime": 1474156800} +{"overall": 1.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A24IOBGALGOZCB", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Shannon Zolar", "reviewText": "This film is not developing. We insert as prescribed and take a picture. The camera spits it out and it never gets beyond the white film.", "summary": "doesnt work", "unixReviewTime": 1516838400} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2013", "reviewerID": "A1KCS684KEQUXY", "asin": "6073894996", "reviewerName": "BT", "reviewText": "Great product for the great price. Hold great in cigarette lighter, it turns on nice blue light when is in use.", "summary": "Great product for the price.", "unixReviewTime": 1365120000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A2BBX2ABOR95RK", "asin": "B0000DIESW", "style": {"Size:": " 15 ft", "Style:": " Toslink"}, "reviewerName": "dean", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A2PN7WS5QXQFFC", "asin": "B00005NPWA", "reviewerName": "D. A. Ditzenberger", "reviewText": "Great Quality", "summary": "Good Stuff", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A1QN8BCC5AFWPV", "asin": "0972683275", "reviewerName": "David Zimdars", "reviewText": "really nice", "summary": "Five Stars", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2007", "reviewerID": "A1JATXO9PLTD8R", "asin": "B00006IRR8", "reviewerName": "Mike Stebbins", "reviewText": "This KVM switch is used for two Windows boxes, neither are running extensive graphics, so I cannot comment on high resolution video, switch works as advertised, nice unit, nice design, nice function, would recommend to anyone looking for a KVM switch for business needs.", "summary": "Works as advertised", "unixReviewTime": 1168300800} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "AADDF51YY8LWE", "asin": "B00007FWP2", "reviewerName": "Dale J.", "reviewText": "They always work for me", "summary": "Five Stars", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "ARINQ0JMR6YKR", "asin": "B000067SLV", "style": {"Length:": " 25ft", "Style:": " Standard"}, "reviewerName": "Ricky Roy", "reviewText": "I love it...", "summary": "Five Stars", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2013", "reviewerID": "A2RP0ZKTBC7T69", "asin": "B000136P8W", "style": {"Size:": " 1-Pack"}, "reviewerName": "Erich Carlson", "reviewText": "The unit works well connected to a Panasonic KX-TS105B Integrated Business Corded Phone. You can increase the volume you hear and the volume the person on the other end hears.", "summary": "Excellent Quality", "unixReviewTime": 1371168000} +{"reviewerID": "A3LBIHETDSBIOE", "asin": "B00009KLAE", "reviewerName": "Texastime", "verified": true, "reviewText": "Tks!", "overall": 5.0, "reviewTime": "10 11, 2016", "summary": "Five Stars", "unixReviewTime": 1476144000} +{"overall": 4.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A3HX07YIA0ZNVH", "asin": "B0000665V6", "reviewerName": "Gumercindo Leonardo Jerez", "reviewText": "Ok", "summary": "Four Stars", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": false, "reviewTime": "09 6, 2016", "reviewerID": "A2MUGFV2TDQ47K", "asin": "B000067SOH", "style": {"Size:": " DVI Female to VGA Male", "Color:": " Beige"}, "reviewerName": "Lynrie", "reviewText": "Preserve Investment in Old Tech\n\nThis adapter helps preserve one's investment in old technology as one adds new to the collection as an adapter between them. It does what it should inexpensively while allowing the basement tech cave to increase it's bounty LOL.", "summary": "Preserve Investment in Old Tech", "unixReviewTime": 1473120000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 5, 2013", "reviewerID": "A2C3LR14NCNNSK", "asin": "B00026BQJ6", "style": {"Size:": " 25-Watt"}, "reviewerName": "Darin Mccoy", "reviewText": "it gets hot, if you're going to use it for an extended period of time - expect to mount a fan on it.", "summary": "it's okay", "unixReviewTime": 1365120000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "APF6DFB57SML0", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " Angled RCA to 1/4\" TS"}, "reviewerName": "Graysen Harnwel", "reviewText": "When you need to stick A into B and you want to do it at a right angle, this works.\nsomeday you may tell your grand kids that you read this review.", "summary": "Its sideways... And I like it!", "unixReviewTime": 1361577600} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2011", "reviewerID": "A15NNR5WTLFU6J", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Badreyah", "reviewText": "Excellent, Recommend it", "summary": "Five Stars", "unixReviewTime": 1309478400} +{"overall": 4.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A1UKD1OJZ6F7ZA", "asin": "B000083KIH", "style": {"Length:": " 6ft"}, "reviewerName": "Tyler Halen", "reviewText": "This is WAAAY bigger than I expected but it works like a charm. Extremely tough and durable, I'd expect this to be mainly for outdoors but can be suitable anywhere. Only downside is that it's not very flexible. Bit of a shock when it arrived but hey, it works great!", "summary": "IT'S BIG & works great", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A1VDFVMQ5029CB", "asin": "B0000DZDHB", "reviewerName": "daschultz", "reviewText": "Wonderful, nice and long so it holds all my good knives", "summary": "Great product, words wonderfully", "unixReviewTime": 1446940800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "AVLEAHPP8E44E", "asin": "B0001XX0NU", "style": {"Size:": " 5-Pack"}, "reviewerName": "george el zein", "reviewText": "work great will buy again.", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2017", "reviewerID": "A3LK6I55355UI3", "asin": "B000062VUQ", "style": {"Size:": " 3-piece"}, "reviewerName": "mhandel", "reviewText": "Great speakers. I have a set for home and work.", "summary": "Great speakers. I have a set for home and ...", "unixReviewTime": 1507248000} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A2UBEYRF9WY6RA", "asin": "B0001M3N7O", "reviewerName": "LUKE P HOVEY", "reviewText": "Great product!!! Love it! Overall, the product was what I was looking for. Thank you very much, again, for the this product.", "summary": "Great product!!!", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2017", "reviewerID": "APH5ZTT4JQHAQ", "asin": "B00009QOTA", "reviewerName": "Mark Havlik", "reviewText": "Great speakers. Perfect for GM dash speakers", "summary": "Five Stars", "unixReviewTime": 1508025600} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "AOM00QJSNC3F1", "asin": "B000001ON6", "style": {"Format:": " Electronics"}, "reviewerName": "charles l. raban jr.", "reviewText": "worked well on my recorder", "summary": "Five Stars", "unixReviewTime": 1465430400} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A1JACJHORWJ9MJ", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Standard Packaging"}, "reviewerName": "JEROME MOTLEY", "reviewText": "\"THESE DISC ROCK\"......SUPERIOR OUTPUT.", "summary": "SUPERIOR OUTPUT.", "unixReviewTime": 1422403200} +{"reviewerID": "A3Q2DQR85FC30", "asin": "B00004ZCJJ", "reviewerName": "Gary L. Griffiths", "verified": true, "reviewText": "Protects front element of lens. No discernible effect on color rendition.", "overall": 5.0, "reviewTime": "09 13, 2017", "summary": "Excellent Product", "unixReviewTime": 1505260800} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2013", "reviewerID": "AU6JOR8JFYX1B", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "glass worker (hobby) guy", "reviewText": "I am no longer able to hold a camera steady with out my tripod. I now use and carry my old Gitzo tripod everywhere, this Canon remote switch is now in use everyday.", "summary": "Shutter release cable", "unixReviewTime": 1359590400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A37QGXSY4QP4TL", "asin": "B00029MTMQ", "style": {"Size:": " Microphone"}, "reviewerName": "Andrew", "reviewText": "Super sensative.. best mic for price. Had it over 2 years. If you are a gamer get it. Works with pc easily. No bs here... just get it.", "summary": "GET IT! No BS here!! Amazing!", "unixReviewTime": 1416614400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A1ZWY9TNZOYRLB", "asin": "B00005U21H", "reviewerName": "PSD", "reviewText": "Work really nicely. Easy to use. Monster may be pricey , but their connectors fit really well.", "summary": "Work really nicely. Easy to use.", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A3IF0EYVN9KQDY", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Tomasina Parr", "reviewText": "Worked perfectly to cool my chips to the heatsinks on my old PS3 fatty. there was just enough to do both.", "summary": "perfect for my application.", "unixReviewTime": 1439078400} +{"overall": 4.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "A2G7Z7U9B5DTQY", "asin": "B0000ACOBG", "reviewerName": "Scarlett", "reviewText": "It looks a little dated, but it does the job and no batteries to replace in my keyboard anymore. Problem is once grime gets on this, it's impossible to make it look new again.", "summary": "It looks a little dated, but it does the ...", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A2NG73S9CY88HI", "asin": "B00005T3Q2", "style": {"Style:": " Light Gray"}, "reviewerName": "Bernie", "reviewText": "Works great. Outlet covers are a nice addition", "summary": "Easy setup and works great", "unixReviewTime": 1454025600} +{"overall": 1.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "A1I3DYTG2H1O6Z", "asin": "B00004U8JS", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "MOONSHINEMAN", "reviewText": "JUNK DO NOT BUY.", "summary": "One Star", "unixReviewTime": 1417996800} +{"overall": 3.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A363ISQ8YHQG9", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "Michael J.", "reviewText": "Our climate is fairly consistent in Northern California (not too hot, not too cold) but within a couple months of light use, the reel had come apart a little. So not quite to par in terms of quality and durability.", "summary": "Not great, not bad", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A2E0FAQGKT8HV4", "asin": "B00006JP5G", "reviewerName": "SKOOTERBUM", "reviewText": "This shipped fast, and is just as described. Looks to be a quality product.", "summary": "Five Stars", "unixReviewTime": 1412640000} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "AX4OBMUE2S3NE", "asin": "B00000K2YR", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Bobcat slougans Bicalho ", "reviewText": "I had this radio it was a great item i use to use it in my Ram. But then it broke cause of people touching an using it thinking it was a pa system idiots. Ordering another one soon", "summary": "Great itemitem", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A1AHS69H3JXYPG", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "TPerki", "reviewText": "My second pair. Great sound - very well balanced. Comfortable on the head.", "summary": "Love them", "unixReviewTime": 1455321600} +{"overall": 1.0, "vote": "4", "verified": false, "reviewTime": "04 17, 2006", "reviewerID": "A2DGP3CC6D0TKL", "asin": "B00009R6UC", "reviewerName": "paparazzi83", "reviewText": "Wow... Now if you really want to see a rip-off, here it is. Not to be damaging to Amazon.com but hey for the 50mm just get some carboard and tape it to the front to shield it from the sun. The hood is definitely not worth it.", "summary": "The hood costs 1/3 the price of the glass?", "unixReviewTime": 1145232000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A114H1REN93IEF", "asin": "B000067SNZ", "style": {"Size:": " 10 ft / 3m"}, "reviewerName": "cfinn", "reviewText": "Does what you would expect. Quality cable at a great price. If you need a DVI to VGA cable click buy.", "summary": "Quality cable", "unixReviewTime": 1386374400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 5, 2002", "reviewerID": "AQWZYNDSUOVC5", "asin": "B00003G1RG", "reviewerName": "ramirez98", "reviewText": "I'm using this card in my Canon S330 digital camera... gives me 200 photos on average quality, and 128 photos in highest quality. Can't complain! It's writes and reads plenty fast and I've had no problems with it whatsoever! Highly recommended!", "summary": "FAST and SPACIOUS", "unixReviewTime": 1023235200} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "AWZWFJOB7BKQX", "asin": "B00000J1T1", "style": {"Color:": " Blue"}, "reviewerName": "Keith", "reviewText": "I got this cable for an extension. so far no problems, works as good as asked for. very pleased indeed.", "summary": "blue patch cable", "unixReviewTime": 1399766400} +{"overall": 1.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "AMB37Q32DRDVC", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x3.5\" Drive (Front Bay Adapter)"}, "reviewerName": "Jason", "reviewText": "junk", "summary": "junk", "unixReviewTime": 1435536000} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A3SQ5UCHZS81X0", "asin": "B00007EDM8", "style": {"Color:": " Black", "Product Packaging:": " Standard Packaging"}, "reviewerName": "S Mehanny", "reviewText": "good quality", "summary": "Four Stars", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": false, "reviewTime": "11 21, 2017", "reviewerID": "AVKWZY122RHWZ", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "A.Mueller", "reviewText": "Great product to protect your expensive lens.", "summary": "Five Stars", "unixReviewTime": 1511222400} +{"overall": 3.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "AWI69EWRKWX4W", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x3.5\" Drive (Front Bay Adapter)"}, "reviewerName": "Wayne Manion", "reviewText": "This mounting bracket does its job, but it made of VERY cheap plastic. I broke two of the tabs while barely tightening the screws on the 3.5\" card reader I was installing. Other manufacturers use a metal bracket and a plastic piece for the trim; this unit is all plastic.", "summary": "This mounting bracket does its job, but it made ...", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": false, "reviewTime": "07 15, 2014", "reviewerID": "A16F1PG7BQKDYX", "asin": "B00009R6KK", "reviewerName": "Nature Man", "reviewText": "The coated UV filter met my expectations and am satisfied with the purchase.", "summary": "Five Stars", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A1DQVXBQATAK2R", "asin": "B0000E1VRL", "reviewerName": "Aldo Bender", "reviewText": "Quite simple and quite nice, a unique way to hold your cd media.", "summary": "Simple and nice", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A1CV27LM2ONGTV", "asin": "B000068O3E", "style": {"Size:": " 10 Feet"}, "reviewerName": "R", "reviewText": "has not failed yet", "summary": "Five Stars", "unixReviewTime": 1459814400} +{"overall": 1.0, "verified": true, "reviewTime": "07 11, 2017", "reviewerID": "A28EQIP1ZHS9C4", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Bob 1", "reviewText": "Came brand new filter came from the factory dirty and need to clean it . After the cleaning it works but should be sparkling clean from the factory", "summary": "Dirty filter from the factory", "unixReviewTime": 1499731200} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2013", "reviewerID": "A2E1C7TDHBFK6W", "asin": "B00000J1QM", "reviewerName": "clark", "reviewText": "WORKS GOODTHE BEST I HAVE USED DOES THE JOB WELL A A A A a a a a a a a", "summary": "DID THE JOB", "unixReviewTime": 1357776000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1RV67MC8K9O3A", "asin": "B00004Z5D1", "reviewerName": "James Williams", "reviewText": "A must for computer component work.", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A1CKDH9Z5I4ESM", "asin": "B000068NX0", "style": {"Size:": " 6 Inch (6 Pack)"}, "reviewerName": "SD Cardsmith", "reviewText": "These are helpful at a decent price. Love Hosa products.", "summary": "Love Hosa products", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A1XFHI5VIHU7LB", "asin": "B0001VGFKW", "reviewerName": "Sam Valencia", "reviewText": "Great outdoor speakers. Sound clear and have a decent bass response. I think mine are being limited by the outdoor volume controller.", "summary": "Great outdoor speakers", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "AO5EWH2RW92DA", "asin": "B00021XQGC", "style": {"Size:": " 1-Pack"}, "reviewerName": "auntiem", "reviewText": "Great product good qulity", "summary": "Five Stars", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2012", "reviewerID": "AKOMCT01A2S0I", "asin": "B00005121B", "style": {"Color:": " Green", "Length:": " 5 Feet"}, "reviewerName": "Amazon Addict", "reviewText": "Great cables for a good price. Very happy with purchase. Always nice to find some cheaper cable options that do a great job without all the expense of the more popular brands.", "summary": "Solid Cables", "unixReviewTime": 1337212800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A1MBYAH5XZLCRI", "asin": "B00009XVCZ", "style": {"Style:": " Lens Only"}, "reviewerName": "Benito Huerta", "reviewText": "Great lens well built. No issues at all.", "summary": "Great lens", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A3AQNJ08ONNP4J", "asin": "B00006I53W", "style": {"Style:": " Base"}, "reviewerName": "KengA", "reviewText": "I'm in love with this lens, it was full USA warranty and prefect and normal packaging. I haven't had any problems not going with the IS version but I have a good tripod and most of my work is with faster shutter speeds", "summary": "Love my 2.8 non is", "unixReviewTime": 1456617600} +{"overall": 1.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "AG9JP9ADK7SCM", "asin": "B00006B9W2", "style": {"Style:": " Speaker System Delivering Quality Audio"}, "reviewerName": "Todd Bourassa", "reviewText": "the adapter plug seems to wiggle in most devices and cuts in and out", "summary": "One Star", "unixReviewTime": 1464393600} +{"reviewerID": "AAN4IS6ZNRLYB", "asin": "B00008V9D5", "reviewerName": "Les", "verified": true, "reviewText": "Low loss cable.", "overall": 5.0, "reviewTime": "10 14, 2015", "summary": "Low loss cable.", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A24JA3KUW42D9Q", "asin": "B00005Y3OM", "style": {"Style:": " Vibration Reduction Zoom Lens with Auto Focus"}, "reviewerName": "Amazon Customer", "reviewText": "GREAT, CLEAR AND WONDERFUL LENS! WORKS PERFECTLY! ATTACHED TO MY NIKON 5500 IS A DREAM!", "summary": "Five Stars", "unixReviewTime": 1470182400} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "08 27, 2005", "reviewerID": "AL0A4BS2ZN12T", "asin": "B0001F1XNC", "reviewerName": "Frewuill Rodriguez", "reviewText": "I have already two of them, they work just fine with my sony p73", "summary": "Excellent", "unixReviewTime": 1125100800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A37I8O1ZZI9GE9", "asin": "B00005TQKQ", "reviewerName": "Michael Scott", "reviewText": "Nice head cleaner, works like a charm.", "summary": "Five Stars", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2007", "reviewerID": "AL7Y1FVZ45I9T", "asin": "B0000658CH", "reviewerName": "Elisabeth D. Morton", "reviewText": "This is my second purchase of this hub as things keep miltiplying and attaching themselves to my computer. This is the ticket. The service was fast and excellent.", "summary": "Superior Service", "unixReviewTime": 1168300800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2008", "reviewerID": "A38HI8RDK92HXH", "asin": "B0001HYEJK", "reviewerName": "Benjamin Schlick", "reviewText": "have a couple sealed in my '07 mazda 6 getting only 325w a piece. absolutely the most accurate bass i've ever had and this is my 6 or 7th set up. Also, if need be they get incredibly loud while sounding amazing. Highly recommend!!", "summary": "sound great", "unixReviewTime": 1203811200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A114YZNFJ4O0HJ", "asin": "B00005LENO", "reviewerName": "Julio Vargas", "reviewText": "good product, I recommend", "summary": "Five Stars", "unixReviewTime": 1449619200} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "01 26, 2009", "reviewerID": "A5PLMN603HWP0", "asin": "B00005LE73", "reviewerName": "Ozymandius", "reviewText": "I wish they had a way to protect this lens, but then it wouldn't be this wide, would it? A wonderful lens. I'm quite happy with it.", "summary": "Wonderul Optics", "unixReviewTime": 1232928000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2011", "reviewerID": "A21AXQYWDS8TKC", "asin": "B00009W3BW", "style": {"Style:": " With Mast"}, "reviewerName": "buenhec", "reviewText": "The antenna is very easy to assemble and is well made. I receive over 20 channels now perfectly clear including digital tv. With the Roku box I have thousands of programs to watch now. Goodbye Directv.", "summary": "Better than expected", "unixReviewTime": 1318204800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "AJ0R3WBJF24E6", "asin": "B00000JDF8", "style": {"Color:": " Black", "Length:": " 25-Foot"}, "reviewerName": "Ohio", "reviewText": "Very good quality cable", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"overall": 1.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "A2QLSV4LY6NXL4", "asin": "B00009V4G9", "reviewerName": "BeccaB", "reviewText": "I didn't realize that the strap is not adjustable and it is way to small for my wrist. I'm a 6 ft tall women so my wrists aren't \"dainty\" but maybe a little small. Either way, I didn't feel comfortable with the huge size and returned it. I've found something else that I love.", "summary": "too big", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A23T8TVDG86Q9Q", "asin": "B00004W3ZQ", "style": {"Size:": " NA"}, "reviewerName": "Robert I. Scissors", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A2FUQX4OMDU3LS", "asin": "B000234TYI", "style": {"Format:": " Personal Computers"}, "reviewerName": "Tony", "reviewText": "Works, enough said.", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 4.0, "verified": true, "reviewTime": "02 7, 2015", "reviewerID": "AAZ6W5HS6LQO0", "asin": "B00022OBO2", "style": {"Size:": " 4 inches"}, "reviewerName": "G. C. Bemis", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1423267200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A3QKPPRBJ6C0ON", "asin": "B0002A9U7M", "reviewerName": "Anthony Contreras", "reviewText": "PROS:\n- Mountable on a wall.\n- Works as it should.\n\nCONS:\n- None.", "summary": "Reliable Gigabit Switch", "unixReviewTime": 1405382400} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2014", "reviewerID": "A1IW9LMJWVBJFC", "asin": "B00020S7XK", "reviewerName": "GBS", "reviewText": "Its clear sound is impressive in my first test, compared with my three other radios at prices six times higher!", "summary": "Its reception of AM talk shows tops pricier radios.", "unixReviewTime": 1398902400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2009", "reviewerID": "A2RNJ9GLTYCV8I", "asin": "B0000BZYPB", "reviewerName": "Ron M.", "reviewText": "The Tamron lens cap is a big improvement over the Canon lens cap that came with the camera. It stays in place very well. It can be easily removed when the sun shade is attached.", "summary": "Excellent choice", "unixReviewTime": 1238803200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A3UZ44WYSHU7GT", "asin": "B00002EQCS", "style": {"Capacity:": " 24 Port", "Model:": " Metal"}, "reviewerName": "oldbaritone", "reviewText": "nice switch. simple and straightforward.", "summary": "It was time to update", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A1NA1IYRJ1DUZD", "asin": "B0001VHARY", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "sconway", "reviewText": "We haven't had much weather so I can't comment on the durability. However, the sound is fantastic - far above the ones I replaced.", "summary": "Great sound", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2012", "reviewerID": "A1YJTZ9ZJGF0X4", "asin": "B0000AHO92", "style": {"Color:": " Duplex"}, "reviewerName": "Jeremy S.", "reviewText": "It did exact what it was intended to do. Nothing more and nothing less. Great product at a great price.", "summary": "Over 1 year after I bought it, it's still working just like it should...", "unixReviewTime": 1351641600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A3JBAWLEK7CV2O", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "A. Brown", "reviewText": "Precisely what I was looking for. Very fast delivery.", "summary": "Five Stars", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A1P5JY2RNICG8F", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Evan", "reviewText": "They're cheap headphones, what do you expect? They work exactly as I would expect cheap headphones to work, with reasonably good sound. So, five stars.", "summary": "Works like it should.", "unixReviewTime": 1360886400} +{"overall": 4.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A19K5NYZ4MYXOM", "asin": "B00005A1K1", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "ctinva", "reviewText": "Super simple device and costs a fraction of other cord recoil rewinders. The installation instructions aren't helpful. Luckily, there are many videos online on how to assemble it.", "summary": "Kind of a contraption but seems to work well", "unixReviewTime": 1490486400} +{"overall": 1.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "AI97CTRJLYUMA", "asin": "6073894996", "style": {"Size:": " One USB Port", "Color:": " Black 2 Port"}, "reviewerName": "William Tell", "reviewText": "don't buy it. It is not working.", "summary": "Don't buy it", "unixReviewTime": 1410912000} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "AOQ7IW0007OM0", "asin": "B0002AHT0M", "style": {"Length:": " 15 Feet", "Style:": " Single Pack"}, "reviewerName": "d f", "reviewText": "Didnt work good", "summary": "NOT TOO GOOD", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A2RJ1964JRTHRQ", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Phil M Lepinski", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 11, 2003", "reviewerID": "A2WL4FEGN510I7", "asin": "B0000691IO", "reviewerName": "Rob", "reviewText": "Just got mine, and it works perfectly. No problems at all. It would be foolish to buy a sony memory stick when these are the exact same thing (despite the color) at a fraction of the cost. They are great.", "summary": "Just as good", "unixReviewTime": 1044921600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A1HYASYH1X22JI", "asin": "B00005T3GG", "style": {"Size:": " 6.75in. x 3.80in. x 0.90in."}, "reviewerName": "ronald", "reviewText": "does what it suppose to do. using it with my computer to my home stereo to listing to music an youtube videos also using one for tv to works great", "summary": "great", "unixReviewTime": 1395187200} +{"overall": 4.0, "verified": true, "reviewTime": "04 29, 2013", "reviewerID": "A3NEO88ZST0HEF", "asin": "B0000DIET2", "style": {"Model:": " 15dBi Directional"}, "reviewerName": "TLP", "reviewText": "It worked as described by a previous review. It added one bar of signal strength across my home and, thus my wifi extender was able to provide very good signal strength for my patio.", "summary": "Adds one bar to signal strength..", "unixReviewTime": 1367193600} +{"reviewerID": "A3A5MROPKSJC39", "asin": "B00009KLAE", "reviewerName": "David Ramirez", "verified": true, "reviewText": "I purchased this filter not only as the \"protector\" to my lens but for its quality and photographics characteristics. I could not believe the low price, shipping included deal that I got.", "overall": 5.0, "reviewTime": "09 21, 2008", "summary": "Big deal on quality brand filter", "unixReviewTime": 1221955200} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2008", "reviewerID": "A2PFBPRT64IYDN", "asin": "B0000C3GWU", "style": {"Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "These speakers are quite a good bargain for the price. They would be perfect if the linking cable was a bit longer and if the power/volume button was a different design. The conical button is very difficult to grasp and turn without picking up the speaker.", "summary": "Nice Sound", "unixReviewTime": 1204156800} +{"overall": 4.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A1EPFY0N1G0NK6", "asin": "B00024DIDK", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Jason Meservy", "reviewText": "as expected", "summary": "Four Stars", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A1MHP6OZTTUPO5", "asin": "B00009UTVW", "reviewerName": "James", "reviewText": "Works like it was made for my tripod, just joking it was made for my tripod.", "summary": "works perfectly", "unixReviewTime": 1482105600} +{"overall": 4.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A3PZYLT58NWBM4", "asin": "B0000DIESU", "style": {"Style:": " Slim Cable - mobile"}, "reviewerName": "GUY", "reviewText": "works as expected", "summary": "Four Stars", "unixReviewTime": 1479772800} +{"overall": 4.0, "verified": true, "reviewTime": "12 16, 2017", "reviewerID": "A1QGSWB2DY06GO", "asin": "B0000668YX", "style": {"Size:": " Single Outlet", "style name:": " 885 Joules"}, "reviewerName": "nim", "reviewText": "I like the size. I haven't used it yet.", "summary": "Four Stars", "unixReviewTime": 1513382400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A3TCAW7KZZ65OG", "asin": "B00020T4UK", "style": {"Style:": " White Inkjet Printable-100 Dic"}, "reviewerName": "Steven R.", "reviewText": "Good product in every way, nothing to complain about, and the sale went well.", "summary": "Good Stuff!", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "ARZYE6UTFFVZJ", "asin": "B0000BZL0U", "style": {"Size:": " 49 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "ScottDiller", "reviewText": "I bought this for a Telephoto lens that doesn't fit into my leather case. Pictures look great and it protects my lens while wandering around. Great value.", "summary": "Pictures look good.", "unixReviewTime": 1446422400} +{"overall": 1.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A279YQAD61XR39", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 2x2.5\" Drive (SATA)"}, "reviewerName": "Randall C. Page", "reviewText": "The holes did not match up with the screw holes in the ssd's. I would not order another of these from StarTech.", "summary": "holes did not match up", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": false, "reviewTime": "07 31, 2014", "reviewerID": "A173TWADX9EQNM", "asin": "B00007KDX6", "style": {"Color:": " Silver"}, "reviewerName": "Rocky", "reviewText": "Ok", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"overall": 4.0, "verified": false, "reviewTime": "07 5, 2015", "reviewerID": "A34PQXE7I4CL9C", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Larry", "reviewText": "It's a slim jewel case at a good price.", "summary": "The price is hard to beat. Does what it is supposed to do.", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "AYMJ0CNEMPG48", "asin": "106171327X", "reviewerName": "D.J. M&M", "reviewText": "this memory card works fine in my nook hd plus. it works fine, i've had no problems so far.", "summary": "a great memory card", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2013", "reviewerID": "A3FIJECWA5VFMR", "asin": "B00003CWDG", "reviewerName": "Big Daddy", "reviewText": "I had one of these before and it worked well. So when I needed to add some outlets to my aquarium stand,I bought another. Amazon had a good price on my prime account so to the keyboard I went.", "summary": "Had 1 before...so", "unixReviewTime": 1364169600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A11CD2OUCGBST1", "asin": "B00009UTZJ", "style": {"Size:": " 1 Pack"}, "reviewerName": "Steve", "reviewText": "Good quality umbrella. The black fabric is easy to manage.", "summary": "Good quality, easy to manage", "unixReviewTime": 1438128000} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A1P60XHG74757X", "asin": "B000067VC1", "reviewerName": "Maby W.", "reviewText": "A little flimsy and thin but still worth the price.", "summary": "Sufficient", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A2XB9ZAJKW7QNL", "asin": "B00007E7RF", "reviewerName": "Barry C.", "reviewText": "I love this bag!!!! Works well with my big Manfrotto tripod and head. Much less than the Manfrotto bag too.", "summary": "Great bag", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A2PPLN4CRHW985", "asin": "B000068O18", "style": {"Size:": " 3.3 Feet"}, "reviewerName": "Adrian D. Phan", "reviewText": "All you need is Hosa, I firmly believe. Cables are cables and I use Hosa cabling throughout my bedroom studio.", "summary": "Hosa Quality is Plenty", "unixReviewTime": 1400025600} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2017", "reviewerID": "AW2O0FZLYJAHS", "asin": "B0000E1VRJ", "reviewerName": "Steve", "reviewText": "These things are great! Just what I needed!", "summary": "Great!", "unixReviewTime": 1504915200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "ADDRDPKTCL7OO", "asin": "B00004THCX", "reviewerName": "Natalie Castaneda", "reviewText": "works great on my film camera", "summary": "perfect purchase", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2013", "reviewerID": "A14XTXYFJ35S7X", "asin": "B00006I5J7", "reviewerName": "Sumanth Rao", "reviewText": "I couldn't find any difference with the original cap. The fit and finish is perfect and would surely buy this again if I lose the lens cap again!", "summary": "Excellent! Exactly same as the original", "unixReviewTime": 1370217600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A3RUJU4683T7S0", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "liVVi", "reviewText": "Worked great hooking up my 2002 Silverado to Pioneer unit.", "summary": "Good adapter for 2002 Silverado", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A1APGU5L0DWCR1", "asin": "B00006JPRQ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Schizophriend", "reviewText": "An inexpensive alternative to the discontinued lightweight SONY MDR-W08L headphones. My family members use a few of these for TV; for that purpose the sound quality and durability are just fine.", "summary": "Fine for TV", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A25OU4XZAQVD66", "asin": "B00009R94Q", "reviewerName": "Michael B.", "reviewText": "cards stay in place,Sturdy and simple. Small enough to stash anywhere.... It is black so will disappear in the bottom of a black camera case/tote but it's large enough you can find it by feel.. there is a loop for a lanyard/wrist strap if so desired, but not included.", "summary": "As advertised", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "APX7AQ2D4T6XE", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Leonel", "reviewText": "The nifty fifty how they said, worth every penny. Im using this for 5 years and im not regret, every amateur should have this", "summary": "The nifty fifty how they said, worth every penny ...", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A33M6VWSV2OTO", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Javi", "reviewText": "Made deck install a breeze.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "vote": "33", "verified": true, "reviewTime": "08 27, 2000", "reviewerID": "AJA31UYVQP4UI", "asin": "B00004TCTK", "reviewerName": "Symonty", "reviewText": "Sometimes when I take a shot, and get it to my PC I look at it and wonder, how such a samll unit can crete such clean pictures.\nFor most applications the S10 will do but the S20 is good value still.", "summary": "Scarey Quaility!", "unixReviewTime": 967334400} +{"overall": 4.0, "verified": false, "reviewTime": "10 24, 2014", "reviewerID": "A20WUUD9EDWY4N", "asin": "B00004ZC92", "style": {"Size:": " 58mm"}, "reviewerName": "Tshais2014", "reviewText": "great buy will buy again if needed", "summary": "Four Stars", "unixReviewTime": 1414108800} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A1QC2NZIU66A7", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "jrc", "reviewText": "More reliable than the last one I bought which though a little less expensive connected only intermittently.", "summary": "More reliable than the last one I bought which though ...", "unixReviewTime": 1472342400} +{"overall": 3.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A3HCOJ1J8NG4G6", "asin": "B00006I5WJ", "style": {"Style:": " White/Silver"}, "reviewerName": "AB", "reviewText": "SHould've heeded the reviews I read prior to purchase. The wire antenna is a joke; the tuner doesn't grab local stations well.", "summary": "Loved It In the Hotel; Home, Not So Much", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "AF5XCFVRBFUZK", "asin": "B0001LR1KU", "style": {"Size:": " 100-Blank Disc Surface", "Style:": " Standard Packaging"}, "reviewerName": "KATHLEEN BRANDLI", "reviewText": "Very nice to have the entire surface to write on. I'd recommend them. AAA+++", "summary": "Verbatim Blank CDs", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": false, "reviewTime": "09 22, 2014", "reviewerID": "A3O6UUS3I21ZKE", "asin": "B00009RUFZ", "reviewerName": "Amazon Customer", "reviewText": "Perfect for my needs!", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "A3FY5NNDYKORJA", "asin": "B00009KH63", "style": {"Style:": " Wired"}, "reviewerName": "David Nathanson", "reviewText": "You don't know how lame your old trackball has become until you get a new one. Oh happy day!", "summary": "You don't know how lame your old trackball has become until you get a ...", "unixReviewTime": 1482451200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A1H9FZES7NO5KU", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Travis C", "reviewText": "Great product, fast shipping", "summary": "Five Stars", "unixReviewTime": 1389052800} +{"reviewerID": "A34SLRN4CRL1W9", "asin": "B000067O6B", "reviewerName": "Michelle R Qualls", "verified": true, "reviewText": "This works great for my needs. I don't have any trouble with peripheral visibility like I saw in other reviews. I'm glad I took the chance and ordered this.", "overall": 5.0, "reviewTime": "07 8, 2016", "summary": "Works great for my needs.", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "A19N6TCP7P0TNF", "asin": "B00009KH63", "style": {"Style:": " Wired"}, "reviewerName": "J. M. Maggi", "reviewText": "Love this thing, replaced a mouse that drove me nuts. This thing rocks, have a small surface to do the mouse and always ran out of room, this thing just sits there and the tracball rotates.", "summary": "great", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2010", "reviewerID": "A36XC1YV18PIGT", "asin": "B00026HZ1E", "reviewerName": "Brandon", "reviewText": "This is a little long for use in a car but I knew that when I bought it.... Nice high quality flexible cable! Well worth the low price, much better than the super cheap ones!", "summary": "Nice higer end cable....", "unixReviewTime": 1269043200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2013", "reviewerID": "A3V199L22HMTKV", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "BassHed392223", "reviewText": "This a really well made cable its thick sounds better than my other one's will buy another Great deal by the way Amazon customer for life", "summary": "Awesome cable", "unixReviewTime": 1371081600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A2DOQE16RF05G0", "asin": "B000068NYZ", "style": {"Size:": " 10 feet"}, "reviewerName": "CEREBROTV", "reviewText": "Great!! better than I was expected!. Strong and quality.", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "ADP4G25A5ZJ4H", "asin": "B000068O33", "style": {"Size:": " 10 Feet"}, "reviewerName": "Arthur D. Knepper", "reviewText": "These are the cables to buy. Don't get a knockoff. These aren't very expensive and they are much higher quality than the other cables out there.", "summary": "Just buy these.", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2013", "reviewerID": "A355CDOHZFADUK", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Ha.Zu", "reviewText": "on time and in a good shape\non time and in a good shape\non time and in a good shape", "summary": "got it", "unixReviewTime": 1361059200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "ARLWPYQMB40ZS", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Derrick Hess", "reviewText": "Works As Advertised", "summary": "Five Stars", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A3V1I4656LMNNB", "asin": "B0000A1VS3", "reviewerName": "Seylan", "reviewText": "Great cable with a great price.", "summary": "Five Stars", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A23SUGSJGK48PQ", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "jabit", "reviewText": "I have always used AmazonBasics cables for all of my needs and have never been dissappointed. This HDMI cable is no exception. Why pay more?", "summary": "Why pay more?", "unixReviewTime": 1438300800} +{"overall": 3.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A691XU34BVWME", "asin": "B00020S7XK", "reviewerName": "JM", "reviewText": "Basic AM/FM radio. It gets pretty good AM which is what I wanted it for. Took off 2 stars because the antennae swil broke, so I can no longer move the antennae around and put it back in it's \"base\" against the radio - only extend and contract it.", "summary": "Good for the price, antennae swivel broke shortly after getting.", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A2JHQ6NUUM9KG2", "asin": "0764207474", "style": {"Format:": " Kindle Edition"}, "reviewerName": "Michele P Reichard", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A1N9V3LP7ZA1U8", "asin": "B00005ATMB", "style": {"Capacity:": " 336", "Style:": " CD Wallet"}, "reviewerName": "Amazon Customer", "reviewText": "It works for what I need. Simple and effective. Better made, more expensive units can be found, but not necessary.", "summary": "CD/DVD STORAGE CASE", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "ASHKJDCRQJVBD", "asin": "B0001PFPZ4", "style": {"Size:": " 10-feet"}, "reviewerName": "Charles Ray Walker Sr.", "reviewText": "Very good quality", "summary": "Five Stars", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A2IFRZB3IADY4U", "asin": "B00009RUHG", "reviewerName": "judy hart", "reviewText": "good price", "summary": "Five Stars", "unixReviewTime": 1443398400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "AVB5DQIBSMLKP", "asin": "B0000AHO92", "style": {"Color:": " Duplex"}, "reviewerName": "Clint Olsen", "reviewText": "Pretty simple piece of equipment but it arrived separate form the rest of the order, which was the only drawback. Still works like a champ. Good experience", "summary": "As expected", "unixReviewTime": 1391472000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A1Z89Q8I4DWP3G", "asin": "B0001Y56RM", "reviewerName": "Bike Commuter", "reviewText": "Use this with my ETX 80. When installed, get a small step stool or ladder to facilitate looking through the viewfinder. Don't forget to enable mirror lock on your camera.", "summary": "Another option", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2013", "reviewerID": "A17MUTDC1CW1UE", "asin": "B0001GZ87I", "style": {"Size:": " 16-Inch", "Color:": " Black and Gray"}, "reviewerName": "Susan Madden", "reviewText": "This is very roomy, with plenty of pockets and nicely padded for the laptop. It also holds the cooling pad. I highly recommend this product.", "summary": "Good laptop case", "unixReviewTime": 1374796800} +{"reviewerID": "A2GBJUB44UK3LO", "asin": "B00004ZCJJ", "reviewerName": "MikeL96413", "verified": true, "reviewText": "Excellent product, service and value.", "overall": 5.0, "reviewTime": "07 5, 2014", "summary": "Five Stars", "unixReviewTime": 1404518400} +{"reviewerID": "A3IGL3T0BN92XA", "asin": "B00004ZCJJ", "reviewerName": "SusyErnie", "verified": true, "reviewText": "I love that this protects my expensive lens. Best insurance you can buy for the price! Fits well, does the job", "overall": 5.0, "reviewTime": "03 12, 2014", "summary": "great lens filter", "unixReviewTime": 1394582400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2017", "reviewerID": "A3CD0Y3WISSDW8", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "Jane Willmann", "reviewText": "As described.", "summary": "Five Stars", "unixReviewTime": 1483660800} +{"reviewerID": "ASXAGZUPPDLMK", "asin": "B00009KLAE", "reviewerName": "Supreme Commander", "verified": true, "reviewText": "What can you really say about it? It's a chunk of clear glass you use to protect your expensive lens.", "overall": 5.0, "reviewTime": "12 6, 2013", "summary": "Does the job", "unixReviewTime": 1386288000} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2008", "reviewerID": "A18KBYNPNE1LQZ", "asin": "B00009RUFZ", "reviewerName": "Silent", "reviewText": "I need this cable to display whatever showed on my camcorder. It does pretty great job.", "summary": "Great !!!", "unixReviewTime": 1211673600} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2014", "reviewerID": "A37AQI4AU3JWSR", "asin": "B000068O33", "style": {"Size:": " 10 Feet"}, "reviewerName": "Joshua", "reviewText": "I love this Hosa stuff. Middle of the road quality and price has its place. We use this in a church setting for ipod into the mixed application. Does what it should, doesn't fray or go bad. Had a few of these for many years.", "summary": "good price, great quality", "unixReviewTime": 1400457600} +{"reviewerID": "A33EEGNM7UUY17", "asin": "B00004ZCJJ", "reviewerName": "Jimmy Johnson", "verified": true, "reviewText": "Protects my lens as it should. Great fit.", "overall": 5.0, "reviewTime": "08 9, 2014", "summary": "It Just Works.", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "ABGAX1VUX7BH", "asin": "B00004SABB", "style": {"Size:": " 12x25", "Color:": " Camo"}, "reviewerName": "nataniel", "reviewText": "Nice item", "summary": "Five Stars", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2012", "reviewerID": "A2TK4VNJTH4DWN", "asin": "B00020T4UK", "reviewerName": "Rex Gillham", "reviewText": "I bought the item as a gift. I bought the item as a gift. I bought the item as a gift.", "summary": "Bought as a gift", "unixReviewTime": 1343606400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2011", "reviewerID": "A3F9IC1ZPARD9F", "asin": "B00009EFR2", "reviewerName": "G. Emmett Thoreau", "reviewText": "I needed to connect a Mac Mini Server with Firewire 800 to a Canon Vixia 30. This is the same cable sold by Apple at a higher price.", "summary": "Cable for Mac to Camera", "unixReviewTime": 1324598400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A284IL3CZ2SPWF", "asin": "B00008R9MM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Jorge L. Rivera", "reviewText": "Wonderful wonderful products", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "A336GSVCD4PONM", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "J. Napodano", "reviewText": "Sound great and easy to install.", "summary": "Very good", "unixReviewTime": 1517702400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "AOQHNEUT0QRQS", "asin": "B000093S8Z", "reviewerName": "Kirk Jensen", "reviewText": "We own a number of older machines which occasionally need replacement hard drives. This drive arrived in the original factory-sealed anti-static bag. Things doesn't get better than that. Nice to find a supplier like this.", "summary": "Perfect Condition; Brand New", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2010", "reviewerID": "A1BL88B56BNJOP", "asin": "B000097O5F", "style": {"Capacity:": " 1 GB"}, "reviewerName": "Drake D. Kelly", "reviewText": "The item was great. it saved me alot of money. instead of buying a new computer. I was able to install memory stick and it made my computer run better. I will be buying more", "summary": "great product", "unixReviewTime": 1271894400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A2LFU6UWQB5BFU", "asin": "B00004SABB", "style": {"Size:": " 8x21", "Color:": " Black"}, "reviewerName": "dlan07438", "reviewText": "Nice binocular. It meets my expectation.", "summary": "Nice binocular.", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A2BAJYMP6ZMZ1I", "asin": "B000001OM4", "style": {"Format:": " Electronics"}, "reviewerName": "shahram", "reviewText": "its fine", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2012", "reviewerID": "A2HKL1GK4VGVH2", "asin": "106171327X", "reviewerName": "Raymond Jones", "reviewText": "A great product it worked has advertised, and i got it at a great price.\nI replaced my 32gb with after formatting it, i have all the room i will ever need on my phone.", "summary": "Sandisk Mobile Ultra 64gb sd caed", "unixReviewTime": 1343606400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A2QSRCRVAEAOII", "asin": "B0001OHH5G", "style": {"Length:": " 2 Meters"}, "reviewerName": "M. Hinkle", "reviewText": "This is very good cable. I notices the sound to be more robust and harmonically right to my ear.", "summary": "Very good cable with gold contacts.", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A1BHMVH5LOTM8Q", "asin": "B00000J0MS", "style": {"Style:": " 40"}, "reviewerName": "Daniel Ellis", "reviewText": "Amazing. Even with water pressure turned waaaay down it puts out amazing volume of water. Won't find anything better for the price", "summary": "Amazing. Even with water pressure turned waaaay down it ...", "unixReviewTime": 1491177600} +{"overall": 4.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A3JMVQ5G2G522W", "asin": "B00006JPEA", "reviewerName": "Kene", "reviewText": "looks brand new and durable.", "summary": "Four Stars", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2009", "reviewerID": "AQY3ERNWZG9KT", "asin": "B00006HOAN", "reviewerName": "jen", "reviewText": "Amazing quality for the price. I used this on a trip to the Catskills to shoot ponds and waterfalls- couldn't be happier with the results. I highly recommend this product!", "summary": "Works Great!", "unixReviewTime": 1252713600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2012", "reviewerID": "AF7D0R98AI0NL", "asin": "B00008VF8V", "reviewerName": "Relaxng", "reviewText": "Great Monster Cable by the roll and a reasonable price. What more could one ask for, great sound, great construction all at a great price...", "summary": "Great Monster Cable", "unixReviewTime": 1332288000} +{"overall": 2.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A377XMXDMAFMLL", "asin": "B00024JN3Y", "style": {"Size:": " Full Size Binoculars"}, "reviewerName": "xuzhen", "reviewText": "It is the worst product that i've byed in amazon, it is hardly to use . I hate it .", "summary": "I hate it", "unixReviewTime": 1431907200} +{"overall": 3.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "AVXG7FY1QX6L5", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Edwin M. Ramos", "reviewText": "too small for 5D mk3 with grip and 2 lenses.", "summary": "Three Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "AXU5QTMVWFQK2", "asin": "B0001MKU48", "reviewerName": "Connie Heisler", "reviewText": "These are an excellent quality & very reasonable price. A++", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"reviewerID": "A2PQUL8TI4P4HV", "asin": "B00004WLJ2", "reviewerName": "Woundheir", "verified": true, "reviewText": "They are good cable ties. They are thick enough that they won't break and aren't slipping when synched tightly and holding a bit of weight, but still thin enough for basically any use.", "overall": 5.0, "reviewTime": "02 4, 2012", "summary": "Hold Strong", "unixReviewTime": 1328313600} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A1PA5S03JFGMKS", "asin": "B00005T3EZ", "reviewerName": "LeAmelia", "reviewText": "I found no issue with this transformer. Good price.", "summary": "Good price.", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2013", "reviewerID": "A3CILPJWXF1838", "asin": "B00008Y1BX", "reviewerName": "Bryan M", "reviewText": "Had to phone in but TWC in Greensboro had it setup in no time. This works great for NON-DOCSIS 3 installs. Item arrived like new.\n\nThanks,", "summary": "As described and worked with TWC in Greensboro NC", "unixReviewTime": 1378684800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A29MRM50K87TA7", "asin": "B00029MTMQ", "style": {"Size:": " Microphone"}, "reviewerName": "Jared", "reviewText": "Probably one of my best purchases on Amazon. Great quality for the price", "summary": "Awesome", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A31AVT3M1IRB8C", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet (Black)"}, "reviewerName": "R P Springer", "reviewText": "I like the color and the Right angle plug", "summary": "Five Stars", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2012", "reviewerID": "A1RY9PIZAHGV5L", "asin": "B0002BF09S", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "XdaisyX", "reviewText": "It works great on my Honda Accord 2002 LX, and make the installation easier with the JVC KDR530. Satisfied customer here!", "summary": "Works Great!! Make stereo installation a breeze!!", "unixReviewTime": 1333324800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A3PQUA57IVNSAN", "asin": "140053271X", "reviewerName": "John McLeod", "reviewText": "I love the Nook Simple Touch, and got this as a spare when I found out Nook is no longer making them.", "summary": "If you like this e-reader, get one quick (Nook has stopped making this model).", "unixReviewTime": 1414540800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A2DBSJISHZ2CF9", "asin": "B00009EGBL", "reviewerName": "troylw", "reviewText": "Wife likes it!", "summary": "Four Stars", "unixReviewTime": 1411257600} +{"overall": 4.0, "verified": false, "reviewTime": "02 29, 2008", "reviewerID": "A1HBLNE8QYSG3Z", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Guy M. Kitashiro", "reviewText": "Bought two of these switches to upgrade two Netgear 10/100 switches in my home network due to the purchase of a gigabit NAS RAID device. The 10/100 switches became an annoying bottleneck in the network after installing the terabyte NAS device.", "summary": "solid product", "unixReviewTime": 1204243200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "ADYAK0FRP91KN", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "50ca", "reviewText": "Works good.", "summary": "Five Stars", "unixReviewTime": 1454803200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "A1IOOXEQ1HUPPH", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "Crafty Snaps", "reviewText": "This was a great lens though it didn't motor on its own with my Nikon D5500, as my camera doesn't have it's own internalotor and needs it to be built into the lens itself so I had to return it. But I would buy it for a full frame with internal motor drive.", "summary": "Good lens", "unixReviewTime": 1464912000} +{"overall": 2.0, "verified": false, "reviewTime": "06 22, 2016", "reviewerID": "A396SABDY46XXS", "asin": "B00005T3H5", "style": {"Size:": " 15.4-Inch", "Color:": " Black with Platinum Accents"}, "reviewerName": "Timothy Conard", "reviewText": "Not a bad look or design, but the seams start to tear on the bottom of the backpack. I bought a handful of these to distribute in an office and two of them have failed with torn seams from typical laptop carry usage.", "summary": "Looks ok, but not reliable.", "unixReviewTime": 1466553600} +{"reviewerID": "A303CWSS57GY4P", "asin": "B00009KLAE", "reviewerName": "Raymond Van Hook", "verified": true, "reviewText": "Decent glass and came in pristine condition. It cleans easy and leaves no streaks. It just works with no issues.\nDoesnt feel cheap, but I wouldnt buy anything cheaper than tiffen UV filters, just my opinion.", "overall": 5.0, "reviewTime": "03 31, 2018", "summary": "Nice UV filter for the price!", "unixReviewTime": 1522454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A2GSAC3LZYFS3E", "asin": "B0000BVYT3", "style": {"Capacity:": " 16 Port Rack", "Model:": " Unmanaged"}, "reviewerName": "Accurate Security", "reviewText": "This is a good quality 16 port Netgear switch i use this for multiple applications in the home I also have 8POE security cameras plugged into this I have had no issues for five months", "summary": "This is a good quality 16 port Netgear switch i use this for ...", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1G1MH6UHC2ZFB", "asin": "B00009K79U", "style": {"Style:": " 3 Outlet + USB + 18in Cord"}, "reviewerName": "JF", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 9, 2006", "reviewerID": "A23KLGJ105C5LV", "asin": "B00005119M", "style": {"Style:": " 6 Outlet + TEL"}, "reviewerName": "Guy", "reviewText": "Like the heavy duty construction, compact size,wide spacing between outlets. Green LEDs also indicate line and protection status.\n\nCan't think of anything I dislike about this unit.", "summary": "Isotel 6 Ultra with phone line protection", "unixReviewTime": 1163030400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A89V5OZJDTRHY", "asin": "B00009W3TY", "reviewerName": "Amazon Customer", "reviewText": "Good price.", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 3.0, "verified": false, "reviewTime": "01 30, 2014", "reviewerID": "AZAC8O310IK4E", "asin": "B0000AJI8M", "style": {"Size:": " 1-PACK"}, "reviewerName": "Hoppaguy", "reviewText": "I use these to clean all my electronic screens. However, I would say that you need to have good ventilation because the fumes once you open the packet is quite strong and can make you noxious!", "summary": "These work well but the smell is terrible!", "unixReviewTime": 1391040000} +{"overall": 5.0, "verified": false, "reviewTime": "07 10, 2014", "reviewerID": "A2NRKL3RZ35K2Z", "asin": "B0000DZEZB", "reviewerName": "J. McGee", "reviewText": "easy fit and works great!", "summary": "Five Stars", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2008", "reviewerID": "A1HASQRLEIQM5L", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "L. Patrick", "reviewText": "This is a perfect little lens, amazingly low priced for the quality of the glass. Everyone should add this lens to their kit.", "summary": "Everyone who has a Canon DSLR should have this lens in their kit.", "unixReviewTime": 1202860800} +{"reviewerID": "A3RSAQCYIESF0B", "asin": "B00021EE4U", "reviewerName": "BobMac", "verified": true, "reviewText": "This lens is incredibly sharp as all good lenses should be. It is a little slow to focus, but I haven't used a macro lens that isn't. The secret is to use the focus limiter switch.", "overall": 4.0, "reviewTime": "09 30, 2010", "summary": "Nikon at Half Price", "unixReviewTime": 1285804800} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2018", "reviewerID": "AYXMT7KY11QVH", "asin": "B00022OBO2", "style": {"Size:": " 4 in x 6 in"}, "reviewerName": "Mike", "reviewText": "still thumping", "summary": "Five Stars", "unixReviewTime": 1520726400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "09 13, 2005", "reviewerID": "A34NSBEMRK7Y7G", "asin": "B00005Y7DQ", "reviewerName": "cmastro", "reviewText": "The latest firmware version available from Linksys for BEFVP41 V1.0 is dated 2003. Don't waste your money, and be sure to buy the more recent BEFVP41 V2.0 (latest firmware available dated jan 2005).\n\nNote that V2.0 of the router only supports 50 IPSec sessions.", "summary": "BEFVP41 V1.0 no longer updated by Linksys", "unixReviewTime": 1126569600} +{"overall": 2.0, "verified": false, "reviewTime": "07 22, 2016", "reviewerID": "A2NUBFUAWFQWRE", "asin": "B000068O51", "style": {"Style:": " 3.5 mm TRS to Dual RCAF"}, "reviewerName": "mr.nestle", "reviewText": "This adapter is low quality. I use it for audio from pc to stereo and I get a buzzing/humming noise.", "summary": "This adapter is low quality. I use it for ...", "unixReviewTime": 1469145600} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "AQSLHBGW7BKZX", "asin": "B000067RWK", "reviewerName": "R. Rodriguez", "reviewText": "Works just fine with my Kantronics 3+ TNC. I did need to remove (saw off) the connecting screw mounts, but that was no problem and was anticipated by looking at the product image.", "summary": "Kantronics 3+ friendly", "unixReviewTime": 1421884800} +{"reviewerID": "A1959O6NBEDNV1", "asin": "B000067REC", "reviewerName": "Pamela P. Mercer", "verified": true, "reviewText": "Arrived late, wrong size total waste of money. Felt more like four feet!!!!!", "overall": 1.0, "reviewTime": "08 21, 2016", "summary": "Not for me.", "unixReviewTime": 1471737600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A2EW01G2LNJN06", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Z. Mehrbach", "reviewText": "This does about 85% the job of a can of air that you can get at your computer store. It provides a good amount of FLOW with a squeeze and can save you from using an expensive can for most jobs. Also great to annoy your dog with.", "summary": "Squeeze for AIR", "unixReviewTime": 1361491200} +{"reviewerID": "A2M0PR59E9OQ3X", "asin": "B000067O6B", "reviewerName": "Robert Childers", "verified": true, "reviewText": "works as advertised", "overall": 5.0, "reviewTime": "07 6, 2016", "summary": "Five Stars", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "ACNVB2LA9QQWU", "asin": "B00006HOKR", "reviewerName": "Katy", "reviewText": "I HAVE BEEN LOOKING FOR MONTHS FOR A RADIO WITH GOOD SOUND AND RECEPTION. I FINALLY FOUND IT. THIS RADIO IS GREAT!", "summary": "GREAT AM FM RADIO!", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A3ERS94QZJJ9EP", "asin": "B00000J1T1", "style": {"Color:": " Black"}, "reviewerName": "D. Skye", "reviewText": "This ethernet cable is the perfect length to connect my surround sound receiver to my home network. It works perfectly and is much less expensive than any offerings from local stores.", "summary": "Great price, short cable", "unixReviewTime": 1379635200} +{"overall": 3.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A2MKAZIRQCTBOF", "asin": "B0001EMA80", "reviewerName": "Oscar", "reviewText": "Too short, I was thinking this would allow me work standing up but it is just too short for it", "summary": "Too short,", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "AXOL4HIL54DTD", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port | 053W", "Model:": " Pro | L2+ Managed"}, "reviewerName": "Up North and Outdoors", "reviewText": "PERFECT, EXACTLY WHAT I WAS LOOKING FOR. FAST SHIPMENT. WOULD DO BUSINESS WITH THIS VENDOR AGAIN.", "summary": "PERFECT, EXACTLY WHAT I WAS LOOKING FOR", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A23WB22ICKEX4", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "wf", "reviewText": "Worked in my 2001 GMC Sonoma with the Pioneer DEH-150MP Single DIN Car Stereo With MP3 Playback.", "summary": "Good product.", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A17N2TD13SBD4N", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "Alexis Imhoff", "reviewText": "No signal loss with this one", "summary": "Works great", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A2HUTYR1NPU7NN", "asin": "9983891212", "reviewerName": "NSY", "reviewText": "Purchase it to connect my camera to my TV, it works fine.", "summary": "it works fine.", "unixReviewTime": 1419465600} +{"reviewerID": "A2Y6PGW144PYBN", "asin": "B00006HURK", "reviewerName": "Wisconsin46", "verified": true, "reviewText": "Solid, well built product. Does the job.\n\nNow is the time for all good men to come to the aid of their country. Hate word length requirement when a few simple ones will do.", "overall": 5.0, "reviewTime": "07 4, 2013", "summary": "Great Patch Cable", "unixReviewTime": 1372896000} +{"reviewerID": "A21J8A6UR5HUJC", "asin": "B00009KLAE", "reviewerName": "finalfoto", "verified": true, "reviewText": "Purchased this filter for protection and because it was a great deal. I've had \"accidents\" before and wanted to give my lens that extra protection it deserves. It is on the lens and works fine. So far no problems. I will buy another.", "overall": 4.0, "reviewTime": "10 2, 2012", "summary": "Great Protection", "unixReviewTime": 1349136000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A2I01UB3D5DU3R", "asin": "B00009UTVW", "reviewerName": "Baldar", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": false, "reviewTime": "10 16, 2014", "reviewerID": "A3OJ25GRSBK3XE", "asin": "B00004Z5D1", "reviewerName": "Gonzalo Gomez", "reviewText": "Works fine and is pretty comfortable. Decent price too.", "summary": "Cool", "unixReviewTime": 1413417600} +{"reviewerID": "A1IUZ3F6U4PTAK", "asin": "B00009KLAE", "reviewerName": "ROY C KEPFERLE", "verified": true, "reviewText": "Sky and water do funny things to the expected outcome of any exposure in these elements. This filter is expected to make the pictures of family sailors and adventurers worthy of their efforts.", "overall": 5.0, "reviewTime": "08 13, 2013", "summary": "A must-have accessory.", "unixReviewTime": 1376352000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A3BIQUDP13RBAM", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "Beka Aslanishvili", "reviewText": "It does what it is supposed to do. There nothing you can say.", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A1O7ZEQWW3PRLV", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Roseann & Robert Pistella", "reviewText": "Works fine and no problems using for a few months", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 1.0, "vote": "14", "verified": false, "reviewTime": "03 10, 2007", "reviewerID": "A3FFNXOH4CVV00", "asin": "B00006B7U9", "reviewerName": "Todd DeFuedis", "reviewText": "I have about 200 live concerts that I burned onto TDK discs about 3 years ago. None of them are playable now. Going forward, I will only use Mitsui Gold cds.", "summary": "prepare to lose your music!", "unixReviewTime": 1173484800} +{"overall": 1.0, "verified": true, "reviewTime": "10 11, 2005", "reviewerID": "A23ONMGKEWDG4M", "asin": "B00006AE3K", "reviewerName": "R. Sutton", "reviewText": "Of course as all things computer related, as soon as this was purchased the price dropped drastically. Unit works great but buy the 2 gig. More bang for the $$", "summary": "Pricy", "unixReviewTime": 1128988800} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A11F7DXP3YJ4TH", "asin": "B00009R86L", "reviewerName": "michtiger", "reviewText": "a little heavier than I thought, but high quality and really save my shoulder.", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A18UY0HNM3QHK6", "asin": "B00004ZCJI", "style": {"Size:": " 62mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Todd Barrick", "reviewText": "Great Tiffen quality.", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"reviewerID": "AA71IDCY6RSGZ", "asin": "B000068O41", "reviewerName": "BASSBOY22419", "verified": true, "reviewText": "These work perfect for adding RCA input capability for my power amp.", "overall": 5.0, "reviewTime": "07 14, 2017", "summary": "Perfect", "unixReviewTime": 1499990400} +{"overall": 5.0, "vote": "18", "verified": true, "reviewTime": "02 16, 2006", "reviewerID": "A33DID2OC6N9IK", "asin": "B00009R6UF", "reviewerName": "Amazon Customer", "reviewText": "Seems a little much to pay for an \"extension cord\" but upon receipt I see it is of very high quality and nice build on the connectors. Plus, its a brand item from Canon, so what can you do?", "summary": "Pricey, but good quality.", "unixReviewTime": 1140048000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2014", "reviewerID": "A19H2IOBOD17W6", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 19\" Standard (5:4 Aspect Ratio)"}, "reviewerName": "E", "reviewText": "The stated measurements were perfect and this fit our monitor exactly. So many times before I've ended up either \"trimming\" or having to live with one that was too large.", "summary": "First time a privacy screen protector fit exactly", "unixReviewTime": 1391644800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A1UUAIVQPM8IQV", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "KEN GIBSON", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A2C8OS9I7RX1EN", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Amazon Customer", "reviewText": "Good item.", "summary": "Five Stars", "unixReviewTime": 1489622400} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "A38XSP5OLK3EFW", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Laptop Stand"}, "reviewerName": "Ron D", "reviewText": "The metal itself was a little uneven so the fit and finish wasn't all there. Other than that it works as advertised w/ my 2012 mid-2012 Macbook Pro.", "summary": "The metal itself was a little uneven so the ...", "unixReviewTime": 1446076800} +{"overall": 4.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A1N2RUOL8FHPNM", "asin": "B00007FHDP", "style": {"Size:": " 600VA/300W"}, "reviewerName": "Rodo Photo", "reviewText": "No problems yet.... not that I am expecting any. I've gone through a few power outages and the back up worked like it should. So far so good.", "summary": "I've gone through a few power outages and the back up worked like it should", "unixReviewTime": 1408838400} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "AKBVYIIHWI04B", "asin": "B00005ML7R", "style": {"Style:": " CS95"}, "reviewerName": "Ron Texas", "reviewText": "seems to work for what it was intended....having two earphones would have been better", "summary": "Almost perfect", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": false, "reviewTime": "12 28, 2012", "reviewerID": "A1K5RJ7M9ARUJ2", "asin": "B00009V2YV", "reviewerName": "Steve G", "reviewText": "Works great. I'm able to program the warnings that I care about and eliminate the ones that do not effect me.", "summary": "Excellent", "unixReviewTime": 1356652800} +{"overall": 3.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A1YV0AJSZSV6BD", "asin": "B00009W3E2", "reviewerName": "L. King", "reviewText": "Not sure about this. I am getting zero reception in the room where I installed it. Not sure if it's the antenna or just our poor reception being farther from a tower.", "summary": "Not sure", "unixReviewTime": 1386547200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A26U7ULV737CFE", "asin": "B00008VF4A", "style": {"Capacity:": " 1x3.5\" Bay", "Style:": " 1x3.5\" Drive (Front Bay Adapter)"}, "reviewerName": "Steve C.", "reviewText": "Works great! I need this to adapt 3.5inch media card reader. Looks seamless.", "summary": "Works great!", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "AZ935THOJWQA6", "asin": "B00005T3N3", "style": {"Color:": " Black"}, "reviewerName": "daveb", "reviewText": "These compact stands are ideal for mounting Bose speakers. They are sleek, and conceal the wires to the speakers very effectively. Much better than mounting the speakers on the wall, and much more effective in broadcasting the Bose signature surround sound.", "summary": "Beautiful way to mount Bose speakers", "unixReviewTime": 1366675200} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2007", "reviewerID": "A2BGP164E0JOQY", "asin": "B0001N6LCM", "reviewerName": "Phillip Kidwell", "reviewText": "this does not fit flush in the DIN of my new dell desktop but it gets the job done.", "summary": "pretty good", "unixReviewTime": 1175644800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "A3H4W8A0YQ15EF", "asin": "9983039281", "reviewerName": "Tom Nguyen", "reviewText": "I can download and delete with no problem", "summary": "Five Stars", "unixReviewTime": 1447459200} +{"reviewerID": "A2KO0Z013IINBD", "asin": "B00004ZCJJ", "reviewerName": "vyk", "verified": true, "reviewText": "I waited a couple years to finally get my protector but so glad that i did because I now have two little toddlers that get their hands on everything. keep your lens clean with this and also protect it from fingerprints and scratches!", "overall": 5.0, "reviewTime": "06 7, 2013", "summary": "Protect your lens!!", "unixReviewTime": 1370563200} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A2Q46LEOG8BFAX", "asin": "B0000DI85W", "reviewerName": "Ark1", "reviewText": "ok", "summary": "OK!", "unixReviewTime": 1405382400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A2MFRJRE37DKMI", "asin": "B000065BPB", "reviewerName": "Harold Gibbons", "reviewText": "This is the best, most comfortable and dependable. Price is great for such a fine product.", "summary": "Five Stars", "unixReviewTime": 1464825600} +{"reviewerID": "A2S7E88PJ5PJ1F", "asin": "B00004ZCJJ", "reviewerName": "James W. Ladd", "verified": true, "reviewText": "Works well and looks good. Does everything in is supposed to do and would recommend it to all my friends.", "overall": 5.0, "reviewTime": "06 24, 2013", "summary": "Necessary product", "unixReviewTime": 1372032000} +{"overall": 1.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A39Z7NJBDV8OXW", "asin": "B0000VYJRY", "style": {"Size:": " 1-Pack"}, "reviewerName": "Stephen C. Sanderson", "reviewText": "This device does not work under maverick for OSX. After reading on line their are ways through the command line to force it to work with numerous lines of code but for the average Mac user this is a boat anchor. I' returning it to Amazon.", "summary": "Does not work with Maverick", "unixReviewTime": 1388880000} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A3BXWNKYIH96TR", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Sydney Anne", "reviewText": "These are great CDs, price isn't bad and they burn great - they are your normal run of the mill CD, silver color but they are at a good price, so no complaints here. If you are looking for a good deal this is your item!", "summary": "Good CDs, no issues at all.", "unixReviewTime": 1420934400} +{"overall": 5.0, "vote": "6", "verified": false, "reviewTime": "12 27, 2012", "reviewerID": "AMJIZGUTID1M7", "asin": "B00009R6LG", "style": {"Size:": " 82mm", "Style:": " Polarized"}, "reviewerName": "smb", "reviewText": "If you have expensive lenses, you need quality filters otherwise you wasted you money on the lens. I use this filter on the sigma 10-20mm f3.5, and it does what it's supposed...cut out glare, and maintains rich saturation. No regrets", "summary": "It works", "unixReviewTime": 1356566400} +{"reviewerID": "A3MLIALTC8GOSY", "asin": "B0001PNLIW", "reviewerName": "Ellen Iphone", "verified": true, "reviewText": "Incredible to think that I scored this tripod to replace my other one, I even learned a few thing by reading the manual I never had originally. This was a brand new tripod. My last one went through hell and back and survived everything, sure it's heavy but, quality always is.", "overall": 5.0, "reviewTime": "12 18, 2014", "summary": "Slik tripod with incredible features not found on others like it.", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2011", "reviewerID": "ALRD9XJ78HAXF", "asin": "B0000C20XG", "reviewerName": "Henry", "reviewText": "This is a great product. It has worked flawlessly right out of the box, and for over 3 months now. It is a dramatic speed up over the Linksys Gb switch that it replaced. I highly recommend it.", "summary": "Cisco SD2005 5 Port Gb Switch", "unixReviewTime": 1296086400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A21RJ6PVI5KEVW", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "mysticman76", "reviewText": "great quality, repeat customer to this vendor", "summary": "Five Stars", "unixReviewTime": 1433030400} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2006", "reviewerID": "A2UE00B446THOT", "asin": "B00005OP33", "reviewerName": "mp", "reviewText": "I purchased these speakers to use them as surround speakers due to space constraints. They didn't match the front speakers quite well. So, I plan to use them as an additional set of stereo speakers in another room or garage.", "summary": "Good value", "unixReviewTime": 1155772800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "AP579SJ9EVHLI", "asin": "B00008R9MM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Leo Babic", "reviewText": "Color processing in a black and white film? Is this witchcraft? NO! It is Ilford science. Cheap processing for those who don't have access to B&W processing. It is fast for portraits of kids or lower lighting situations.", "summary": "A nice mix of b&w style with the ease of color processing", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2013", "reviewerID": "A3KHRW6ZC2EQIL", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Erik Okerholm", "reviewText": "Can't beat it. Great splitter and does what it is supposed to. Nothing fancy. Works like a charm. I got 2 sets. One for inside and one for the outdoor patio TV and Xbox.", "summary": "Works like a charm", "unixReviewTime": 1357084800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2012", "reviewerID": "AMIVH4MZU6HTF", "asin": "B0000D89M6", "reviewerName": "joe", "reviewText": "Good flexability, and doesn't feel cheap. Works as should and the surround sound is thumpin'. I would definitely buy again", "summary": "Good Cable!", "unixReviewTime": 1331596800} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2014", "reviewerID": "A326UIIB1O2UUR", "asin": "0972683275", "reviewerName": "Rachel", "reviewText": "had a couple of guys put this up for me, but they said it was easy to install. I like the fact that I can move it around easily and tilt it anyway I want it to be.", "summary": "easy to install", "unixReviewTime": 1394496000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A2KO1KEO5HMREG", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Nice blast of air", "summary": "Get this.", "unixReviewTime": 1507680000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A1LWTHS62U8NN8", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Mr. B", "reviewText": "I liked them so much I bought pairs for four\nother family members at Christmas and all\nresponded favorably.", "summary": "All good!", "unixReviewTime": 1486166400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2013", "reviewerID": "A1V3NAZ81FJKF5", "asin": "B00006RH5I", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Tom Pocatello", "reviewText": "The eyepieces are better than what I was expecting. They are good enough that I don't want to use the eyepiece that came with my spotting scope. I can only imagine what even better eyepieces would do for the image.", "summary": "Nice set to start building from.", "unixReviewTime": 1374796800} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A3T5WIFY4L574D", "asin": "B00004T1XE", "style": {"Product Packaging:": " Standard Packaging", "Style:": " Without HeadphoneHeadphone"}, "reviewerName": "HisGrace05", "reviewText": "Perfect little radio for an emergency preparedness box.", "summary": "Four Stars", "unixReviewTime": 1506038400} +{"overall": 3.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "AGN7YL4NN7NHU", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Mobile Device and Tablet Stand"}, "reviewerName": "MsReen", "reviewText": "Very small only can hold my phone", "summary": "Three Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A27KSSP88MQYAF", "asin": "B00016W6NC", "style": {"Size:": " 1 ft", "Style:": " Straight"}, "reviewerName": "Herbert J. Fellows", "reviewText": "work fine, not much to say about a usb cable...", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 1.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "AS0HVZOHE72RF", "asin": "B000068O3E", "style": {"Size:": " 10 Feet"}, "reviewerName": "Nate92483", "reviewText": "Only used it a few times, and it already has quit working.", "summary": "One Star", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A3FV1P8QMJKLNS", "asin": "B00000JD3O", "style": {"Size:": " 200 gram", "Color:": " Charcoal"}, "reviewerName": "COLONEL &amp;#34;C&amp;#34;", "reviewText": "I haven't had this purchase long enough to realize the affects it has on odors from my pets. But according to comments from my relatives they really do work!", "summary": "I haven't had this purchase long enough to realize the ...", "unixReviewTime": 1473811200} +{"overall": 2.0, "verified": true, "reviewTime": "12 3, 2012", "reviewerID": "AL5H32ZBE6FO", "asin": "3936710058", "reviewerName": "Betty C. Jepsen", "reviewText": "Works great, but wasn't what i expected . Thanks Sent it back. Sorry. Maybe it will be good for a conferance room, but not for singing too record.", "summary": "Microphone", "unixReviewTime": 1354492800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2013", "reviewerID": "A2KYF8MU0R6IWT", "asin": "B0000A1VS3", "reviewerName": "Nell2015", "reviewText": "I brought this for me and i us it all of the time i don't know what to say it for my camera", "summary": "Nikon 25604 UC-E6 USB Cable", "unixReviewTime": 1384473600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A2O7541NUIZLTA", "asin": "B00005K47X", "reviewerName": "Shushan", "reviewText": "Great, what else I can say.", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A1KTKBVF8KUBX6", "asin": "B0000AI0N1", "style": {"Style:": " Black"}, "reviewerName": "Sandy L", "reviewText": "Great Seller! Great Product!", "summary": "Five Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A3INIL5S7HNKB5", "asin": "B000234TYI", "style": {"Format:": " Personal Computers"}, "reviewerName": "glauber", "reviewText": "It's a fine cable, I have no complaints.", "summary": "No electrons were lost", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "AXQ5EZLUMWP5I", "asin": "B0000A1G05", "style": {"Configuration:": " US Version", "Style:": " Nikon"}, "reviewerName": "Marie M", "reviewText": "arrived just as described and so far, its the best and sharpest Lens i have owned!!! total difference in the photos i am producing and my clients are happy", "summary": "its the best and sharpest Lens i have owned", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "A1FOK8X535OD8W", "asin": "B00006B81E", "style": {"Style:": " 6 Rotatable Outlet Direct Plug-in"}, "reviewerName": "Anthony", "reviewText": "Exactly what I needed. These are great surge protecters.", "summary": "These are great surge protecters", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2013", "reviewerID": "A1HNVP4C60ZCS8", "asin": "B0001VWHH2", "style": {"Length:": " 3 feet"}, "reviewerName": "TeamLP", "reviewText": "You can't beat the price anywhere. Worked right out of the bag. Shipping is always on point. I think I've bought like 4 of these now. Everytime I'm another happy customer.", "summary": "Price is good", "unixReviewTime": 1381968000} +{"overall": 1.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A23UKLAUG7GXP5", "asin": "B00006I5L8", "style": {"Size:": " 62mm"}, "reviewerName": "Nolongerteaching", "reviewText": "At 18-50mm range, this cover caused vignetting on images within that range...extend beyond that range there was no problem...using a sony slt a 65 with sony 18-250 lens...once removed the vignetting stopped\n\ngood idea but not for my lens", "summary": "had to remove it", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A14A8UOIB37OLI", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "David A.", "reviewText": "I can't express how well I love this Sub! It sounds way better than I expected! Anyone who wrote a bad review on this Polk Audio Sub, KNOWS NOTHING ABOUT WAVE MECHANICS! I measured sound waves all the way down to 23hz just like it said! With absolutely no low end rumble!", "summary": "I can't express how well I love this Sub", "unixReviewTime": 1422835200} +{"overall": 4.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "AR5IOKJQ60EGL", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "GP", "reviewText": "works ok", "summary": "Four Stars", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A3JJWJ5J391Z4E", "asin": "B0000BYBVT", "reviewerName": "Joseph Mayfield", "reviewText": "just what I needed", "summary": "Five Stars", "unixReviewTime": 1483747200} +{"overall": 4.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A3AF3GR16YWZG7", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Amazongoddes11", "reviewText": "I like that it only takes up one of the original outlets rather than taking up the entire socket...", "summary": "It gets the job done!", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "AHDGDLVZYFOXM", "asin": "B000068O33", "style": {"Size:": " 10 Feet"}, "reviewerName": "Glass City", "reviewText": "Great cable!", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A1X7ACRX2W1ZZM", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Jack", "reviewText": "Work great no problems here", "summary": "Five Stars", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2018", "reviewerID": "AOVTDRJWQ4CT0", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Amazon Customer", "reviewText": "I'll just say that I love the fact that I can keep my DVDs organized by color. Great Product.", "summary": "Five Stars", "unixReviewTime": 1517961600} +{"reviewerID": "A3ATBL880XFL2J", "asin": "B00009KLAE", "reviewerName": "Eowyn", "verified": true, "reviewText": "For the price, you can't beat this filter. It is good quality and fits perfectly on the camera I bought it for. I wanted to get one to protect my lens and help with \"blueing' on photos. It has worked out great. Don't expect professional quality however for the price.", "overall": 5.0, "reviewTime": "12 22, 2008", "summary": "Exactly what it says it is.", "unixReviewTime": 1229904000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "A5TTSSE2MU5RS", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 19\" Standard (5:4 Aspect Ratio)"}, "reviewerName": "tamara.harris@state.or.us", "reviewText": "Received on time works fine", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "AKNJEAADXMQIT", "asin": "B0000AKGX3", "style": {"Style:": " Binocular Only"}, "reviewerName": "D. Anderson", "reviewText": "We love these! It was my husband's birthday present, but I use them as much as he does. They are sharp and clear. So clear that we discovered we have bobcats living in a brush pile across the corn field!\n\nThe case is nice, too.", "summary": "Work great!", "unixReviewTime": 1434412800} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "11 28, 2009", "reviewerID": "A15AUN8GDDFVYN", "asin": "B00005RFD3", "style": {"Color:": " Jet Black"}, "reviewerName": "S. D. Bartlett", "reviewText": "Bad match for my Sansa Clip whose OEM plugs have far superior sound quality. I expected an improvement because of its price and considering prior reviews. Maybe just not right for my Sansa output......", "summary": "Pushes trebles, practically no bass or midrange", "unixReviewTime": 1259366400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A1Q4Q0QGFOGG2L", "asin": "0594459451", "reviewerName": "allycat12", "reviewText": "Good condition", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A2LFERA4TDZ9Y8", "asin": "B00004SABB", "style": {"Size:": " 12x25", "Color:": " Black"}, "reviewerName": "Sue", "reviewText": "Just what we want to what the birds.", "summary": "A good product.", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A1UKYYJUXBJ3NK", "asin": "B00005108J", "reviewerName": "John W. Bill Scholl", "reviewText": "PERFECT.", "summary": "Five Stars", "unixReviewTime": 1440201600} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2016", "reviewerID": "A3IVT3UA3ZERWQ", "asin": "B000068O4Y", "style": {"Style:": " RCA to Dual RCAF"}, "reviewerName": "D.C.", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 1.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "AQVQAC2RRYI96", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Mobile Device and Tablet Stand"}, "reviewerName": "txburk", "reviewText": "When I open the package, the metal was bent. And parts of it were rusted. I would return the product, however I accidentally threw away all the packaging.", "summary": "Terrible", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A2ZZDF316HJTR4", "asin": "B0000A98AC", "reviewerName": "Sharron", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1464998400} +{"overall": 1.0, "verified": true, "reviewTime": "04 13, 2014", "reviewerID": "A3Q3BGVF2934JN", "asin": "B0000DIESK", "style": {"Model:": " Wireless USB 4 Port"}, "reviewerName": "Jowanna", "reviewText": "Print server stopped working less than a year after purchase keeps dropping connection. I have tried in vein to get it connected but nothing works will not hold IP address", "summary": "Not worth the money", "unixReviewTime": 1397347200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2012", "reviewerID": "A1NO2E4OWTN4UY", "asin": "B00008Y1BX", "reviewerName": "JMD82", "reviewText": "I replaced my Charter modem with this modem to save on monthly fees..It was a snap to hook up and get going..I have it hooked up to a Linksy wireless router and both work flawlessly.", "summary": "Motorola modem SB5100", "unixReviewTime": 1326844800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1BWY8XHLW4JNC", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Unmanaged"}, "reviewerName": "William Hicks", "reviewText": "Works great! Haven't had any issues in the past month or so I've had it", "summary": "Good quality product. True gigabit", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A17XCH0DMP20XW", "asin": "B00006B8BN", "style": {"Style:": " Standard"}, "reviewerName": "Rob Steyn ", "reviewText": "Perfect, fir for purpose!", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "A3EPRK98GVNJ72", "asin": "B00004Z5PY", "reviewerName": "joe", "reviewText": "Had no problems using this with a Brother all-in-one printer/scanner/../.. I bought it based on the Belkin brand name and was not disappointed.", "summary": "Belkin F3U133-16 Pro Series USB 2.0 A/B Cable (16 feet/5 meters)", "unixReviewTime": 1355529600} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2017", "reviewerID": "A257REAK0Z8II5", "asin": "B000068O3E", "style": {"Size:": " 5 Feet"}, "reviewerName": "Migwriter", "reviewText": "No noise or hiss.. adapter works fine", "summary": "Ipad stereo to a single amp load", "unixReviewTime": 1493251200} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2016", "reviewerID": "A2D1PTMMCA93BV", "asin": "B0001LR1KU", "style": {"Size:": " 10-Disc Box", "Style:": " Standard Packaging"}, "reviewerName": "petlover", "reviewText": "Good quality CD's, not one was faulty.", "summary": "Five Stars", "unixReviewTime": 1469836800} +{"overall": 3.0, "verified": true, "reviewTime": "06 6, 2011", "reviewerID": "A14MK0W83CBEPN", "asin": "B00007E816", "style": {"Color:": " Black", "Style:": " 3/8\""}, "reviewerName": "bp15", "reviewText": "The Neoprene portion of the strap is sharp and irritates my neck, however for the price, it is OK. I'm looking for a different brand to buy now.", "summary": "OP/TECH USA 1501012 Pro Strap for cameras", "unixReviewTime": 1307318400} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "ALMRKS1ATWS5B", "asin": "B000068O53", "style": {"Style:": " 1/4\" TS to Dual 1/4\" TSF"}, "reviewerName": "Medz", "reviewText": "You literally cannot go wrong with Hosa products... unless you order the wrong product for the job. :]\n\nSolid stuff from Hosa every-time.", "summary": "5 Stars; Never a complaint in the world.", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2009", "reviewerID": "A2CEH9OVK4YVRM", "asin": "B0001MHKYQ", "reviewerName": "Wingman", "reviewText": "This power plug/speaker fits snuggly into the back of my 276c GPS and the sound is good. I leave it plugged into the unit and transfer it from my boat to car.", "summary": "Garmin remote speaker", "unixReviewTime": 1247702400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A1VHNAZV6O68RY", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Steph Leppard", "reviewText": "Stays on my lens and does what it is meant to do: protect the expensive glass.\n\nMy images turn out clear and sharp.\n\nIf you aren't using UV protection filters, you should be.\n\nBuy thyself a tiffen UV protection filter today.\n:-)", "summary": "Perfect", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2007", "reviewerID": "A2CNO6NW5PJCP4", "asin": "B0001LTT5K", "reviewerName": "High Tech Grandma", "reviewText": "Works well, takes up little space in laptop carry case and makes life easier for those of us who find the mousepad a challenge - especially if your have arthritis in your thumbs.", "summary": "Handy mouse for travel with a laptop", "unixReviewTime": 1168300800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2013", "reviewerID": "A2O9BLNNEAH7JI", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Hardi", "reviewText": "Lost my lens cap and this UV protector functions like my lens cap but also blocks UV rays and makes the photo come out great.", "summary": "I use it like a cap", "unixReviewTime": 1366416000} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2018", "reviewerID": "A1UIODCLUZ905C", "asin": "B00004ZCC1", "style": {"Size:": " 52mm"}, "reviewerName": "Sylvia B.", "reviewText": "fvfvgtr", "summary": "Four Stars", "unixReviewTime": 1522454400} +{"overall": 4.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A2MQ1XIPKDKEUK", "asin": "B00005141S", "style": {"Style:": " Live Gamer Portable"}, "reviewerName": "Dalton West", "reviewText": "Good little capture card but it doesn't record PS3 HDMI out of the box. But they do include a RCA type cable so the card will work. The software you need is easy to setup", "summary": "Great little capture card", "unixReviewTime": 1449878400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "AUWEKCCVCGQIS", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Plus | L2 Managed"}, "reviewerName": "Forest D.", "reviewText": "Awesome work-horse of a switch. Super easy to install and setup. Has a nice weight to it with holes on the bottom for easy wall mounting.", "summary": "Awesome PRO-Switch product", "unixReviewTime": 1464566400} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A31T2TN4919PZ5", "asin": "B0000631YQ", "style": {"Color:": " Black"}, "reviewerName": "Martin M. Rudoff", "reviewText": "Good way to keep my \"toy car\" battery charged during the winter when I don't really take it out of the garage.", "summary": "Good way to keep my \"toy car\" battery charged during ...", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "A25WKOWIS3HBIM", "asin": "B00011KLOI", "reviewerName": "Kindle Customer", "reviewText": "sound good and look good. for the price its a great deal. Seem to clean up more at higher vol.", "summary": "work well", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "ACGBJPEZC9VRL", "asin": "B00008KWWF", "style": {"Size:": " Large", "Style:": " Wired"}, "reviewerName": "Router user", "reviewText": "I bought this for a person in my office who was having carpal tunnel problems. This has been much better for him than the mouse. It does however take some time to get used to maneuvering it.", "summary": "Solved carpal tunnel problem", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": false, "reviewTime": "12 26, 2001", "reviewerID": "AQ6XS10RR7CE0", "asin": "B00004Y7CF", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Mike P.", "reviewText": "besides being a little bulky, after flashing the firmware. downloading the new software. these mp3/mini drives are great. have used rio and they broke after a year. sound is the best. and best of all no memory card. reads mps and wma files, excellent", "summary": "a little bulky", "unixReviewTime": 1009324800} +{"overall": 5.0, "verified": false, "reviewTime": "07 9, 2014", "reviewerID": "A1GSZ9GD8PR3QV", "asin": "B00006B9W2", "style": {"Style:": " Speaker System Delivering Quality Audio"}, "reviewerName": "JOSE O VERGEZ", "reviewText": "works perfectly, and is a lot louder than I expected it to be", "summary": "Five Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2008", "reviewerID": "A2GP6EZUYXN8KM", "asin": "B00009PGNT", "style": {"Color:": " white"}, "reviewerName": "S. Tarver", "reviewText": "I ordered this for the mini fridge Koolatron Cocola and it does not fit it..It was advertised on Amazon to go together.", "summary": "Disappointed Junk", "unixReviewTime": 1218499200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "ASPE8JTRWKMRJ", "asin": "B00005T3BD", "style": {"Size:": " 6.5 Inch", "Style:": " RC60i"}, "reviewerName": "Rose", "reviewText": "Satisfied", "summary": "Five Stars", "unixReviewTime": 1443225600} +{"reviewerID": "A2X8MFQR1B00W0", "asin": "B00004ZCJJ", "reviewerName": "Jenny", "verified": true, "reviewText": "Quality filter made in the USA. Love Tiffen products", "overall": 5.0, "reviewTime": "10 30, 2017", "summary": "American made!", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A2BJG7AAJ0TNCS", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "HCP", "reviewText": "So far it works great.", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2012", "reviewerID": "A33GRWAT9U82WC", "asin": "B00009R96C", "reviewerName": "Wilfred B. Garcia", "reviewText": "I recieved Nikon 52mm Screw-on NC Filter well packaged and delivered on time. I now have it on my Nikon 35mm f/1.8G lens to protect it from harmful elements. Thanks Amazon.", "summary": "Lens protector...", "unixReviewTime": 1328400000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A19E1FG8MEZK41", "asin": "B000067SLV", "style": {"Length:": " 6ft right angle", "Style:": " Standard"}, "reviewerName": "Damian B", "reviewText": "Well built, do not feel cheap.", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "A2DCEO1PLRBPLJ", "asin": "B000067SCM", "style": {"Color:": " Black", "Length:": " 3 ft."}, "reviewerName": "Michael Fitzsimmons", "reviewText": "We purchased a set of LED stage lights that used IEC ins and outs for daisy-chaining the power. These worked perfectly for that purpose. As a test, I also tried it out as a simple extension for a flat screen TV and then also a computer. No problems whatsoever.", "summary": "Works perfectly", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A297HJKOJALEPU", "asin": "B000067SOH", "reviewerName": "Eustass Kidd", "reviewText": "This item proves you don't need anything pricy just to play simple hardcore games. I have an OLD monitor with a VGA connector, this came in handy for connecting to my GTX 770 graphics card. Works great! I love it.", "summary": "AMAZING", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2014", "reviewerID": "AWF76VBEGQIWS", "asin": "B00009UHFU", "style": {"Style:": " 6-Tier"}, "reviewerName": "mrjmares", "reviewText": "this set of shelves is pretty cool. it is the same exact design as the heavy duty storage shelves that are used at my job. only smaller. they are narrow so they fit in a tight spot too.", "summary": "nice shelf", "unixReviewTime": 1395619200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A44GD0LOZF568", "asin": "B00002EQC2", "style": {"Size:": " 7"}, "reviewerName": "M. Hurley", "reviewText": "excellent black spot treatment", "summary": "Five Stars", "unixReviewTime": 1473897600} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "AKHLWB8HFL98Q", "asin": "B00004Z62J", "style": {"Capacity:": " 6-Foot", "Style:": " 4-Pin to 6-Pin"}, "reviewerName": "Golfing Nut", "reviewText": "Works", "summary": "Four Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "A2S9KJQL2RBQ7V", "asin": "B000051174", "style": {"Style:": " 16 Outlet"}, "reviewerName": "Snowflashdrop", "reviewText": "I used this at the back of my computer desk and I love the convenience of finally having enough outlets instead of having multiple power strips. I intend to buy several more for my other computer set-ups and friends!", "summary": "Super great value for the price. I really love it!", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A2PSID7WT7OQ7R", "asin": "B0000BZL83", "style": {"Size:": " 52 mm"}, "reviewerName": "Luis", "reviewText": "does what it suppose to do!", "summary": "Five Stars", "unixReviewTime": 1446940800} +{"reviewerID": "A3VGWZQLSHGN8V", "asin": "B00008V9D5", "reviewerName": "Richard Townsend", "verified": true, "reviewText": "High quality and necessary.", "overall": 5.0, "reviewTime": "05 31, 2015", "summary": "Five Stars", "unixReviewTime": 1433030400} +{"overall": 4.0, "verified": false, "reviewTime": "11 28, 2008", "reviewerID": "AJZQ5FE5SBT1X", "asin": "B00020T4UK", "style": {"Style:": " 8X Hub Printable"}, "reviewerName": "D. Hartt", "reviewText": "The first two didn't copy, but that might have been a glitch somewhere else in the process. Since then its been good so far.", "summary": "Good So Far", "unixReviewTime": 1227830400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A1IU2VT8D5WYYC", "asin": "B00009W3BQ", "reviewerName": "P. Thomas", "reviewText": "This three way splitter out performed the skywalker two way splitter that I had used before. I guess I will buy this brand more often.", "summary": "Great Splitter!", "unixReviewTime": 1355443200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "AKJ3AFWMRGCLL", "asin": "B00004WLJ9", "reviewerName": "TheAnalyst", "reviewText": "Cheap and appeared strong, had only one bad one so far out of 120 or so used.", "summary": "Cheap and strong", "unixReviewTime": 1427760000} +{"overall": 4.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A1FN170GT9KHYP", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "William", "reviewText": "great product but not enough to clean all internally accumulated dust..", "summary": "Four Stars", "unixReviewTime": 1482019200} +{"overall": 1.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A2LX3YS8EYCI34", "asin": "B0000DIESU", "style": {"Style:": " Slim Cable - mobile"}, "reviewerName": "Julan Wang", "reviewText": "Can't connect iOS device.", "summary": "One Star", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "A10BHIRMCDZYVP", "asin": "B0001M4E72", "reviewerName": "PD", "reviewText": "I love this type of headpiece for my old walk about phone - thank goodness this works and maybe the kitten will not chew this one in half.", "summary": "good item", "unixReviewTime": 1403049600} +{"reviewerID": "A3SYONKB16PFY6", "asin": "B00009KLAE", "reviewerName": "GL", "verified": true, "reviewText": "Works as advertised...", "overall": 5.0, "reviewTime": "08 23, 2016", "summary": "Good", "unixReviewTime": 1471910400} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2013", "reviewerID": "ASGJ99W6T21Y8", "asin": "B000165C10", "reviewerName": "Robert M. Link", "reviewText": "the Sony M Type NP-FM50 Equivalent Camcorder/Digital Camera Battery replaced the old battery in my cam corder. it seems to have a longer battery life than the original", "summary": "Sony M Type NP-FM50 Equivalent Camcorder/Digital Camera Battery", "unixReviewTime": 1381449600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A2UXFO0LLR70I3", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Lawrence J Purpura", "reviewText": "Been using it for 4 months, no problems", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A3NZUDHCS7QTV4", "asin": "B0001BVXI6", "style": {"Style:": " English"}, "reviewerName": "anonymous", "reviewText": "No issues what so ever.\nWorks with my desktop, and the dell dock for my work laptop seemlesly", "summary": "Solid", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2011", "reviewerID": "AHDCFV4SRGJ95", "asin": "B0000BZL3G", "style": {"Size:": " 58 mm"}, "reviewerName": "Cheeseman", "reviewText": "I don't use my 58mm lenses much these days, but this is a nice one on those rare times when I use my smaller lenses. Definitely helps me take better pictures.", "summary": "Nice filter", "unixReviewTime": 1294358400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2013", "reviewerID": "AG8MCALG2URG7", "asin": "B00007AKCV", "style": {"Capacity:": " 2 Port with Audio", "Style:": " VGA USB"}, "reviewerName": "Paulie D.", "reviewText": "Works great!!! Bought this as a replacement for one that was like 6 years old that finally died. Perfect replacement", "summary": "Works Great!!", "unixReviewTime": 1361404800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A26O7ICWPWQOSR", "asin": "B000068O4N", "style": {"Style:": " 3.5mm TRS to 1/4\" TRS"}, "reviewerName": "Riley Carson", "reviewText": "really well built and would definitely buy again. audio quality is superb to some of the other adapters I have used.", "summary": "well built", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A3N7D9C53BTTDJ", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Amazon Customer", "reviewText": "Love the sound out of these", "summary": "Five Stars", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2013", "reviewerID": "A1ZMDKVL8Z24H6", "asin": "B0000BZL0U", "style": {"Size:": " 67 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "WebShopper", "reviewText": "B+W filters are arguably among the best available for photographers seeking perfection. Well worth the often small incremental cost over other brands. Durable!", "summary": "B+ W is tops", "unixReviewTime": 1371513600} +{"reviewerID": "A1ZZQ8ONATAP02", "asin": "B00000J1TM", "reviewerName": "nobraska", "verified": true, "reviewText": "It's quite but larger than expected. That's fine with me.", "overall": 5.0, "reviewTime": "03 15, 2016", "summary": "Large beauty", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "AMMPYDYZDS332", "asin": "B00009PGNT", "style": {"Color:": " white"}, "reviewerName": "William L Pearson", "reviewText": "Needed for use outside of car, works as expected", "summary": "Needed For Koolatron", "unixReviewTime": 1510012800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A17ZJHUWFKNATI", "asin": "B00005Y6OR", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "William", "reviewText": "sounds great in a small car, worth the money", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2012", "reviewerID": "AI1R509LYLMYR", "asin": "B00005T3C8", "style": {"Size:": " 8 Inch"}, "reviewerName": "Payntrain", "reviewText": "I used these as my rear surround, and they work great. Super sound, and easy install. I would purchase these for the fronts as well if I did not order Klipsch floor standers.", "summary": "Fantastic", "unixReviewTime": 1325548800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A30JH50825ZE4A", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Djuna", "reviewText": "Great Product! Im happy so far.", "summary": "great!", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "AUY3L4Q6DL91G", "asin": "B0000DFZ2U", "reviewerName": "Debbie Ferrell", "reviewText": "perfect for my laptop", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2016", "reviewerID": "A2MOHJCRZ3JNVI", "asin": "B00006B8CH", "style": {"Size:": " 230W", "Style:": " AT"}, "reviewerName": "Matthew P.", "reviewText": "This power supply was exactly what I needed to replace an old power supply. The price was great compared to other prices off the web.", "summary": "It's what I needed.", "unixReviewTime": 1459468800} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2016", "reviewerID": "A8EB44K29NMK5", "asin": "B00009V3CG", "style": {"Size:": " 1 PACK"}, "reviewerName": "William D. Christ", "reviewText": "Perfect for an amateur like me!", "summary": "Perfect for my purposes", "unixReviewTime": 1453420800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A2Q9ZWQ5NVT19E", "asin": "B00002N7FQ", "reviewerName": "Johnson", "reviewText": "It was easy to replace the defective sensor. It has been in service for several months and comes on every time I expect it to be on.\nI have it on for 1-minute and it always goes off on time. The daylight sensor works as designed.", "summary": "Works well", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A1XENTVLWTCPU", "asin": "B00006B7DA", "reviewerName": "Jeffery J. Jafar", "reviewText": "Does the job when need port expansion. If you're running out of usb ports, this is the cure!", "summary": "Need extra usb ports, problem solved....", "unixReviewTime": 1426291200} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "AX485CI5HLA3T", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "James Hendrix Jr.", "reviewText": "Simple and cheap. Works fine. Button slides forward to lock in the closed position. Sometimes happens accidentally, then I wonder what is wrong. Now I am aware and consciously avoid doing that.", "summary": "Works, Inexpensive", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A1IBFAT1489QFW", "asin": "B000292DO0", "reviewerName": "Bradley", "reviewText": "I use this fan controller on many of my projects. It is very reliable.", "summary": "Reliable and Functional!", "unixReviewTime": 1430006400} +{"overall": 2.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A3KSFSOGN4KES3", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "DJ SQUARED", "reviewText": "I have used Verbatim for years and have been very satisfied. This batch has been very unreliable with most in poor quality.", "summary": "... have used Verbatim for years and have been very satisfied. This batch has been very unreliable with most ...", "unixReviewTime": 1420934400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "A7D2C93U2XBO9", "asin": "B00023KG40", "reviewerName": "GaryE", "reviewText": "These work ok but not very good for the type of installation my daughter has. The cable box is in a hall closet about 15 feet to the left of the TV.\nWe bought the unit that looks like a battery that goes into remote and it works like a champ.", "summary": "good transaction", "unixReviewTime": 1371427200} +{"reviewerID": "A2TWWWBGZWKIS9", "asin": "B00004ZCJJ", "reviewerName": "Diogo Silva", "verified": true, "reviewText": "This \"Tiffen 67mm UV\" is really interesting results.\n With well-made fittings makes its main functions: to protect the lens from UV and also preserve the main lens.\n The brightness is very good.\n Nothing to complain about in my photos.", "overall": 4.0, "reviewTime": "09 28, 2011", "summary": "Tiffen 67mm UV", "unixReviewTime": 1317168000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "AXISGACDUF2B3", "asin": "B00006B82A", "style": {"Style:": " 8ft Cord"}, "reviewerName": "Amber Middlebrooks", "reviewText": "I've been searching for a long surge glad I was able to find one . Everything is working perfectly fine . I was also super excited it has an area where a big cord can go which is a plus for me . I would buy more if needed", "summary": "I've been searching for a long surge glad I was able to find one", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2013", "reviewerID": "A1RUDSRTL96TJ3", "asin": "B0000952XX", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Don", "reviewText": "I love these headphones for the price. Had them for approx. 6 months. Never had an issue. Fits nicely in my ears when running.", "summary": "I love these headphones for the price", "unixReviewTime": 1385596800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2013", "reviewerID": "A2P5V7FE5771TF", "asin": "B000068P8W", "style": {"Style:": " Original"}, "reviewerName": "T. D. Waln", "reviewText": "works great on all our tvs and kindles. would suggest getting it to anyone in the market for a screen cleaner.", "summary": "Love it", "unixReviewTime": 1371427200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2013", "reviewerID": "A3M6099R1H86RU", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "Nicholas G. Ochoa", "reviewText": "This is such a need to have plug because we all know how the big ac adapter take up 2 space on the power strip! i plan on getting a few more!", "summary": "love this!", "unixReviewTime": 1374969600} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2017", "reviewerID": "A2HUIOJ6BKES30", "asin": "B000068NX0", "style": {"Size:": " 6 Inch (6 Pack)"}, "reviewerName": "Amazon Customer", "reviewText": "Just EXACTLY what I expected it to be. Fit my mini board perfectly.", "summary": "Five Stars", "unixReviewTime": 1510272000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "AOV3ZEL4FW52L", "asin": "B00020S7XK", "reviewerName": "David Vick", "reviewText": "Just like the good ol' days! Works great!", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2013", "reviewerID": "A1624XNDJTE9L9", "asin": "B00007EDM8", "style": {"Color:": " Blue", "Product Packaging:": " Standard Packaging"}, "reviewerName": "David Silb", "reviewText": "very good quality for the price and the earpieces are perpendicular to the ear so the fit better. I find the ear clips on these very comfortable", "summary": "Good sound and very comfortable", "unixReviewTime": 1376179200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A2FZMW9Q8DXQSW", "asin": "B0001LR1KU", "style": {"Size:": " 100-Blank Disc Surface", "Style:": " Standard Packaging"}, "reviewerName": "Mona Martin", "reviewText": "They worked as expected. I have used many of these. So far only found one that was damaged and could not be written upon.", "summary": "They worked as expected", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2010", "reviewerID": "A2VI7695Q89WML", "asin": "B0001VWHH2", "style": {"Length:": " 6 feet"}, "reviewerName": "D. Reed", "reviewText": "Connects securely in every device I've tried it on. Works. Seems durable. End-caps stay attached rather than get lost. I don't know what else I could possibly want out of a 6 foot optical cable.", "summary": "connects securely, feels durable, works - what else could I want?", "unixReviewTime": 1266624000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A1PYIWO266DYNP", "asin": "B00006IAAL", "style": {"Size:": " 1-Pack"}, "reviewerName": "sillygirl", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A183V4P6U4CFBF", "asin": "B00029IYUM", "style": {"Size:": " 10 Pack", "Color:": " Ivory"}, "reviewerName": "pnc", "reviewText": "No complaints: easy to use, hard to mess up. Make sure you use a tool to seat the wires.", "summary": "easy to use", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A9QJHV67D0R1R", "asin": "B00000K2YR", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "J.A.B.", "reviewText": "Great deal, fast shipping, NO problems!", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "AJOIYW0QA392I", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 900 Joules"}, "reviewerName": "R. Rollison", "reviewText": "Good", "summary": "Good", "unixReviewTime": 1519257600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A721ASCU5GFA8", "asin": "B0000Y8C2Y", "style": {"Style:": " 70MM EQ Refractor"}, "reviewerName": "Lenny Berrios", "reviewText": "EXCELLENT CARE, THE PRODUCT ARRIVED IN TIME SET. I RECOMMEND 100%", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 1.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A32UVGENF646LE", "asin": "B000068OEP", "style": {"Length:": " 2 Meters"}, "reviewerName": "Duke M.", "reviewText": "Terrible quality. Introduces unbearable noise. Threw it out. No more Hosa cables for me!", "summary": "One Star", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1YJH1KXGIMTY4", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Carlos Esteban", "reviewText": "excelent", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 3.0, "verified": true, "reviewTime": "02 17, 2013", "reviewerID": "A3HFJRQG17MILZ", "asin": "B00022OBOM", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "John", "reviewText": "I haven't received this product yet in the mail. Judging from the description they should be exactly what I need for 1999 ford econoline van. I will update this review after I install them.", "summary": "Good value", "unixReviewTime": 1361059200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A28KCY981AMC1P", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Dan", "reviewText": "I was thought these things were kind of silly but now that I have one I realize it's essential and I use it constantly. If space is not a problem definitely get the large one.", "summary": "Essential.", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A1IH6K2O4EZGX6", "asin": "B00008Y0VN", "style": {"Size:": " 15x70"}, "reviewerName": "Janice Lundblad", "reviewText": "Great product. I should have noted that it was a Giant size. It was a bit Big.", "summary": "Great product. I should have noted that it was ...", "unixReviewTime": 1425772800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2013", "reviewerID": "A1KX6IDLPSXHBX", "asin": "B00006ICIW", "reviewerName": "E. Sande", "reviewText": "I don't have a DVR; a ~1995 Sanyo VCR does what I need it to do. I also have a $99 20\" Magnavox TV. This remote works fine with both of them.", "summary": "Works great with my old devices", "unixReviewTime": 1377302400} +{"reviewerID": "A1LGOFY0KJSU2H", "asin": "B000067O6B", "reviewerName": "OutaTown", "verified": true, "reviewText": "This privacy screen is great: it's reversible to control glare and the level of privacy. it works so good, I'm typing this at work!", "overall": 5.0, "reviewTime": "02 13, 2014", "summary": "Shush", "unixReviewTime": 1392249600} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A1CYOUPIW2IVWC", "asin": "9573212919", "reviewerName": "Christo Hadjixiros", "reviewText": "Great product.", "summary": "Four Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "AXW0QA7B9BLIY", "asin": "B00006CJKC", "reviewerName": "Janice Jewers", "reviewText": "Love them!", "summary": "Five Stars", "unixReviewTime": 1465689600} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A1IABY3086J1A7", "asin": "B00004SABB", "style": {"Size:": " 8x21", "Color:": " Camo"}, "reviewerName": "cyberbee17", "reviewText": "Fine binocular for the price. Takes some time to adjust it to clear individual diopter and to set it to an optimal position for both eyes.\nMuch less convenient than a brand name powerful large binoculars. But, after all, mentioning all of the adjusting inconvenience, works\nfine.", "summary": "Fine binocular for the price.", "unixReviewTime": 1455148800} +{"overall": 4.0, "verified": false, "reviewTime": "03 11, 2013", "reviewerID": "A3ONGNBZHTJ12H", "asin": "B00000J1V5", "style": {"Color:": " Gray"}, "reviewerName": "Todd B.", "reviewText": "You can't beat the price, but if I were to buy one in the future, I would get a 10 or 15ft. I bought it for my bedroom and 7ft is pretty short to reach everywhere I want.", "summary": "Cheap cord!", "unixReviewTime": 1362960000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A18OY3VHUUD742", "asin": "B00007GQLU", "style": {"Style:": " w/ Software"}, "reviewerName": "jermain", "reviewText": "I had no idea this lens was so superb. The image quality is awesome, it focuses really quick and silently. It feels like a premium lens and performs like one too. I love it.", "summary": "The image quality is awesome, it focuses really quick and silently", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "A18L3EOM199BNB", "asin": "B0000BZLCB", "style": {"Size:": " 77 mm", "Style:": " 0.6-4X"}, "reviewerName": "Carl from The Bronx", "reviewText": "It does what it is supposed to do. B+W makes high quality glass filters. You can't go wrong. Highly recommended.", "summary": "It's a ND filter", "unixReviewTime": 1402444800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A1FIJV3X1JWLL3", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "adtrone", "reviewText": "Pretty basic / Exactly what I needed", "summary": "Great Value", "unixReviewTime": 1416787200} +{"overall": 1.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A3494583Q9M09N", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "D. Bandyopadhyay", "reviewText": "not easy to use.", "summary": "One Star", "unixReviewTime": 1435795200} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2014", "reviewerID": "A1OCABZ1R0EBAP", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Sebastian", "reviewText": "Cable is at a good price compared to a similar cable at radio shack for half as much with same quality.", "summary": "cables sound great for the price", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A1E6QCQWHHC2IY", "asin": "B00025742A", "reviewerName": "R. Foster", "reviewText": "Love this little puppy. We got a Dual 1229 and needed this small phono-amp between it and our little Tivoli speaker we're using temporarily. It works great, audio is strong and not at all distorted.. actually blew my expectations in how clean this sounds.", "summary": "Love this little puppy", "unixReviewTime": 1495929600} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "AQYAA7QJOSSDQ", "asin": "B00006B82A", "style": {"Style:": " 4ft Cord"}, "reviewerName": "Marti", "reviewText": "Works fine", "summary": "Good", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A2XICXBGWI1G4Y", "asin": "B0001UPRNO", "reviewerName": "ROSCOE", "reviewText": "No problems altho, to be frank, I only use the Yellow plug (video). Item shipped promptly and is a good value cable.", "summary": "Works Like It Should!", "unixReviewTime": 1355443200} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "AKQ98CLRROS4Y", "asin": "B000067O5H", "style": {"Size:": " 17.3\" Widescreen (16:9 Aspect Ratio)", "Color:": " Black"}, "reviewerName": "jordan evans", "reviewText": "Does not work as well as anticipated.", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 1.0, "verified": true, "reviewTime": "03 29, 2010", "reviewerID": "A2JS17O8XB2AWT", "asin": "B00007M1TZ", "reviewerName": "Rosebud", "reviewText": "Interestingly, this headset does not fit small heads. I'm a small woman and the headband cannot be made small enough for this to fit. Never got to see if it worked. Sad.", "summary": "Had to return this item", "unixReviewTime": 1269820800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AXW5P5WT562VW", "asin": "B0000510NU", "style": {"Style:": " 7ft Cord (Black)"}, "reviewerName": "J. M.", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 1.0, "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "AX3G5V88A9ZFD", "asin": "B000068P8W", "style": {"Style:": " Original"}, "reviewerName": "T. Mosbo", "reviewText": "Left cloudy streaks on my tv. After trying for a few months with poor results, I tried another brand and have a spotless screen. Bought for the brand name, will not buy again.", "summary": "Cloudy streaks, disappointed", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "AXR4MDGWSXNYC", "asin": "B0000511C0", "style": {"Length:": " 8ft. 13A"}, "reviewerName": "Alan D", "reviewText": "Tripp Lite is a trusted name product that I've used over the years and have never had problems with. It's very good equipment and UL listed.", "summary": "Tripp Lite", "unixReviewTime": 1419724800} +{"overall": 4.0, "verified": true, "reviewTime": "10 31, 2011", "reviewerID": "A28Y4CYO82EAAO", "asin": "B0000BZOGY", "style": {"Style:": " XL Backpack"}, "reviewerName": "The Examiner", "reviewText": "The compartments were quite useful. I loved the overall design. Only wished the the top handle had more reinforcement as more compartments mean more weight for the nylon material", "summary": "Great design for a backpack", "unixReviewTime": 1320019200} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "ANGGNFE8DXGYC", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "Perspectech", "reviewText": "good low end gigabit switch, sturdy metal casing, compact profile. best of the alternatives at this price-point.", "summary": "good low end gigabit switch, sturdy metal casing, compact profile. best of the alternatives at this price-point.", "unixReviewTime": 1435449600} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A2FKMYDBF1X3V5", "asin": "B0001VGFKW", "reviewerName": "Errol", "reviewText": "Master", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A3S9ANKD87UBCI", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "joan1942", "reviewText": "good but missing sound you can't quite explain", "summary": "its alright", "unixReviewTime": 1508889600} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A2U4UG0E9LY5DB", "asin": "B00022VZ0K", "reviewerName": "Gerardo Gonzalez", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2010", "reviewerID": "A27PQJHUSWNZZ0", "asin": "B000067RTB", "style": {"Color:": " White", "Length:": " 14 Feet/ 4.26 Meters"}, "reviewerName": "Ed", "reviewText": "You can tell the difference between a cat-5e and a cat-6. This cat-6 cable is thicker / heavier than the 5e cable I have. I am very happy with this.\n\nUPDATE- 3/06/11...Cable has been hooked up to my modem & HDTV since day one. still not a single problem.", "summary": "Well made cable", "unixReviewTime": 1274572800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A1ME1SM2E85UWP", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Kristin Bellows", "reviewText": "Economical and easy to use tool to remove dust particles from camera and lens gear", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A3VHAZ9ZQ2IG8N", "asin": "B0000WS0NC", "style": {"Style:": " 6-1/2\" Component Speakers"}, "reviewerName": "dyn2liv", "reviewText": "Great price and when backed with a small Alpine power pack 445u they sound great.", "summary": "Nice", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2009", "reviewerID": "A3SJ6UPINX2F9Q", "asin": "B00006RH5I", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "J. Benson", "reviewText": "You just can't beat the price! Wait they just did! I paid a little over 120 and they just dropped it 5. Great case. Eyepieces all work great and you get the filters also. Has extra room for your other eyepieces. I highly recommend this for all beginners like me,", "summary": "Great Price!", "unixReviewTime": 1247616000} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "ALMKX2S15SSMA", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "C Rod", "reviewText": "A little bulky (doesn't fit in my camera bag) but works well.", "summary": "Works well!", "unixReviewTime": 1454976000} +{"reviewerID": "A346HRRKVGLRSI", "asin": "B000068O41", "reviewerName": "Michael", "verified": true, "reviewText": "It is a good product. Recommend to everyone.", "overall": 4.0, "reviewTime": "08 3, 2014", "summary": "Four Stars", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2013", "reviewerID": "A1JZWLM0F1F1ZE", "asin": "B0002BF09S", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "J. Wolf", "reviewText": "No regrets, Worked as it should w/ some care and research this thing went in w/o a single problem. Had to do my home work on google and research my crv diagrams and pin-outs for connectors, double checking. Would buy again without hesitation.", "summary": "Great product, priced right w/ decent instructions", "unixReviewTime": 1376352000} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2010", "reviewerID": "A4HEUC1AWX9QB", "asin": "B00009R8FE", "reviewerName": "Ken", "reviewText": "Bought second one of these because the first one worked so well for my 40D. As good as the OEM Canon battery, based on my experience with them can recommend them highly.", "summary": "great buy", "unixReviewTime": 1287360000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A26KGQ2B9Z66YF", "asin": "B00006I5J7", "reviewerName": "Pookey", "reviewText": "This item is very well built, and easy to use. Its fitment for my Nikon Camera is perfect. I highly recommend this item.", "summary": "Nikon LC-52 Snap on Front Lens Cap", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A1QSDCAEGP7Y0A", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "LAM", "reviewText": "It does what is supposed to do.", "summary": "Five Stars", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2013", "reviewerID": "A7KVU8N30SQQI", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "wp", "reviewText": "This lens is awesome, for the price you can not beat. It is plasticky but who cares as long as it performs and believe it performed. I used it on a Wedding and it blew me away! I would highly recommend this product. This is a lens that you must have.", "summary": "Fantastic Lens", "unixReviewTime": 1371772800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A3OKJR8V2MR3Z9", "asin": "B00006ID3V", "reviewerName": "Robert Manning", "reviewText": "When talking on the phone, this works great...you can walk all around the room.\nI have a 50 foot one in my living room phone that makes it to the dinning room table.", "summary": "Longer means better", "unixReviewTime": 1471564800} +{"reviewerID": "A19Y3KP7SL6K74", "asin": "B000068O41", "reviewerName": "Dj Mandomx", "verified": true, "reviewText": "Excellent on price very good product help me a lot on my equipment", "overall": 5.0, "reviewTime": "11 13, 2016", "summary": "Five Stars", "unixReviewTime": 1478995200} +{"reviewerID": "A29AX5UV958BKJ", "asin": "B00009KLAE", "reviewerName": "CathyAnn", "verified": true, "reviewText": "This filter is working very well. I've read where some photographers have had a problem unscrewing a filter (not necessarily this one), so I don't tighten it down all the way as with all of my filters.\n\nI'm very happy with it.", "overall": 5.0, "reviewTime": "08 24, 2015", "summary": "Works well...", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A305R32QIX1S6D", "asin": "B00009RDIF", "style": {"Size:": " Single"}, "reviewerName": "james gordon", "reviewText": "Just Right", "summary": "Earphones", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A1GAGWTIS9NA5Y", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "This backpack is PERFECT for my camera gear. I'm new to the DSLR scene, and this was exactly what I needed for my camera body, lenses, cleaners, etc.", "summary": "Totally worth it!!", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "A91ADPZYASAA0", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Amir Katz", "reviewText": "It is just a filter, mind you. Provides good value, especially when some similar filters cost 10's of dollars. Recommended", "summary": "Gets the job done", "unixReviewTime": 1366156800} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A1I6MVL8KBLCOJ", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet (Black)"}, "reviewerName": "JAMIE", "reviewText": "Hey, what can I say....it works", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"overall": 1.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A31WTZD8RO6383", "asin": "B0000X6I5I", "reviewerName": "Kirk Lewis", "reviewText": "purchased two of these as gifts and neither one works electrically.", "summary": "One Star", "unixReviewTime": 1418515200} +{"overall": 3.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "AB5G8SRIV97L5", "asin": "B0000665V1", "reviewerName": "PhillyB", "reviewText": "just fine", "summary": "Does the job", "unixReviewTime": 1473897600} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A5M66LL05XR3K", "asin": "B0000DIESU", "style": {"Style:": " Home Theater"}, "reviewerName": "Some Guy", "reviewText": "These do the job they're supposed to do. I've had no issues with humming or hissing on the line. Build quality is excellent. If the price is right for you then go ahead and buy these with confidence.", "summary": "Build quality is excellent.", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2012", "reviewerID": "A2CZXRWXCCN9JX", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "mkegaffer", "reviewText": "I've had a problem over the last year with getting odd hum and I realized that it's because of my old consumer-grade cables near an unavoidable transformer. These fixed the problem; they also look cool!", "summary": "no crosstalk", "unixReviewTime": 1347148800} +{"overall": 2.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A3UK7PD6S21CO5", "asin": "B00005ATMB", "style": {"Capacity:": " 336", "Style:": " CD Wallet"}, "reviewerName": "rmpolo", "reviewText": "The cover (front and back) of the CD holder bent in. Even though it does not affect the CDs, it is annoying to carry it with the covers bent in!", "summary": "The cover bent in", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A8Q0HDOCQD4YW", "asin": "B000067RTB", "style": {"Color:": " Black", "Length:": " 10 Feet/ 3.04 Meters"}, "reviewerName": "Troy L. Blackwell", "reviewText": "All you can require of a product is that it works and that it works dependably. This product does that.", "summary": "It works.", "unixReviewTime": 1370649600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "AN2W7VX9WNZCQ", "asin": "B00008VSKK", "style": {"Color:": " JJJIII27"}, "reviewerName": "mark day", "reviewText": "Nice heavy cables for extending my headphones. Works great.", "summary": "Five Stars", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A22B1NPXHC7CX0", "asin": "B00006B81E", "style": {"Style:": " 6 Rotatable Outlet Direct Plug-in"}, "reviewerName": "Kaju", "reviewText": "Project worked perfectly behind my tv that I hung on the wall.... Highly Recommend", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A27R3S1WWUQUK4", "asin": "B000067RC1", "reviewerName": "MICK686", "reviewText": "It's a phone cord! works so far!", "summary": "So far so good!", "unixReviewTime": 1506038400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A1P7JKYNPBYQI0", "asin": "B00009R6VO", "reviewerName": "Plooch", "reviewText": "Much better than the previous strap; more flexible and sturdier. Arrived on time in good condition. What more can you say about a neck strap?", "summary": "Canon Metal Neck Strap", "unixReviewTime": 1355443200} +{"reviewerID": "A3I1MOVROW7ES2", "asin": "B0000Y2WYS", "reviewerName": "Kranky man", "verified": true, "reviewText": "extremel dissa[pointed...my old advent 10\" blew it away..no wonder it was discontinued", "overall": 1.0, "reviewTime": "12 19, 2014", "summary": "booooo!", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A2PYLUD84WCL26", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "LVJONA", "reviewText": "my daughter loves these headphones", "summary": "Five Stars", "unixReviewTime": 1468108800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2013", "reviewerID": "A33L9632HYULQ0", "asin": "B00007E7C8", "style": {"Size:": " one size"}, "reviewerName": "eagletalon2016", "reviewText": "I bought these because of the excellent price and good reviews. I use them for Live Sound work and to also just listen to music on my I-Touch and cell phone. I think that they are great and have great sound quality.", "summary": "Sound great", "unixReviewTime": 1375920000} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "APBMKNK3IZL59", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Owen S.", "reviewText": "This unit works perfect and cleans up the look so i don't have a bunch of cords that bunch up on the floor.", "summary": "great product. nice clean look", "unixReviewTime": 1416268800} +{"overall": 1.0, "verified": true, "reviewTime": "04 27, 2017", "reviewerID": "A39L789PD1DQ2M", "asin": "B0002474VM", "style": {"Style:": " 3.5\" HDD Single Bay A"}, "reviewerName": "nhvideoguy", "reviewText": "Not working out of the box, no response from support!\nThis product physically installed OK, but will not recognize any drive I put in there unless I re-boot first. Which is pointless for a \"hot swap\" rack.", "summary": "Don't buy this product - not working & no support", "unixReviewTime": 1493251200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2012", "reviewerID": "A1LOHUMULMDPX1", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Erica", "reviewText": "This is a must have lens for just about everyone. Being a 1.8 the bokeh is amazing and for the money there is no beating it~ you will not be disappointed. I have a $650 lens that I use as well and I love this one equally, if not more for portrait shooting~ go for it!", "summary": "Great Lens!", "unixReviewTime": 1347321600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A2WB3RGVR1C972", "asin": "B000065BPB", "reviewerName": "pruthie", "reviewText": "I play electric guitar and wanted to upgrade the headphones for my new amp. The quality is excellent. They are lightweight and very comfortable to wear. I'm surprised how much I'm using them with other electronics.", "summary": "Worth every penny", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A1JLPQ45W7MS95", "asin": "B0000AMK8R", "reviewerName": "HM", "reviewText": "A+++++", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2013", "reviewerID": "A6FLHBPFSGJTU", "asin": "B00012F6A6", "reviewerName": "Clovis Rondon", "reviewText": "Is my second adapter and i'm satisfied with this kind of adapter. Stay alert The only is if your VCR not reduce the speed before end of the tape it causes that the plastic roller wear away.", "summary": "Does the job!", "unixReviewTime": 1386979200} +{"overall": 3.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "AFFDAKYK74CP1", "asin": "B00006B8DX", "style": {"Style:": " Silicone Paste"}, "reviewerName": "okar LB", "reviewText": "Works as expected, although it seems like some oil separated from the mix. The first time I opened it I had a complete mess of oil with a bit of paste. Eventually, proper paste came out.", "summary": "although it seems like some oil separated from the mix", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A37XYSO8GOI9TJ", "asin": "B00004ZCJI", "style": {"Size:": " 37mm", "Package Type:": " Standard Packaging"}, "reviewerName": "chipt", "reviewText": "Protect the optics.", "summary": "Does its thing", "unixReviewTime": 1474416000} +{"overall": 1.0, "verified": true, "reviewTime": "10 12, 2009", "reviewerID": "AML4QH8GPKGMR", "asin": "B00008XOMX", "reviewerName": "Natalia I. Rubtsova", "reviewText": "It was not bad although I needed to speak loud, but it broke very fast so I rate it 1.", "summary": "broke", "unixReviewTime": 1255305600} +{"reviewerID": "ALZ16HTH4RBT2", "asin": "B00009KLAE", "reviewerName": "Luis Vasquez", "verified": true, "reviewText": "Perfect fit for the camera and clear lens for seeing through the camera during photo sessions.", "overall": 5.0, "reviewTime": "09 29, 2016", "summary": "Perfect fit.", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A2IRY7KZU5OKTL", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "zelda", "reviewText": "they have a good sound quality and nicely built not flimsy", "summary": "Five Stars", "unixReviewTime": 1507680000} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A2CKD90FUW1089", "asin": "B00008R9MM", "style": {"Size:": " 1 Pack"}, "reviewerName": "george123", "reviewText": "Great film!!!", "summary": "Five Stars", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2014", "reviewerID": "A2QRBBEK41CAKO", "asin": "B000068O18", "style": {"Size:": " 3.3 Feet"}, "reviewerName": "PT Bass", "reviewText": "Great seller delivered as expected,I will order from them again!***** Great product as expected.", "summary": "Five Stars", "unixReviewTime": 1411776000} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A3TXYP7PTFFZYX", "asin": "B00004ZCJI", "style": {"Size:": " 77mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Harlan J Keirns JR", "reviewText": "Fits perfect. i needed a replacement for a broken one and this fit the bill. Great item for the price.", "summary": "Fits perfect.", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A1NI2UDE0K2FZ3", "asin": "B00022OBO2", "style": {"Size:": " 6.5 in"}, "reviewerName": "Marc M.", "reviewText": "Work good and sound good !", "summary": "Five Stars", "unixReviewTime": 1427241600} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A2UAO9X1PT36D0", "asin": "B00009RDIF", "style": {"Size:": " Single"}, "reviewerName": "cz", "reviewText": "Works fine", "summary": "Works fine", "unixReviewTime": 1521331200} +{"overall": 3.0, "verified": true, "reviewTime": "02 8, 2017", "reviewerID": "AP7FBGYJ8ZV4S", "asin": "B00016W6NC", "style": {"Size:": " 3 ft", "Style:": " Right Angle"}, "reviewerName": "DarenLewis", "reviewText": "Why my modern, newer GPS needs a Mini data cable to update maps, I'll never know. Shouldn't these be a quarter by now?", "summary": "2002 Called", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2013", "reviewerID": "A180GT4JL6MXKV", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Rommel", "reviewText": "I bought the lens to use with my Canon 60d and so far had zero issues with it. This lens is probably the best bang for the buck lens you can get that is pretty sharp and produces nice bokeh.", "summary": "Good bang for the buck lens", "unixReviewTime": 1358726400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A17PS53LQZE0AL", "asin": "B00005T3Q2", "style": {"Style:": " Black + TEL/Coax/NET"}, "reviewerName": "Chad E Painter", "reviewText": "Fast ship. Great deal.", "summary": "Great deal.", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": false, "reviewTime": "07 27, 2005", "reviewerID": "A2PO164BXP8RO8", "asin": "B0001F1XNC", "reviewerName": "Stu", "reviewText": "Expensive, but well worth getting. You can take just oodles of pictures on this stick. Amazon was supper fast in shipping.", "summary": "1 Gig Memory Stick Pro", "unixReviewTime": 1122422400} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A39WD4ZLDK1QVT", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "Larry Wong", "reviewText": "Excellent so far, very usable. I would buy a few more of these just to have as backups. Definitely would do business with them again.", "summary": "exxcellent", "unixReviewTime": 1359504000} +{"reviewerID": "A23HVDY83P7FTY", "asin": "B000068O41", "reviewerName": "Francisco J De La Torre", "verified": true, "reviewText": "I order 10 pieces and got only 2", "overall": 1.0, "reviewTime": "09 17, 2016", "summary": "Not happy", "unixReviewTime": 1474070400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2012", "reviewerID": "A1US6SXCHQ3B7G", "asin": "B00005JDDZ", "style": {"Capacity:": " 50 discs"}, "reviewerName": "Ghostwolf2003", "reviewText": "Record music very well so far all that I have used worked great. Records up to 80 minutes worth of music", "summary": "Great Deal", "unixReviewTime": 1353542400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2009", "reviewerID": "ADVTJ03JD4RQ2", "asin": "B00005T3NH", "reviewerName": "Amazon Customer", "reviewText": "I can't say enough about this product. It has the best sound. I have had others but this one takes the cake. Will never go back to the others.", "summary": "GREAT", "unixReviewTime": 1231372800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61-Ptmia-8L._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A2I8UKF18SP5H8", "asin": "B00005LENC", "reviewerName": "E6", "reviewText": "This is a cheap but excellent lens from Nikon and is rated by Ken Rockwell as one of Nikon's best lenses. I could not find any hood.that will attach properly to this lens. Autofocus is fast and the lens produce sharp images.", "summary": "Nikon 28-80mm f/3.3-5.6G AF Zoom lens review", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A2GTF2ODGRFUJ9", "asin": "B00009XVCZ", "style": {"Style:": " Lens Only"}, "reviewerName": "Scotty", "reviewText": "Great lens! Great value! I'm extremely happy with this lens. Very sharp! Highly recommended for the price!", "summary": "Great Value", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": false, "reviewTime": "02 1, 2013", "reviewerID": "A2L452THJ8PA6H", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "RAMON MUJICA PACHECO", "reviewText": "BUENA CALIDAD LOS RECOMIENDO,ESTA CAJA DE ALMACENAMIETO PARA GRABAR MUSICA ES MUY BUENA Y ADEMAS DE VARIOS COLORES SE BEN MUY BIEN.", "summary": "RAMON MUJICA", "unixReviewTime": 1359676800} +{"overall": 3.0, "verified": true, "reviewTime": "06 17, 2008", "reviewerID": "AY2JKGLIZLR2R", "asin": "B000067G0J", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "E. miller", "reviewText": "The headset is good for what it is intend- wet, sweaty environs. The sound is OK. BUT THEY ARE FRAGILE. I go through a couple of headsets a year.", "summary": "Good for what they are intended.", "unixReviewTime": 1213660800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A3JHEGHF9OR8P6", "asin": "B00009XOMO", "reviewerName": "Roll Man", "reviewText": "These binoculars appear to be well worth the price. The rubber coating gives me some added confidence when handling them on the fly. The clarity of vision is great compared to binoculars we've had in the past. We're very pleased.", "summary": "Nice noculars.", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "A2HNLLTRTMAYDV", "asin": "B0000510ZO", "style": {"Size:": " 1ft", "Style:": " 18 AWG"}, "reviewerName": "BOB CARR", "reviewText": "great purchase, love it.", "summary": "Five Stars", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A2Y4LA2GGM133X", "asin": "B0000511BI", "reviewerName": "Dyseman", "reviewText": "I use this on an older Sampler/Keyboard for Boot and Wav files. Although I should have gotten Double Density instead of High Density, a piece of tape over the tale tell hole worked great!", "summary": "All 10 worked great!", "unixReviewTime": 1377043200} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A5XT0TEYQ86VC", "asin": "B00005LELD", "reviewerName": "Brian", "reviewText": "Fit as advertised. I like the convenience of being able to collapse it for stowing in my gear bag.", "summary": "Convenient", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "AEDP4A6XXIKM0", "asin": "B00004ZCJI", "style": {"Size:": " 49mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Shen Li", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1414281600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 26, 2007", "reviewerID": "A1KPB4FDATJQ8O", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Michael", "reviewText": "I have been very happy with this item. Works just like advertised and what I like best is that I can carry it in my pocket while out on a shoot. I have not experienced anything except clean lenses with this item.", "summary": "Glad I bought it.", "unixReviewTime": 1174867200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2013", "reviewerID": "A2U80CCCDBUK5M", "asin": "B0000C6E3P", "reviewerName": "SCStarman", "reviewText": "I have used several reels and this one is the best combination of price, functionality and quality I have found. But remember with any reel to unwind the wire completely if you are using the full amp rating. That rating is based on the wire in open air not coiled u[p tight.", "summary": "a best buy", "unixReviewTime": 1375488000} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2016", "reviewerID": "A3RI603HAN3V6R", "asin": "059449771X", "reviewerName": "Viet T.", "reviewText": "The manufacture usb cable for my nook. It works great.", "summary": "It works great.", "unixReviewTime": 1459555200} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "A1DFATTDVZHF6D", "asin": "B00000K2YV", "reviewerName": "John H.", "reviewText": "Just what I expected!", "summary": "Five Stars", "unixReviewTime": 1511049600} +{"overall": 4.0, "verified": true, "reviewTime": "08 26, 2009", "reviewerID": "A3E60PEA82OXYQ", "asin": "B00006J07O", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Jason Andrew Richer", "reviewText": "These are an excellent pair of headphones for the price. They have good sound and are reliable.", "summary": "Great for the price.", "unixReviewTime": 1251244800} +{"overall": 4.0, "verified": true, "reviewTime": "03 31, 2010", "reviewerID": "A2Y0RQNQHT5MZ8", "asin": "B00006JPFC", "style": {"Color:": " Blue"}, "reviewerName": "LibKat", "reviewText": "I bought this for my mother who likes to listen to the Red Sox on the beach. They get decent reception and good sound.", "summary": "good buy", "unixReviewTime": 1269993600} +{"overall": 5.0, "verified": false, "reviewTime": "07 29, 2014", "reviewerID": "A13CV9DJJJYEO7", "asin": "B00005ML7R", "style": {"Style:": " CS95"}, "reviewerName": "stephanie l. bough", "reviewText": "I liked it, it was in good condition", "summary": "Five Stars", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2007", "reviewerID": "A2P9KNX5JRKPKH", "asin": "B00006HNZ1", "reviewerName": "Kenneth Osherow", "reviewText": "The drive was sold at a good price and was very easy to install and worked as described. What more can I say, it's an internal hard drive for a desktop PC. The price was good and the drive worked and installed easily.", "summary": "worked as descried", "unixReviewTime": 1178409600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2017", "reviewerID": "A18B503XYGLK9T", "asin": "B00007GQLU", "style": {"Style:": " Lens Only"}, "reviewerName": "Budget101", "reviewText": "Excellent lens, perfect quality, superb delineation and portability, excellent for background blur, would highly recommend.", "summary": "Can't Go wrong with this lens", "unixReviewTime": 1489536000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71pndFAGSDL._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A3HXI1VWIV3QXW", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to 1/4 inch TS"}, "reviewerName": "Nicholas Driscoll", "reviewText": "Just what I needed to convert RCA to 1/4\" TS. I used them to hook an equalizer to an audio cabinet I'm restoring. Good value. Recommend.", "summary": "Good value. Recommend", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2015", "reviewerID": "A20BIZNB7VPG4O", "asin": "B0000CCT65", "style": {"Style:": " K2 with EF 28-80mm Lens"}, "reviewerName": "T. New", "reviewText": "great buy", "summary": "Five Stars", "unixReviewTime": 1427414400} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A1U43ZCKUTAIP5", "asin": "B00005ATMI", "style": {"Size:": " 136"}, "reviewerName": "Rachel", "reviewText": "Good product for the price. It looks nicer in the picture than it actually is. It does serve it's purpose, though.", "summary": "Good product for the price", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2ZIPR0UYPIBSR", "asin": "0972683275", "reviewerName": "D. Tate", "reviewText": "Great product. Works perfectly.", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2013", "reviewerID": "A1MG73HWKT66M5", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Tangled Up", "reviewText": "Well priced for refill film, was a great gift, even with today great camera, it is still fun to walk away with a pic.", "summary": "Great", "unixReviewTime": 1361404800} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A266C19DJFXX4A", "asin": "B0000DIESW", "style": {"Size:": " 15 ft", "Style:": " Toslink"}, "reviewerName": "Nick B", "reviewText": "Cheap and works. What more can I say.", "summary": "Its a fiber cable...it's cheap...it works", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A3D0DZLNJ4T0HM", "asin": "B00006HYP6", "style": {"Style:": " Wired Keyboard"}, "reviewerName": "jeepsailor", "reviewText": "Not a whole lot to say, I like the key board and the keys are light to the touch so it makes typing a breeze.", "summary": "I like the key board and the keys are light to ...", "unixReviewTime": 1516838400} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A7CW9XS5B89L2", "asin": "B0001XGQV8", "reviewerName": "tshoot1", "reviewText": "The cable was fine. Packaging was one of the worst examples of impossible to open plastic clamshell/blister-pak. Kevlar would have been easier to deal with!", "summary": "The cable was fine. Packaging was one of the worst examples of ...", "unixReviewTime": 1416268800} +{"reviewerID": "A1LBA651MP5CEN", "asin": "B00006HURK", "reviewerName": "Nick", "verified": true, "reviewText": "Works as it should and it's a great price!", "overall": 5.0, "reviewTime": "10 13, 2015", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A2CJ17H8UN66AF", "asin": "B00006B9H6", "reviewerName": "NYCTechie", "reviewText": "I needed to network a classroom of 30 PCs. I'm not a network engineer but I couldn't no longer daisy-chain two smaller hubs. This baby does the job and well worth the purchase.", "summary": "Works great", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "AG0OZIY5BXIRS", "asin": "B00009MKCR", "style": {"Color:": " Black", "Style:": " Swivel"}, "reviewerName": "Xavier Ascanio", "reviewText": "I use this strap to keep my hands free while hiking. The strap works well and is comfortable to use.", "summary": "A Good Way to Carry a Tripod", "unixReviewTime": 1399593600} +{"overall": 4.0, "verified": true, "reviewTime": "05 15, 2014", "reviewerID": "A1GPL8S2LD49BW", "asin": "B0001Y6J14", "reviewerName": "Melissa", "reviewText": "I needed these batteries for my film camera. Product came as advertised on Amazon, with good, protective packaging and it worked perfectly.", "summary": "Product as described", "unixReviewTime": 1400112000} +{"overall": 3.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A1UL6WT9FAT9KR", "asin": "B00005N6KG", "reviewerName": "Michael Stringer", "reviewText": "Good sound, but found out I like over the ear better. This fits in ear, no good for jogging for me, unconfortable.", "summary": "OK, not great.", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A1D1LB2T1QT8G", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "guajiropa", "reviewText": "awesome", "summary": "Five Stars", "unixReviewTime": 1422489600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2008", "reviewerID": "AHWXH8CA96IBX", "asin": "B00005NIMJ", "reviewerName": "M Kaye", "reviewText": "Have use this for years, it is fantastic, can't imagine life without it.\nIt isn't obvious but to clean you easily pop the red ball out to clean it. No need to unscrew anything.\nHighest recommendation. I have never tried the wireless version, maybe i should someday.", "summary": "Very highly recommended", "unixReviewTime": 1206403200} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A2MNJFQXCLMKT8", "asin": "B000234TYI", "style": {"Format:": " Personal Computers"}, "reviewerName": "The Notorious Tran", "reviewText": "For those who lost the outer plug for their laptop or certain console. This is what you need to buy.", "summary": "For those who lost the outer plug for their laptop ...", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A3CTXPCO1WKKB7", "asin": "B00020T4UK", "style": {"Style:": " 16x Hub Printable"}, "reviewerName": "Rick Willett", "reviewText": "Always dependable....thanks", "summary": "Five Stars", "unixReviewTime": 1508803200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "AVP16JFIT6LPL", "asin": "B00022OBO2", "style": {"Size:": " 6.5 in"}, "reviewerName": "RAFAEL FERNANDEZ", "reviewText": "exc", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 4.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A2Q0V9HZSTBAS8", "asin": "B00006JPFU", "reviewerName": "Ronald L. Peck", "reviewText": "Works really well, The coiled wire is a big plus it keeps excess wire out of the way and organized. Sound is good The item is just what is needed.", "summary": "MP3 Cassette", "unixReviewTime": 1443484800} +{"overall": 1.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A3KFSLAXI0E9JC", "asin": "B00005Q4ZV", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Joe", "reviewText": "Pretty sure I received a defective unit that was returned once before as I have the exact same problem as another reviewer did who said they returned it. I bought it as a Amazon outlet/open box item.\n\nSad they are re-selling defective units.", "summary": "Stuck on channel, won't change and no sound.", "unixReviewTime": 1439942400} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A3LF7E8MOWXD6P", "asin": "B00003006E", "reviewerName": "Baron Leone", "reviewText": "good purchase", "summary": "Four Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A2B33R7H9HR87B", "asin": "B00019JPRO", "reviewerName": "Marc", "reviewText": "Perfect solution for running SB910 and SB700 off camera with out the built in flash.", "summary": "PERFECT", "unixReviewTime": 1433289600} +{"overall": 4.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3PDL1OU9DXPPV", "asin": "B00007MDK5", "reviewerName": "jerry morrison", "reviewText": "works as intended", "summary": "Four Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A2NE25R8OG4843", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "Max", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 4.0, "verified": false, "reviewTime": "02 14, 2016", "reviewerID": "A1GAROSB2LM77Z", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Steven A. Pope", "reviewText": "these are good cases for showcasing lightscribe discs", "summary": "Four Stars", "unixReviewTime": 1455408000} +{"overall": 4.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A2ROTFP7WPTEVI", "asin": "B0000A1VS3", "reviewerName": "Leanne S", "reviewText": "USB Cable works well when transferring photos from camera to computer. Easy to use and portable. Would recommend this product.", "summary": "USB cable works very well", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2017", "reviewerID": "A2NP60LDJ1ABSS", "asin": "B0000AI0N2", "style": {"Style:": " 12 Outlet + TEL"}, "reviewerName": "Amazon Customer", "reviewText": "As expected.", "summary": "Five Stars", "unixReviewTime": 1502496000} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "AVVOHJS055880", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to 1/4 inch TS"}, "reviewerName": "Kelly Stambaugh", "reviewText": "great parts make great connections.", "summary": "Four Stars", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2010", "reviewerID": "A1FOXAXSU02MPO", "asin": "B0001FTVDQ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Thorsten", "reviewText": "Great design, very comfortable to wear, and most importantly superb sound quality. I had originally bought a Denon headphone before I found this one. The Denon was ok, but when I tried the Sennheiser I could hardly believe how much better this one is.", "summary": "Incredible", "unixReviewTime": 1292112000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A1Q7OJORGOFNLO", "asin": "B00006I5J7", "reviewerName": "GarrettCox95", "reviewText": "Fantastic Lens Cap", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 9, 2006", "reviewerID": "A1R4X3UEQYBRT8", "asin": "B0001H27PS", "style": {"Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "This bag is wonderfull. I used it on vacation and it accomadated my laptop,books,digital camera, personal items....so much space!!!", "summary": "A GREAT ITEM", "unixReviewTime": 1147132800} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "A1B3KYR39G892G", "asin": "B00020S7XK", "reviewerName": "ted", "reviewText": "it picks up very well and it is so handy when the power gos off.and the battery last a long time.", "summary": "radio", "unixReviewTime": 1399939200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A87BHLTF5U7NS", "asin": "B00009MDBQ", "reviewerName": "Amazon Customer", "reviewText": "There's nothing to dislike about this product. If you cannot afford the 200mm this is a close second!", "summary": "70-200 is Amazing!", "unixReviewTime": 1464566400} +{"overall": 1.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A13ZYNS2BQSBK", "asin": "B00009V3TT", "reviewerName": "ERIC N. POURAN", "reviewText": "useless, very low sound quality", "summary": "One Star", "unixReviewTime": 1418947200} +{"overall": 1.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "ACORVRGMMQZJS", "asin": "B00000J4VS", "reviewerName": "jennie mccurry", "reviewText": "ordered the vcr tape to tape king of throne we live 30 miles from town so when it arrived got ready to record it didn't work the tape was broken so i threw it away", "summary": "not good", "unixReviewTime": 1399766400} +{"reviewerID": "A3ACJ952E9VDKB", "asin": "B00009KLAE", "reviewerName": "Mark Twain", "verified": true, "reviewText": "fits like a champ and protects my expensive lens, what more could I ask for?", "overall": 5.0, "reviewTime": "02 6, 2007", "summary": "great filter", "unixReviewTime": 1170720000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "AJ2UJGDBWFCI4", "asin": "B000067RM9", "style": {"Size:": " 7-Foot", "Color:": " Black"}, "reviewerName": "B a Johnson", "reviewText": "Very sturdy.....have used multiple months......great product", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "A1FN07MGQ3YVK8", "asin": "B0000BZL0U", "style": {"Size:": " 77 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Federico", "reviewText": "Excellent and very good quality product. I recommend it.", "summary": "Excellent", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A1IK5URQTZP90I", "asin": "B00006HSK6", "style": {"Size:": " 14 Feet/4.26 Meters"}, "reviewerName": "Chris B", "reviewText": "works as intended, other than that what do you want me to tell you?", "summary": "Five Stars", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "A13U1QVN64TIUH", "asin": "B0000DIESU", "style": {"Style:": " Slim Cable - mobile"}, "reviewerName": "Susan Long", "reviewText": "I use this on my computer for my 2 monitors that have speakers and needed to connect them to my computer audio port. It was easy to use and it works.", "summary": "It Works", "unixReviewTime": 1400803200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A9Q5YZ28A58XT", "asin": "B00029IYUM", "style": {"Size:": " 10 Pack", "Color:": " White"}, "reviewerName": "Chris F", "reviewText": "I've been using Leviton QuickPort jacks of all varieties (Cat5e, Cat6, voice grade, coax, different colors, etc) for years. I own an I.T. service company, and these are the only jacks I will purchase, use, or sell.", "summary": "I've been using Leviton QuickPort jacks of all varieties (Cat5e ...", "unixReviewTime": 1419120000} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A2YZV7INQ1QYZ7", "asin": "B00006B82A", "style": {"Style:": " 2ft Cord"}, "reviewerName": "sammy", "reviewText": "Whaddya gonna say? works like it's supposed to. Of course, I changed out the straight plug for an angle and cut the length to fit, but then ... all was good ... sammy", "summary": "In use now", "unixReviewTime": 1445299200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 7, 2009", "reviewerID": "A2UXBQFQ4DQ3R1", "asin": "B0000668YX", "style": {"Size:": " Single Outlet", "style name:": " 885 Joules"}, "reviewerName": "roadshow", "reviewText": "I bought this for my treadmill. It's a simple design and it works well. The indicator lights are helpful.", "summary": "Simple design that works well.", "unixReviewTime": 1241654400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A1OQDTZ81TROII", "asin": "B00005Y3OM", "style": {"Style:": " Vibration Reduction Zoom Lens with Auto Focus"}, "reviewerName": "Janice B. Chua", "reviewText": "Sharp, fast-focussing, and has a wonderful bokeh.\nTotally great piece of glass for my recent Yellowstone trip.\nI did not need fast f/2.8 glass for wildlife in Yellowstone, so went for reach instead.\nThe favorite of my 5 lenses.", "summary": "Fantastic for outdoor wildlife", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A1KBFVTCUJBON6", "asin": "B00007EDM8", "style": {"Color:": " White", "Product Packaging:": " Standard Packaging"}, "reviewerName": "Daniel", "reviewText": "Hard to find small and no more uncomfortable than my glasses. Tuck them under my glasses and wear them all day. Ear buds always make my ears sore but not these. Good sound too but would expect that from SONY.", "summary": "Excellent, comfortable, light weight.", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A2KE9XNOKNY8II", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet (Black)"}, "reviewerName": "Aaron", "reviewText": "Nothing bad I could really say. Needed a new Surge Protector Power Strip to replace an old one I had. Worked exactly as it should. I do like the one transformer outlet a lot though. Good feature to have.", "summary": "Great for the money!", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A1D2KC1LAN0RQ6", "asin": "B00005QBU9", "style": {"Color:": " Black"}, "reviewerName": "Steve Cosio", "reviewText": "They're inexpensive and they sound great. I've used these headphones professionally while working as a radio DJ and continue to use them for studio work.", "summary": "Love 'em", "unixReviewTime": 1388361600} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2002", "reviewerID": "A2KJFN70BVBK00", "asin": "B000056B8A", "reviewerName": "JCL", "reviewText": "The speed I attained was 225 Kbps, far slower than the 1.6Mbps I achieved with the wired connection with the same DL-713P wireless router. Otherwise signal strength was very good to excellent from 75'.", "summary": "Good Thing in a Small Package", "unixReviewTime": 1016755200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "AFPMHXFTYHMH", "asin": "B0001PFQAI", "style": {"Length:": " 10 ft"}, "reviewerName": "Joel", "reviewText": "High quality cables, at a good price and fast shipping. Highly recommend.", "summary": "at a good price and fast shipping", "unixReviewTime": 1425600000} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2008", "reviewerID": "A3RLMTIFIZKDQF", "asin": "B000243DNA", "reviewerName": "nieuport17", "reviewText": "Good keyboard, able to type fast with short key pressing time.\nGood feel to the key pads.\nOnly thing that I have issue is the arrangement of the keys.\nIf the keyboard would keep the same format as the 101 key board, it would be great.", "summary": "Good keyboard", "unixReviewTime": 1200096000} +{"overall": 5.0, "verified": false, "reviewTime": "09 26, 2014", "reviewerID": "A4NLT1M8GOQQS", "asin": "B0000BYBVT", "reviewerName": "Maggie", "reviewText": "Seems to be exactly what I was looking for. Turns easily and was a good price.", "summary": "Turns easily and was a good price", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2017", "reviewerID": "A2DGMKRYETUZVP", "asin": "B00008MN45", "reviewerName": "badabada", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1488585600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2J1JRBQ4IF8OC", "asin": "9983039281", "reviewerName": "Marivel Alicea", "reviewText": "Plenty of Storage on My HTC phone for Photo,,,,, Great Find", "summary": "Best Finding,,,,,,,,,,", "unixReviewTime": 1427932800} +{"overall": 4.0, "vote": "77", "verified": true, "reviewTime": "10 6, 2008", "reviewerID": "A20AMMXLG78K4I", "asin": "B0000YNR4M", "reviewerName": "Amazon Customer", "reviewText": "Use ear protection to test this door stopper alarm. It is ear splitting. It is not designed to stop anyone...just let you know the door has been pushed, even slightly.", "summary": "LOUD", "unixReviewTime": 1223251200} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A25VEYS736ICZQ", "asin": "B00004SABB", "style": {"Size:": " 10x25", "Color:": " Black"}, "reviewerName": "YaoYaoZhu", "reviewText": "very nice", "summary": "Five Stars", "unixReviewTime": 1460246400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2009", "reviewerID": "ASG3FF0EF0XDQ", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "This helped us connect our computer to our DVR so I can record my favorite videos!", "summary": "Great Little Product", "unixReviewTime": 1254960000} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2009", "reviewerID": "A2RITT5V6SCT3E", "asin": "B00009M6TG", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "S. Golding", "reviewText": "I bought this for my hubby, so he can communicate while out and about on the ranch. He won't wear it because he doesn't like the way it fits his ear. So there it sits in the drawer. At least it didn't cost that much. It does work with our Sam's Club walkie-talkies.", "summary": "It works...but...", "unixReviewTime": 1259884800} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2014", "reviewerID": "A30SGAZU2DWG86", "asin": "B00009R9BF", "style": {"Color:": " Black", "Style:": " Compact"}, "reviewerName": "MyoshiBomb", "reviewText": "Fits my NEX 6 with the standard lens like a glove. I bought a 50mm lens which has become my everyday lens so I nned to find a case that fits that now.", "summary": "Fits my Sony NEX-6", "unixReviewTime": 1392854400} +{"overall": 3.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "A32PL45TVEL7GR", "asin": "B00004ZCC1", "style": {"Size:": " 62mm"}, "reviewerName": "Anne Hamilton", "reviewText": "So far so good!", "summary": "Three Stars", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2016", "reviewerID": "AFNYOQIO7M87Y", "asin": "B00023KG40", "reviewerName": "Donna S", "reviewText": "Wish we had found these years ago... Works excellent..", "summary": "Works excellent..", "unixReviewTime": 1474761600} +{"reviewerID": "A1NGGLTNR92K43", "asin": "B00004ZCJJ", "reviewerName": "GA EON LEE", "verified": true, "reviewText": "good quality", "overall": 5.0, "reviewTime": "01 20, 2015", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2014", "reviewerID": "AMNE89GFD3S0B", "asin": "B00004WLJ8", "style": {"Size:": " 100 Pack", "Color:": " Natural", "Style:": " 14 inch., 75 lb tensile"}, "reviewerName": "T K", "reviewText": "Easy one person cable tie for attaching vines like trumpet and wisteria to arbors. Simple to connect two or more together for wide spots and lasts several seasons in harsh sunlight.", "summary": "Strong Landscape ties", "unixReviewTime": 1402790400} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2008", "reviewerID": "A4ZGTFOBXFIPM", "asin": "B000062VUQ", "style": {"Size:": " 3-piece"}, "reviewerName": "D. Erlick", "reviewText": "The sound is clear and fills a medium size room. The bass response is excellent.", "summary": "Klipsch ProMedia 2.1 THX Computer Speaker System", "unixReviewTime": 1204243200} +{"reviewerID": "A3M34T8HPFMGQT", "asin": "B000067O6B", "reviewerName": "Mauricio I.", "verified": true, "reviewText": "Perfect", "overall": 5.0, "reviewTime": "05 17, 2015", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2011", "reviewerID": "A8VPO4TPQTHZ7", "asin": "B00008NUZ1", "reviewerName": "Frank A. Terry Jr.", "reviewText": "I have used StarTech USB cards in a number of my systems. Like the others, this item was easy to install and the performance has been excellent. Highly recommended.", "summary": "Good Product", "unixReviewTime": 1317945600} +{"overall": 3.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "ARYP6L7CLI7DQ", "asin": "B00007M1TZ", "reviewerName": "P. Frantz", "reviewText": "The sound quality is good, but it doesn't fit my head as well as other headsets, and I can't adjust it to fit properly.", "summary": "Good sound. Limited adjustment for fit.", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2017", "reviewerID": "A248PCEJYTKQ0H", "asin": "B00004W3ZQ", "style": {"Size:": " NA"}, "reviewerName": "MoeJoe", "reviewText": "Looks great and meet my expectations thanks. Also very easy to install.", "summary": "Easy to install", "unixReviewTime": 1514678400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2013", "reviewerID": "A1ANCA4HJBMZTS", "asin": "B00006345D", "reviewerName": "slowdown", "reviewText": "We used this cable to set up our surround sound system and works great would buy again and enjoy very much", "summary": "Great cable", "unixReviewTime": 1364428800} +{"overall": 4.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A16XHVL1LBZLL", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "ElisaNova Revs", "reviewText": "Very cute. 20 films i suggest using 2 in a month so you save more that way", "summary": "Small and handy dandy", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": false, "reviewTime": "03 12, 2009", "reviewerID": "A1DL8PN4MVO8ZC", "asin": "B0000BZL8G", "reviewerName": "J. Hewes", "reviewText": "From my handful of test shots, it's not bad, and the ship time wasn't too slow. I'm happy with the quality and glad I gave my L glass a nice protector that doesn't degrade my image.", "summary": "just arrived", "unixReviewTime": 1236816000} +{"overall": 3.0, "verified": false, "reviewTime": "12 25, 2015", "reviewerID": "A5O4BU663WWN4", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "W. Wetmore", "reviewText": "Double check that Amazon is suggesting a companion product that actually works together! Amazon suggested that this would work with the 12/3 100' extension I purchased. It doesn't. This is pretty light weight... For 16/3 wire would be fine.", "summary": "This is pretty light weight", "unixReviewTime": 1451001600} +{"overall": 4.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A1DAFCMLTUEWO0", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Amazon Customer", "reviewText": "WORKS WELL", "summary": "Four Stars", "unixReviewTime": 1462665600} +{"overall": 2.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1QTCDH9TH5KFO", "asin": "B00000J1U5", "style": {"Style:": " DB15"}, "reviewerName": "LZafft", "reviewText": "doesn't work with Windows 7", "summary": "Two Stars", "unixReviewTime": 1440374400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/31hI1xipCML._SY88.jpg"], "overall": 5.0, "vote": "4", "verified": true, "reviewTime": "08 20, 2005", "reviewerID": "A1D9GLSCD7RDA3", "asin": "B00009XVCZ", "style": {"Style:": " Lens Only"}, "reviewerName": "Obada Alhasan", "reviewText": "it is will be perfect if it is with international guarantee\n\nBECAUSE I AM NOT FROM USA\n\nthank :)", "summary": "excellent", "unixReviewTime": 1124496000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "A2INW5RWVRJ8SE", "asin": "B00005T3Q2", "style": {"Style:": " Black"}, "reviewerName": "JJHII", "reviewText": "worked as expected", "summary": "Five Stars", "unixReviewTime": 1492128000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A1HBB05XWMBR2T", "asin": "B0002BETW2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Mr. Wright", "reviewText": "What is pictured is not what you receive, but this is a good thing. Pictures is what looks like some sort of 4 pin plug, but in reality there are all of the appropriate pins for a stereo system in a Mazda Tribute.", "summary": "Luckily, what is picturted is not what you are buying.", "unixReviewTime": 1485302400} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2009", "reviewerID": "A1U9Z7ZDOGPETR", "asin": "B00012EYNG", "reviewerName": "D. Lewis", "reviewText": "Bought this several years ago and it's still working as well as it did when it first came out of the box. An excellent turntable at a very good price!", "summary": "Still Great!", "unixReviewTime": 1231632000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A517Y18H27GQ8", "asin": "B00005T406", "reviewerName": "Edward Minsky", "reviewText": "I used one for these for a couples years. The support mounts begin to wear down from the ball and the ball starts to get harder to move around. But once you get used to using one you won't like to typical mouse...", "summary": "But once you get used to using one you won't like to typical mouse", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2011", "reviewerID": "AWOTN15Z1VP9E", "asin": "B00006IAOR", "reviewerName": "D. D. Wingert", "reviewText": "I bought this to keep my sewing machine free of dust and lint and it works great! There is plenty of suction, and I expect it to keep me from having to pay for cleanings.", "summary": "Works Great!", "unixReviewTime": 1323129600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "AF3GC3XOURT7A", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "Judy Shuler", "reviewText": "Works great now i can watch my tv late night with out waking up my son.", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A2Y9PD0Q5TH6A7", "asin": "B00005ML7Q", "style": {"Style:": " USB"}, "reviewerName": "Wes Lennon", "reviewText": "Beta testing Windows 10 build 9926, used for Cortana speech and response, these work well this application", "summary": "Speech Recognition", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1NG3NDOQJ0K7A", "asin": "B00009R90P", "style": {"Package Quantity:": " 1"}, "reviewerName": "Terry Bonham", "reviewText": "Great product for storing negatives. I am filing 30 years worth of negatives and this product is a great help in organizing them. Thanks", "summary": "Great product for storing negatives", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A2RLPYOQDA46LZ", "asin": "B000067SEG", "style": {"Size:": " 3 Feet", "Color:": " Black"}, "reviewerName": "Jboy.Levins", "reviewText": "Good looking, good quality, flexible cable, works very well.", "summary": "Excellent purchase, good quality, attractive", "unixReviewTime": 1413244800} +{"overall": 4.0, "verified": false, "reviewTime": "05 20, 2008", "reviewerID": "A2HEHNEVSWCNJG", "asin": "B0000BVYTV", "reviewerName": "Sean M. Pryor", "reviewText": "Nice, sleek style. This product was worth the money, the only downfall is the size.", "summary": "Labtop cooler", "unixReviewTime": 1211241600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A35ONMIFFXN031", "asin": "B00020T4UK", "style": {"Style:": " 16x Hub Printable"}, "reviewerName": "Mario Palumbo", "reviewText": "Good value. So far there were no defective failing CD's", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"overall": 4.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A38KK82S1W5ZVO", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "RANDALL B.", "reviewText": "Great filter to have.", "summary": "Four Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1WLMLBCX2TGC7", "asin": "B0000512US", "style": {"Size:": " 25 ft."}, "reviewerName": "Some Dude", "reviewText": "Works", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A2QAQG4YQRDW1E", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet (Black)"}, "reviewerName": "Amazon fan.", "reviewText": "Good construction and good quality.", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A1VRUA211IP0SA", "asin": "B0000510ZO", "style": {"Size:": " 6ft", "Style:": " 18 AWG"}, "reviewerName": "Stockmavn", "reviewText": "Fits perfectly. Looks well made. Excellent value. Would not hesitate to purchase again.", "summary": "Excellent Value", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2012", "reviewerID": "A35GZBXPHV64HU", "asin": "B00006I5SB", "style": {"style:": " Phono Cartridge"}, "reviewerName": "Kboyer", "reviewText": "This stylus and cartridge are an absolute must have for any audiophile. The quality of the audio reproduction is just about as good as you can get without going to a laser turntable.", "summary": "A must have for Audiophiles", "unixReviewTime": 1351123200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2012", "reviewerID": "A1R8RXVOGP7Q7C", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Jhon", "reviewText": "I use a radio to put me to sleep at night. I plug a pillow speaker into my radio or smartphone to listen to talk radio. It is a lot easier to control the volume with this that waking up my smart phone and using the volume control on it.", "summary": "Great for a pillow speaker.", "unixReviewTime": 1345420800} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A2GNNL84P5161K", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Vince B.", "reviewText": "Wow, this works great.", "summary": "this works great.", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A1TNLBBEBW3DD", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "judy", "reviewText": "very convenient", "summary": "Five Stars", "unixReviewTime": 1432857600} +{"reviewerID": "A19H48HFPM8Q1Z", "asin": "B00009KLAE", "reviewerName": "Daryl Dixon", "verified": true, "reviewText": "Product arrived on time and in excellent condition. If you have an expensive lens, you will want to get some of these! It is much cheaper to replace a filter than the whole lens!", "overall": 5.0, "reviewTime": "10 24, 2010", "summary": "Inexpensive Lens Saver", "unixReviewTime": 1287878400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A1PR3MVME5VJH8", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "David Dawdy", "reviewText": "Did what it was supposed to, enough said :)", "summary": "100 ft messy cord fixed :)", "unixReviewTime": 1481500800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 7, 2007", "reviewerID": "AR2G5J5KHFDMN", "asin": "B0002887Z0", "reviewerName": "Mike", "reviewText": "I really like the material this is made of and think it has the perfect size pouch. I use it to hold my cell phone (has gps nav) so that I can track my walks and runs. It keeps the phone in an area where it can get reception. Great product", "summary": "Perfect arm band", "unixReviewTime": 1170806400} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A2811NY0VQ1TNE", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "J. Friend", "reviewText": "Good value. Plug it in and it works. Not much else to say.", "summary": "Good value. Plug it in and it works", "unixReviewTime": 1430956800} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "08 10, 2013", "reviewerID": "A2KX0Z2GFA5WEH", "asin": "B00009R6WU", "reviewerName": "Aaron G Reviews", "reviewText": "I found this lens to be adequately sharp at 1.8. Maybe not as sharp as a higher quality lens wide open, but pretty decent. It is soooo much better than the 28mm 2.8 ...", "summary": "Good Lens", "unixReviewTime": 1376092800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2017", "reviewerID": "A1PKNL5VEEV8G6", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Amazon Customer", "reviewText": "OK", "summary": "Five Stars", "unixReviewTime": 1498694400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A2L0KIV3JRF3BR", "asin": "B00007KDVK", "reviewerName": "Richard W. Parks", "reviewText": "Defective", "summary": "Five Stars", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A3JZUOTCY6F3HR", "asin": "B00005T3ZJ", "style": {"Style:": " 50 Pack"}, "reviewerName": "breanna", "reviewText": "These CD sleeves were great! I really like that you can write the description or movie title on a slip of paper and insert it into the top for easy browsing. They are great quality for the price!", "summary": "Matched the description exactly!", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "AQ0PO4CS0GAI3", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "quaxote algarin", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A3I2RL1XCU1DHM", "asin": "B000067SMI", "style": {"Size:": " 20-Feet", "Package Type:": " Standard Packaging"}, "reviewerName": "mlm", "reviewText": "Worked..", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A2ESZFNOIYZ6FS", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "James L. Robinson", "reviewText": "Useful.", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"reviewerID": "A21XOLIWK0H4ZZ", "asin": "B00004ZCJJ", "reviewerName": "Loyal Van Order", "verified": true, "reviewText": "It was what I needed to replace a one that had accidently broken.", "overall": 5.0, "reviewTime": "02 22, 2018", "summary": "Five Stars", "unixReviewTime": 1519257600} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2013", "reviewerID": "AK698HK4CBQ1X", "asin": "B00007DWE5", "reviewerName": "Kim Stewart", "reviewText": "I have a ton of cd's and needed them to be safe in 1 spot in my car (they were previously in their plastic cases, which would break or get cracked ALL THE TIME) and on top of that they would fall all over the dang place.\nThis works great.", "summary": "great for holding ALL my cd's in my car", "unixReviewTime": 1367280000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "A246H5PT3I8C9", "asin": "B0001MKU48", "reviewerName": "Photonarrations", "reviewText": "Saves me $25 getting CD boxes printed from professional photo labs. I am a wedding photographer, so when I do some cheap wddings I just use this, print an insert on my computer (did take me some time to get the right size), and voila!", "summary": "This is awesome!", "unixReviewTime": 1366156800} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A1W82YQWM6KJ7W", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "oneradtech", "reviewText": "Decent for the price", "summary": "Four Stars", "unixReviewTime": 1449792000} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A3Q3YFE0G349LI", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "tim burk", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A1ZR3570QCS1PH", "asin": "106171327X", "reviewerName": "Ronald K Ng", "reviewText": "Lots of storage space. A lot of high capacity micro SD cards do not come near their listed storage capacity. I get about 60/64 GB available here, which is great.", "summary": "which is great.", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "ANC4BPHE3CK20", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Clayton E. Cramer", "reviewText": "Plugged right into my USB 2.0 hub, and my wife's PC is again in business.", "summary": "Works", "unixReviewTime": 1518652800} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "AGPPW6T0H3B9L", "asin": "B000068O1D", "style": {"Size:": " 13.1 Feet"}, "reviewerName": "Dalton Hendrickson", "reviewText": "A little bulky on the connection points but works.", "summary": "Four Stars", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A3NES87Q9FBWH6", "asin": "106171327X", "reviewerName": "Captain Bin", "reviewText": "So far, so good. It works as expected and hasn't had issues with data loss. We haven't tested the speed specifically, but it seems fast enough for what we need.", "summary": "Excellent quality", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A3VYGDBHEWF920", "asin": "B00000K4KH", "style": {"Style:": " Standard"}, "reviewerName": "Kim Wolterman", "reviewText": "I purchased this lock for my 2010 Macbook Pro. It worked great for securing my computer while I was researching in a library. The library tables had brass loops attached to their tops specifically for cabling laptops. I would definitely recommend this Kensington.", "summary": "Feel secure in walking away from your laptop", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "ANM9LSZS7C67V", "asin": "B00009XVL7", "style": {"Color:": " Orange"}, "reviewerName": "Keith Alan", "reviewText": "The include foam breaks on in 1/2 inch squares allowing a perfect fit. I fit my Nikon D70, 2 standard lens and a 600 zoom along with my GoPro.", "summary": "Not carrying Tools!", "unixReviewTime": 1439337600} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "A3BT0J6BMQXZGX", "asin": "B0002BA570", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Paul Tretiakoff", "reviewText": "This is great for my test bench, or permanent supply for 12 volt Radio communications.", "summary": "not too bad.", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2010", "reviewerID": "A1EX5SK2PD0XLC", "asin": "B0000X0VCY", "style": {"Length:": " 2 Meters/6.56 Feet"}, "reviewerName": "Kenneth Sandberg", "reviewText": "Hey, it's a cable, what do you want? It works if the connections at the ends it is connecting are right.", "summary": "good cable", "unixReviewTime": 1288483200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A1TYLW0ZRM53GS", "asin": "B0000E2Y8P", "style": {"Style:": " Tray-less"}, "reviewerName": "Chuck", "reviewText": "Works Great....", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A2KPGSL8OMWQON", "asin": "B00008N9M7", "reviewerName": "Shecky", "reviewText": "I had an old inside antenna placed behind my stereo system. Replace with this Terk indoor Antenna. I now have Great FM pickup.", "summary": "Great Buy if You Need FM Picup", "unixReviewTime": 1521331200} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A11W9H4GPTOL28", "asin": "B00007IFE0", "style": {"Capacity:": " PCI", "Model:": " Gigabit"}, "reviewerName": "Amazon Customer", "reviewText": "Works as expected. Good price for this item.", "summary": "Good price for this item", "unixReviewTime": 1409961600} +{"reviewerID": "A8XH4SC7T6TX8", "asin": "B00009KLAE", "reviewerName": "W-Arts", "verified": true, "reviewText": "It fits tight and doesn't rattle like other filters I have come across in the past. Haven't had any issues with it affecting my shots. Good filter for the money.", "overall": 4.0, "reviewTime": "10 4, 2013", "summary": "Good filter", "unixReviewTime": 1380844800} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "AHGXPY9C0HJ5N", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Beena20", "reviewText": "I love these colorful hard plastic cd covers when I need to send photos on cd's to family & friends by mail - great price!", "summary": "I love these colorful hard plastic cd covers when I need ...", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A25QYUPKZX7D2T", "asin": "B00016W6NC", "style": {"Size:": " 1 ft", "Style:": " Straight"}, "reviewerName": "Chris", "reviewText": "It works great, i liek short cables, strongly recommend to everyone, good price. Chris", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A28UZLU3LOWAYC", "asin": "B00003CWDK", "reviewerName": "Patrick J. Caulfield", "reviewText": "Exactly as described and received earlier than expected.", "summary": "Works perfectly", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "ADKM4W2U0P72I", "asin": "B00009R8XD", "style": {"Size:": " 11X14"}, "reviewerName": "auctionhunter", "reviewText": "Stores the items I bought it for and is every effective.", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": false, "reviewTime": "02 9, 2017", "reviewerID": "A1NIVMJ5BZX26A", "asin": "B000068NYI", "style": {"Size:": " 25 Feet"}, "reviewerName": "FAAR", "reviewText": "i've been buying hosa cables for many years and have always been happy with their performance. they are affordable, are of good quality and these cables are no exception. can't ask for more.", "summary": "hosa has always been great", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A2KP94J14KUD2X", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Chi-Girl", "reviewText": "GREAT", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A3JJYTVBSP7YXR", "asin": "B00025742A", "reviewerName": "John", "reviewText": "Bought this several years ago when I switched to a more modern receiver that couldn't bring my turntable to line-level. This is less than 15 bucks and gets the job done. Have had it about five years and still no issues. Works perfectly and at a great price.", "summary": "Great product, especially for the low price.", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A3B12V8I325RB2", "asin": "B0002AG0IO", "style": {"Size:": " 12 Feet"}, "reviewerName": "Michael Roberts", "reviewText": "Works as expected-very happy with it!", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "AASZCZLLWBR7B", "asin": "B00007M1TZ", "reviewerName": "Donald W. King", "reviewText": "The works as intended. The headpiece and microphone are both very easy to adjust. Only problem was that this has a plug too small for it's original intended use.", "summary": "Good price - quality product.", "unixReviewTime": 1391990400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2013", "reviewerID": "AGSUESD8HZC88", "asin": "B0000BZYPB", "style": {"Size:": " 67 mm"}, "reviewerName": "ATP2008", "reviewText": "Exactly what I was looking for, fits perfect, came right on time with good packaging. I couldn't ask for nothing better.", "summary": "Perfect", "unixReviewTime": 1360368000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "ALBDA8SFT66XE", "asin": "B0000510NU", "style": {"Style:": " 7ft Cord + Coax"}, "reviewerName": "Joseph", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1465344000} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A34U68FD5NGMQR", "asin": "140053271X", "reviewerName": "Arthur Shrader", "reviewText": "GREAT!!!!", "summary": "Five Stars", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A3KBCPZMLENYYK", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "K. Courtney", "reviewText": "I use this brand cd-r for all my recording needs which is 600 cd's per year. These cd's are very reliable and the storage spindle with the cover is nice to keep them dust free.", "summary": "Blank cd-r review", "unixReviewTime": 1420761600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "AQ3Z6LHWZ5W7E", "asin": "B00000K13A", "reviewerName": "Mark K", "reviewText": "Exact replacement of my original tape, works great for what I use it for. I recommend using this replacement tape.", "summary": "Brother labeling tape", "unixReviewTime": 1356480000} +{"overall": 1.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "A1TOPDKT191AHF", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "jim", "reviewText": "arrived broken and dirty and looked to be used.", "summary": "not good", "unixReviewTime": 1500336000} +{"reviewerID": "AADTYV1RXVM02", "asin": "B00009KLAE", "reviewerName": "Layne T. Oliver", "verified": true, "reviewText": "Useful for protecting my 24mm lens, a good value!", "overall": 5.0, "reviewTime": "04 19, 2016", "summary": "UV filter", "unixReviewTime": 1461024000} +{"reviewerID": "A111P20L1Z2V5E", "asin": "B00009KLAE", "reviewerName": "yesi", "verified": true, "reviewText": "Works great.", "overall": 4.0, "reviewTime": "06 17, 2016", "summary": "Four Stars", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2013", "reviewerID": "A23C5OK3TSF8JV", "asin": "B000068O4E", "style": {"Style:": " 1/4\" TRS to XLR3M"}, "reviewerName": "Ryan", "reviewText": "Works well, I have no complaints came as described. I use this to run a direct signal to my mixer", "summary": "Works as described", "unixReviewTime": 1359331200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2011", "reviewerID": "A1R008840Z913B", "asin": "B0000A1VS3", "reviewerName": "G. F. Cook", "reviewText": "This was a simple purchase. Just a cable. Nothing much could go wrong. And Nothing did. I am totally satified.", "summary": "Fine.", "unixReviewTime": 1319846400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2013", "reviewerID": "AYPQGDPCM24ZU", "asin": "B0002BEY22", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Stephen Quisenberry", "reviewText": "It worked! Installed in 96 Honda. My 15 year old daughter installed it in a few minutes with me watching. great product.", "summary": "It worked! Easy install in 96 honda", "unixReviewTime": 1385424000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A1R55GC0MKD0J", "asin": "B00008V3EE", "reviewerName": "Gamers", "reviewText": "Works gr8!!!", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A6R88RCD4K0F0", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "jomiller97", "reviewText": "does the job", "summary": "Five Stars", "unixReviewTime": 1452124800} +{"overall": 4.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A2R7OCVTKNYCIN", "asin": "B000067SRA", "reviewerName": "blaster", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A1IBQIJ72CQSLJ", "asin": "B00004ZCJI", "style": {"Size:": " 77mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Traci VanZandt", "reviewText": "happy", "summary": "Five Stars", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2014", "reviewerID": "A31R84B45N9077", "asin": "B00006JPE1", "reviewerName": "Jonathan Broderick", "reviewText": "I used this to split a HD Antenna signal into 2 I used it for my HDHomeRun device and to use with a regular HDTV, It works great.", "summary": "Quality All Round", "unixReviewTime": 1389571200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "ACGH69A0BUDZS", "asin": "B0000668YX", "style": {"Size:": " Single Outlet", "style name:": " 885 Joules"}, "reviewerName": "Ryan", "reviewText": "You plug one end into the wall, the other end gets a plug in it. One end is the shaft, one end is the bunghole.", "summary": "Kinky wall toy", "unixReviewTime": 1453766400} +{"overall": 4.0, "verified": true, "reviewTime": "02 12, 2010", "reviewerID": "A2Y1KQULR5GCCQ", "asin": "B00007EDM8", "style": {"Color:": " Black", "Product Packaging:": " Standard Packaging"}, "reviewerName": "Christoph M. Spurrier", "reviewText": "These headphones work very well for when you are running or working in situations where normal ear buds will get ripped from you ears. I would recommend these for anyone who needs to listen to music on the go", "summary": "Great for on the go", "unixReviewTime": 1265932800} +{"reviewerID": "A82T6CN4TVQ34", "asin": "B00009KLAE", "reviewerName": "John Q. Thrillington the Third", "verified": true, "reviewText": "Fits like a glove on my Tokina 11-16 2.8. A MUST HAVE for any lens. Kudos!", "overall": 5.0, "reviewTime": "04 21, 2016", "summary": "Great protection", "unixReviewTime": 1461196800} +{"overall": 3.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "AWVTY3OBV3RZW", "asin": "B00006JPRQ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "nuffer", "reviewText": "Sound quality OK, great price, but it doesn't stay in place very week. The top head band is pretty much set in it's way and consistently plulls the ear buds out. It works and sound quality ok, but it is annoying, constantly resetting on you head.", "summary": "OK NOT great", "unixReviewTime": 1504656000} +{"overall": 3.0, "verified": true, "reviewTime": "01 31, 2010", "reviewerID": "A2EIXY4XXHDHD6", "asin": "B00006HOL1", "reviewerName": "Anthony", "reviewText": "A must have a c adapter not a bad price but keep in mind the shipping,and the quality of a sony product. However, for what you pay for the radio I think that the ac adapter should be included when you purchase the radio, but that's sony! \"and that's no balone\".\n\n Anthony Mozzo", "summary": "Sony AC-E45A AC World wide power adaptor", "unixReviewTime": 1264896000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A3NV0VYPYL4JYK", "asin": "B00020S7XK", "reviewerName": "Chris", "reviewText": "Owned one for years. Got 2nd one for work. Works well. No drifting. Runs forever on one set of batteries.", "summary": "Owned one for years. Got 2nd one for work ...", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2013", "reviewerID": "A3T2HFR6T1AWP5", "asin": "B000067RTB", "style": {"Size:": " 3 Feet/ 0.91 Meters", "Color:": " Black"}, "reviewerName": "FERTTUN", "reviewText": "it was the the right size and sturdy gets the job done. i noticed it has better connectivity than my other Ethernet cable. So very happy with it.", "summary": "works nicely", "unixReviewTime": 1358294400} +{"overall": 2.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A1XWITRJLWGTFL", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 23\" Widescreen (16:9 Aspect Ratio)"}, "reviewerName": "J. Muir", "reviewText": "Although the shade is useful - it does present a problem with causing the mouse to jump around and not select the exact item as chosen. Can be aggravating when it moves the cursor - has to be pressed into place frequently.", "summary": "Shade useful", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2013", "reviewerID": "A3CVTHKKRCUFXF", "asin": "B0000D88JU", "style": {"Style:": " 15' RCA Audio Cable"}, "reviewerName": "cturboaddict", "reviewText": "Oh my god, this bad mamma jamma has two male connections on both end. WHAM- who would of thought? Crazy right...", "summary": "Never been happier.", "unixReviewTime": 1374105600} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A3VMJISP68NEN5", "asin": "B00005119M", "style": {"Style:": " 6 Outlet + TEL"}, "reviewerName": "Richard A. Brown", "reviewText": "Excellent product, have used them for years", "summary": "Excellent", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2013", "reviewerID": "A36T60KRYUZ6OC", "asin": "B0000AJI8L", "style": {"Style:": " LX500"}, "reviewerName": "PapaGuk", "reviewText": "It's exactly what I was hoping for -- it put the laptop screen at eye level (adjustable) and now I have space underneath for other stuff. The two side paddles hold my card reader and other peripherals.", "summary": "Perfect Laptop Companion", "unixReviewTime": 1363046400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "AQBOATWU6KSFN", "asin": "B00004Z6HU", "style": {"Color:": " Gray", "Length:": " 250-Foot"}, "reviewerName": "Donald", "reviewText": "A great wire for the network. Really please with the packaging and the ease of feeding the coiled pack and tangle free.", "summary": "Cat5e Bulk cable 250ft", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A2YIZFA4YYBGJK", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Joseph", "reviewText": "It's Okay", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "AR8SFWLRGAF9I", "asin": "B0001QFSRI", "style": {"Color:": " Black", "Style:": " Uni-Loop"}, "reviewerName": "Don L", "reviewText": "Very comfortable strap replacement", "summary": "VERY COMFORTABLE STRAP", "unixReviewTime": 1426550400} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "A3CDLNPODR4DPX", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "SCain", "reviewText": "Works exactly as expected. I do wish the cord was just a bit longer. Maybe I should look at a wireless remote. But other than the short cord it works exactly as it should", "summary": "Works as should", "unixReviewTime": 1450051200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A3803TEKRMZ4VO", "asin": "B00009R6VZ", "reviewerName": "Hubert", "reviewText": "As described, good price for a Canon product", "summary": "good price for a Canon", "unixReviewTime": 1453939200} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2006", "reviewerID": "A16J5TH0JAVRZ3", "asin": "B0000326O3", "reviewerName": "Richard L. Ament", "reviewText": "This CD/DVD case was well worth the price for one this size.", "summary": "Pretty good for the size!", "unixReviewTime": 1156809600} +{"reviewerID": "ANR0DW93W06R5", "asin": "B00004ZCJJ", "reviewerName": "Elba Lugo", "verified": false, "reviewText": "GREAT!!! Works fine on my camera.", "overall": 5.0, "reviewTime": "07 9, 2014", "summary": "Five Stars", "unixReviewTime": 1404864000} +{"reviewerID": "A19CV021YX2S1Z", "asin": "B00009KLAE", "reviewerName": "S. Monti", "verified": false, "reviewText": "Saves you lens from damages", "overall": 5.0, "reviewTime": "10 15, 2014", "summary": "Save your Lens", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "A26DC07978BAWD", "asin": "B00005T3Q2", "style": {"Style:": " Black + TEL/Coax/NET"}, "reviewerName": "Rochelle halling", "reviewText": "HELPED ORGANIZE MY PLUGS", "summary": "Five Stars", "unixReviewTime": 1498953600} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2012", "reviewerID": "A3NNOKCKPWRB4P", "asin": "B00006B9W3", "reviewerName": "DTee", "reviewText": "Rich and full bodied for a cheap pair of speakers for the office Skype. Well worth 5 stars. Wish there was an on / off switch rather than the volume control as you need to recall the volume settings...", "summary": "Excellent speakers", "unixReviewTime": 1331424000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2011", "reviewerID": "A2QAYZLK184R76", "asin": "B00005NHGP", "reviewerName": "GWC", "reviewText": "I teach a Linux class and these are the perfect size for holding a network install image.\n\nFor some reason, none of the local office supply stores stock these.", "summary": "Memorex Pocket CD's", "unixReviewTime": 1324771200} +{"overall": 5.0, "verified": false, "reviewTime": "03 1, 2011", "reviewerID": "A2L0852Y0SBTAY", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Photodan70", "reviewText": "Dont let audio snobs fool you... this sub rocks! Period. Great Bass, large movement of air movement... you cannot beat it for the price!!", "summary": "Excellent sound for price!", "unixReviewTime": 1298937600} +{"overall": 1.0, "verified": true, "reviewTime": "06 12, 2010", "reviewerID": "A21AYP8OKDIFZW", "asin": "B00022OBRE", "style": {"Size:": " 10-inch"}, "reviewerName": "Erik", "reviewText": "I bought this for a replacement speaker for an old 10\" bazooka tube. Horrible buzzing sound and low output. I might have had a bad speaker, but can't return this as I have already marked up the frame installing with screws. My loss.", "summary": "Look elsewhere for a sub", "unixReviewTime": 1276300800} +{"overall": 5.0, "vote": "11", "verified": false, "reviewTime": "07 24, 2002", "reviewerID": "A3P13MBP2DVALC", "asin": "B000067FC5", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "space pen", "reviewText": "This is a great and slimple portable unit. It has outstanding reception on all bands. Extremely easy to program, with scan to preset 40 stations. It's rugged and has great sound. The best on the go unit I've ever owned.", "summary": "am-fm,cassette,tv,wb", "unixReviewTime": 1027468800} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A2884KDDF3QXGO", "asin": "B00013M6NK", "reviewerName": "Lg-boy", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A3M7D29SXMOD", "asin": "B0000A1VS3", "reviewerName": "Matt O", "reviewText": "works good", "summary": "Five Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A4MQW8M28GNT5", "asin": "B0000Y8C2Y", "style": {"Style:": " 80MM EQ Refractor"}, "reviewerName": "Themis", "reviewText": "7 year old loved it! His dad gets as much use as he does.", "summary": "Good Value!", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A1ANC5NLVQWUQM", "asin": "B000068O4E", "style": {"Style:": " Angled 1/4\" TRS to 1/4\" TRS"}, "reviewerName": "Paul Lewis", "reviewText": "Works great", "summary": "Works", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "AO8HCBGIP9PXJ", "asin": "B0001BVD1S", "reviewerName": "TDO", "reviewText": "Used these at our wedding. Awesome deal for this knick knack. It was funny to see how many people forgot how to use disposable cameras.", "summary": "Excellent wedding item", "unixReviewTime": 1456012800} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2013", "reviewerID": "AEFCBQOMTZ0YR", "asin": "B000053HC5", "style": {"Style:": " Lens Only"}, "reviewerName": "JHWSFL", "reviewText": "Nice blurry backgrounds at F2 and with a Double dip how can one resist. If canon upgrades this the price on that will double like the 24-70 and these will hold there value and with the beautiful pictures who needs the next version.....", "summary": "Excellent", "unixReviewTime": 1387929600} +{"reviewerID": "A2JLHTGYNOQT7J", "asin": "B00009KLAE", "reviewerName": "Boston strong", "verified": true, "reviewText": "Quickly shipped. Difficult to say anything else about this :) amazon requires that I actually say more so I am just filling in words that have absolutely nothing related to the product.", "overall": 5.0, "reviewTime": "03 29, 2014", "summary": "Really", "unixReviewTime": 1396051200} +{"overall": 1.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A3F855ATGTFW1M", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "Auron", "reviewText": "The audio quality was so bad that I went back to my old cable. I wish I wouldn't have bought this.", "summary": "Went Back to Old Cable", "unixReviewTime": 1494892800} +{"overall": 4.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A8ESBKUCBMGTK", "asin": "B0000BZL0U", "style": {"Size:": " 37 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "david", "reviewText": "Quality at an affordable price", "summary": "Works", "unixReviewTime": 1444176000} +{"reviewerID": "A29WUMT65XEQE9", "asin": "B00006HURK", "reviewerName": "1cleverchef", "verified": true, "reviewText": "This is the 2nd time I've used Belkin Cat5's, I have some shorter ones and needed to change my router placement. I've also used Belkin HDMI cables and I think Fiber optic cable as well. I've never had any problem with their cables so far and their prices are reasonable...", "overall": 5.0, "reviewTime": "02 24, 2013", "summary": "Belkin", "unixReviewTime": 1361664000} +{"overall": 1.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "AYIALD5O0YM9Q", "asin": "B000067SMI", "style": {"Capacity:": " 10-Feet", "Package Type:": " Standard Packaging"}, "reviewerName": "videowatcher", "reviewText": "I could not make my computer display my monitor's native resolution with this cable. I connected the monitor with my old short cable and the resolution was fine. A pin was missing from both connectors - - I don't know if this was the source of the problem.", "summary": "Pins missing.", "unixReviewTime": 1372032000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A3BJIZQA36AW9O", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Chopt Livah", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A5TLEWP9GH4I4", "asin": "B0000AI0N1", "style": {"Style:": " Black w/ Desk Clamp & USB"}, "reviewerName": "Kindle Customer", "reviewText": "Perfect fit on my work bench. This item was described extremely accurate in the description so no complaints.", "summary": "Five Stars", "unixReviewTime": 1443484800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 14, 2012", "reviewerID": "A129AN1EZZVG61", "asin": "B00000J1U8", "style": {"Color:": " Black", "Length:": " 10-Foot"}, "reviewerName": "ComputerGuyNJ", "reviewText": "USB Cable was dead on arrival. Not cool considering I ran it through a wall.\n\nToday's lesson: Test your cords before running them.", "summary": "USB Cable was dead on arrival.", "unixReviewTime": 1331683200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2009", "reviewerID": "A1BIY7DN9HZA5D", "asin": "B000083JZH", "reviewerName": "J. Metcalf", "reviewText": "I love the fact that it has a metal clip to keep the cable in place so as to not accidentally move it while working with other inards of the motherboard.", "summary": "Better than other SATA cables", "unixReviewTime": 1246665600} +{"overall": 4.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A361UABD1KYSIM", "asin": "B00006BALN", "style": {"Color:": " Grey-j45"}, "reviewerName": "Nickels", "reviewText": "The band works great. I would have given it 5 stars but the band magnet has started to loosen up some so if I make it tight on my wrist while working out it loosens up a little, but I've never had any fear of losing my Fitbit because of it.", "summary": "Magnet loosened up a little after a few months", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2017", "reviewerID": "A2I0DYVHKG4VQP", "asin": "B00006B8CH", "style": {"Size:": " 300W", "Style:": " ATX"}, "reviewerName": "Joseph R. Dragone", "reviewText": "Works great. Received it fast. In my case I did need the two recommended add ons, the Molex to Sata adapter and 20 pin to 24 pin adapter which I am glad I ordered along with the power supply.", "summary": "Works great. Received it fast", "unixReviewTime": 1502582400} +{"overall": 3.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A2JLWWDC3OOGUP", "asin": "B00002EQCW", "reviewerName": "Dan Knauss", "reviewText": "Take note it's NOT gigabit (10/100/1000) ethernet. Very little reason to buy one of these today, since most devices will be faster/wider bandwidth and be bottlenecked by old \"fast\" 10/100 ethernet.", "summary": "Take note it's NOT gigabit (10/100/1000) ethernet. Very little ...", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A3KKMR2NISUND4", "asin": "B00008AWL2", "style": {"Capacity:": " 24 Port", "Model:": " Cat 5/5e"}, "reviewerName": "AmznCust", "reviewText": "No complaints on quality here.", "summary": "Five Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A2GUQ205V76UDV", "asin": "B00005N5X2", "reviewerName": "Jose P.", "reviewText": "nice good product", "summary": "i like it", "unixReviewTime": 1432598400} +{"reviewerID": "A3V4LQVINPXPK4", "asin": "B00009KLAE", "reviewerName": "PhotoAspen", "verified": true, "reviewText": "Excellent service and product!", "overall": 5.0, "reviewTime": "12 19, 2014", "summary": "Five Stars", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2006", "reviewerID": "A1O25PY6022ESJ", "asin": "B00007LTBA", "reviewerName": "Rollie", "reviewText": "The router is exactly as advertised. Works great and easy to setup.", "summary": "D-Link DI-624 Review", "unixReviewTime": 1163030400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2007", "reviewerID": "A2WF58BAWLVI95", "asin": "B00008VSL4", "reviewerName": "M. Dembski", "reviewText": "Not the thinnest cable out there, but plenty thin so that it doesn't stick out. Just realize that you will need some way to glue the cable to stick to the wall.", "summary": "item as promised", "unixReviewTime": 1167696000} +{"reviewerID": "A2G0ZJ7QBRZ93F", "asin": "B00004ZCJJ", "reviewerName": "Yang Dongxiao", "verified": false, "reviewText": "I use it as protection of lens. I bought it because it's popular on-line, own it for 3 months, works fine all the time.", "overall": 4.0, "reviewTime": "09 7, 2009", "summary": "a fine filter and good price", "unixReviewTime": 1252281600} +{"overall": 4.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A1PV5E7NOGGLX1", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Big Jeff", "reviewText": "Used once, and working well.", "summary": "Good", "unixReviewTime": 1447200000} +{"overall": 4.0, "vote": "9", "verified": false, "reviewTime": "12 25, 2008", "reviewerID": "AI6DRVXPZXA9M", "asin": "B00005LELD", "reviewerName": "Andrew Bash", "reviewText": "It's a well designed product, very compact, but sturdy. However, be aware that it vignettes very heavily on focal lengths under 24mm.", "summary": "Vignettes on the Nikon 18-55", "unixReviewTime": 1230163200} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2013", "reviewerID": "A12UIM7OU6PFQ5", "asin": "B0000AOWWI", "reviewerName": "psuarmy", "reviewText": "If you need a VGA splitter then this product works. I got it because it was cheap. Product is well made.", "summary": "they work", "unixReviewTime": 1369353600} +{"reviewerID": "A1Z8V3K4WZPAGC", "asin": "B000067O6B", "reviewerName": "KSLLC-Recept", "verified": true, "reviewText": "Perfect!", "overall": 5.0, "reviewTime": "03 18, 2015", "summary": "Five Stars", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "ALNE2H92RG24N", "asin": "B00006JPES", "reviewerName": "Danny W.", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A2C82LHHXIRUO7", "asin": "B00007KDX6", "style": {"Color:": " Silver"}, "reviewerName": "Paul Ward", "reviewText": "just what we needed", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A8C41XE5TCQXR", "asin": "B00006346W", "reviewerName": "nickbassman", "reviewText": "I got cheap so I thought I would give a try works great but I would still rather have mediabridge cables", "summary": "Good deal", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "AXD4DOMJ1I2LA", "asin": "B000234TYI", "style": {"Format:": " Personal Computers"}, "reviewerName": "A real person!", "reviewText": "I have read the reviews, and they were not that exciting, but I bought it anyway! and I don't regret it. It's working and everything was good up to now.", "summary": "perfect", "unixReviewTime": 1359417600} +{"overall": 1.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A2HTPCDBJ88S07", "asin": "B0001FTVEK", "style": {"Product Packaging:": " Standard Packaging", "Style:": " RS120"}, "reviewerName": "L. DeMers", "reviewText": "Terrible product. Died on March 18th, 2 months after buying it. Return not allowed. Never Again Senheiser.", "summary": "junk", "unixReviewTime": 1489881600} +{"overall": 4.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A3ACY5RE7YNIBZ", "asin": "B000068O4Y", "style": {"Style:": " RCA to Dual RCAF"}, "reviewerName": "Joel Klein", "reviewText": "Useing these to spilt stereo rca from my tv to spliter for my concoles little sound loss", "summary": "good product for classic gaming consoles", "unixReviewTime": 1428451200} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2017", "reviewerID": "A2SEZXRP7ZUH5V", "asin": "B0000510NU", "style": {"Style:": " 7ft Cord (Black)"}, "reviewerName": "Jeffrey G.", "reviewText": "great deal Thanks Good Quality As Well!", "summary": "Feels Strong not like Cheap Harbor Frieght Junk GREAT", "unixReviewTime": 1491696000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "AXIUDG3E1TQ4B", "asin": "B00002NAQZ", "reviewerName": "Jason", "reviewText": "Works great for that empty gang box.", "summary": "Five Stars", "unixReviewTime": 1466640000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 12, 2013", "reviewerID": "A2SOXIEBGKYPFW", "asin": "B00009RA60", "reviewerName": "gene", "reviewText": "smaller and lighter than a UPS. No battery backup, but good protection from line sags. Well built and from a reputable company.", "summary": "Great heavy duty protection", "unixReviewTime": 1370995200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A1FYDKBA4P2MOX", "asin": "B0001XO674", "style": {"Style:": " 6.5\" 200 Watts White"}, "reviewerName": "Kentucky Trucker", "reviewText": "Good in our old deck boat.", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2014", "reviewerID": "A241Q6DNIRBYR", "asin": "B0000510T7", "reviewerName": "Eli Molina", "reviewText": "Love this item", "summary": "Five Stars", "unixReviewTime": 1392163200} +{"overall": 3.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "AYVG9FJPVWKL", "asin": "B00005133U", "style": {"Size:": " 300W", "Style:": " ATX"}, "reviewerName": "Merc", "reviewText": "Works but has only one SATA plug so beware if you have a modern computer with two or more SATA devices.", "summary": "1 SATA", "unixReviewTime": 1359417600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71zLs8DI-LL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "AQ4W45FEDV3PH", "asin": "B00006B81E", "style": {"Style:": " 3 Outlet Direct Plug-in"}, "reviewerName": "D. Zanter", "reviewText": "I use this for a surge protector on the modem router and dsl box in my office. The 3 outlet space does have enough room for two wall wart plugs as shown in the picture.", "summary": "I use this for a surge protector on the modem ...", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "AC1V9M3VCQ6L2", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Brian Moore", "reviewText": "Huge, excellent bass response. Wonderful addition to my stereo", "summary": "excellent bass response", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "A1N7R5FFSQMFLM", "asin": "B0000AI0N2", "style": {"Style:": " 10 Outlet + TEL/TV"}, "reviewerName": "Alex Q", "reviewText": "Have never had to worry about major surges so far, but so far the product seems to be doing its job. The design is good, leaves space for those awkward shaped adapters.", "summary": "Surge Excellence", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "AZ6IH1XQZUTXM", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "J. Hault", "reviewText": "You can never go wrong with Netgear ProSafe line. They are great quality and last forever.", "summary": "You can never go wrong with Netgear ProSafe line.", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2170CTBAOKQ6H", "asin": "B00004ZCJI", "style": {"Size:": " 82mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Bob", "reviewText": "Worked as expected", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A3HJ3KP6S58I8N", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Webpersona", "reviewText": "Snap, snap, I'm nowhere near the camera. Sweet!", "summary": "Sweet!", "unixReviewTime": 1426550400} +{"reviewerID": "A1B4RFR5BLLQI5", "asin": "B00006HURK", "reviewerName": "Captain Sensible", "verified": true, "reviewText": "I needed a few of these for various internet enabled bits of kit and a few of these did the job and weren't overpriced for what it is. Works fine!", "overall": 3.0, "reviewTime": "02 5, 2013", "summary": "Don't get excited, its just a CAT5 patch cable!", "unixReviewTime": 1360022400} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A3VE61K6F6ZA22", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "momofthree", "reviewText": "Works as advertised", "summary": "Four Stars", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "ANTC0S7RR9HQP", "asin": "B00018MSNI", "style": {"Style:": " Headphones"}, "reviewerName": "Leonard LI", "reviewText": "In this price, HD 650 is king of classic. Well, it is worth this price and also I can say it should be every headphone collector's collection.\nLooks cool, sounds great.", "summary": "Best in this price.", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2010", "reviewerID": "A37UUPW4JG2PR", "asin": "B00007FGUF", "reviewerName": "Corndog1337", "reviewText": "I use this everyday switching a cord between it and another device and I've never had any issues with this part. I would definitely recommend to someone else.", "summary": "No problems at all solid product", "unixReviewTime": 1289606400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "AV202Y1BLYHRW", "asin": "B00006JPEA", "reviewerName": "Jesse", "reviewText": "I used this to combine two HD antennas and it works great!", "summary": "... this to combine two HD antennas and it works great!", "unixReviewTime": 1411948800} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "01 30, 2010", "reviewerID": "A2SQGC708613E4", "asin": "B0000BYBVT", "reviewerName": "Maxwell Johnson", "reviewText": "Not much to review here. This is just an orange cord reel, good for drop cords or long strands of lights. It turns smoothly and works as expected. It might be a little sturdier; we'll have to see how it stands up to extended use.", "summary": "Does just what it is supposed to do", "unixReviewTime": 1264809600} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A89V65Y88KJT7", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Worked just like it should have. I used it for a 2000 Chevy Tracker with a Pioneer head unit. Worked out well. Also shipping was very fast.", "summary": "Worked very well", "unixReviewTime": 1432166400} +{"overall": 3.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A305T13IR7JBN", "asin": "B00002EQCW", "reviewerName": "fwal3606", "reviewText": "It works fine", "summary": "Three Stars", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "AR1HNR4FPJCHO", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Levi Abernathey", "reviewText": "As advertised. I needed the extra length to manage my computer setup. I am comfortable running a 1200 watt power supply unit with this cord.", "summary": "Great", "unixReviewTime": 1400371200} +{"reviewerID": "A272LERG5184RY", "asin": "B0000A1WGL", "reviewerName": "Hedley W. Davies", "verified": true, "reviewText": "Great.", "overall": 5.0, "reviewTime": "08 27, 2014", "summary": "Binder", "unixReviewTime": 1409097600} +{"reviewerID": "A2B38M097QTKS5", "asin": "B00004ZCJJ", "reviewerName": "Index Art", "verified": true, "reviewText": "does the trick", "overall": 5.0, "reviewTime": "02 15, 2016", "summary": "Five Stars", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "AHGVIG6PUF9CN", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Charles Rutterbush", "reviewText": "Works great. I wish there was a larger one.", "summary": "Five Stars", "unixReviewTime": 1433203200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A2VN4UST2W8JZI", "asin": "B00002EQCS", "style": {"Capacity:": " 16 Port | 70W PoE", "Model:": " Metal"}, "reviewerName": "Ty", "reviewText": "Shocked to see this was not gigabit. Can't believe they still sell non-gigabit switches.", "summary": "Not a gigabit switch.", "unixReviewTime": 1458086400} +{"reviewerID": "A2HXX2C4VUXBH7", "asin": "B000067O6B", "reviewerName": "B.L.", "verified": true, "reviewText": "Great fit.", "overall": 5.0, "reviewTime": "06 9, 2016", "summary": "Five Stars", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "A2M60FJ038U5UK", "asin": "B0001LR1KU", "style": {"Size:": " 30-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "worked fine", "summary": "Five Stars", "unixReviewTime": 1488499200} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2017", "reviewerID": "A1SBGKGTVXE20W", "asin": "B0001M6K24", "reviewerName": "Bootsie", "reviewText": "Removes lint from laptop screen and tablet screens. I did not even realize how much lint accumulates and can be easily removed.", "summary": "Great lint remover wipe", "unixReviewTime": 1498867200} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2009", "reviewerID": "A2JVM89OKKNOWK", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Carol S", "reviewText": "Utilitarian UV filter for basic lens protection. What can you say about something like this?", "summary": "I can see clearly now ...", "unixReviewTime": 1238112000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A1RORPOR1JB0HE", "asin": "B00007JRBM", "style": {"Size:": " one size"}, "reviewerName": "Leonardo", "reviewText": "I have been using this item for years almost every day trouble free.", "summary": "WOULD BY AGAIN!", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1YFIORQBNGVLS", "asin": "B0000AE68P", "style": {"Size:": " 9X12"}, "reviewerName": "Kindle Customer", "reviewText": "I really love this portfolio. Its made really well and it protects my photographs. Its a little pricey but its worth it.", "summary": "love it", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2013", "reviewerID": "AWL3HF0YFSID6", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Laptop Stand"}, "reviewerName": "wapiti", "reviewText": "this riser works great to raise laptop up when using it alone or with additional monitor. makes it easy on neck if you aren't straining to look down at screen when sitting on a table. easy to keep it cool and convenient to hook up cords too.", "summary": "Great Laptop riser", "unixReviewTime": 1360627200} +{"overall": 2.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A362SJYGQ1H2JE", "asin": "B00004TWLZ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "alejandro aranda", "reviewText": "The film doesn't perform as good as it should there appears to be heavy grain and it is very noticeable in any picture.", "summary": "The film doesn't perform as good as it should there appears to be heavy grain ...", "unixReviewTime": 1407888000} +{"overall": 4.0, "verified": false, "reviewTime": "05 24, 2013", "reviewerID": "A2QFV5U61V204J", "asin": "B0000X6I5I", "reviewerName": "Cloudmaker", "reviewText": "It works,\nIt would be great if it was collapsible.\nMaterials feel a little on the cheap side.\nOverall I am very pleased with the way they fit and work.\nI would recommend them.", "summary": "It works", "unixReviewTime": 1369353600} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2013", "reviewerID": "A2M327LSHD3N4B", "asin": "B00006I5J4", "reviewerName": "Robert Gryphon", "reviewText": "Useful primarily for playing games with bokeh, but that's what it's designed and marketed for. Good optics, as far as I'm qualified to judge.", "summary": "Unique lens", "unixReviewTime": 1387929600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A20KMY1E90AC3Z", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Bob Clark", "reviewText": "No comment", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A5CGJKIB4VOU8", "asin": "140053271X", "reviewerName": "SomaKindaWonderful", "reviewText": "This was a Christmas gift for my daughter, who is in the Army currently. She loves it to death and then some!", "summary": "Great Gift", "unixReviewTime": 1359504000} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A32IYH2WIQN8F1", "asin": "1933622326", "style": {"Color:": " Silver"}, "reviewerName": "If you can't find it on Amazon - you don't need it", "reviewText": "Have bought several for off-to-college kids", "summary": "Four Stars", "unixReviewTime": 1457481600} +{"reviewerID": "ARLAX11SGSVS7", "asin": "B00009KLAE", "reviewerName": "William D. Funk", "verified": true, "reviewText": "This filter mounted on the lens nicely and the mating appeared perfect. The lens cap snaps easily into the grooves provided.", "overall": 4.0, "reviewTime": "05 5, 2014", "summary": "It does as claimed.", "unixReviewTime": 1399248000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "AINSZOTFFDWI2", "asin": "B00009R9BF", "style": {"Color:": " Black", "Style:": " Midsize Zoom"}, "reviewerName": "MariaK", "reviewText": "Pretty much as described. Fits my Nikon D5200 with the 18-300mm lens just fine, which is what I got it for.", "summary": "Pretty much as described", "unixReviewTime": 1421107200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A3266UL59ATXT7", "asin": "B00008Y0VN", "style": {"Size:": " 15x70"}, "reviewerName": "NP520", "reviewText": "I have a place in upstate NY... a dark sky and a lounge chair, and the star gazing is awesome. I've even been able to see the Moons of Jupiter with these.", "summary": "Good pair of Binoculars at a reasonable cost.", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "A6YZT3DLEG6DN", "asin": "B0002AX7TE", "reviewerName": "Roger White", "reviewText": "These batteries used to millions of dollars - not really, now affordable allowing hand held radios with discrete frequencies to function again! Batteries work and are affordable.", "summary": "Works and is affordable", "unixReviewTime": 1367107200} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "AJRH4I62184NC", "asin": "B000083JZ0", "style": {"Length:": " 50Ft"}, "reviewerName": "Andrew Reel", "reviewText": "Did increase the speed of the internet, nothing earth shattering but, it was improvement! great solid cable... would highly recommend.", "summary": "great solid cable", "unixReviewTime": 1478304000} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A2KLQ1AW40JL0V", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Plus | L2 Managed"}, "reviewerName": "J. Russell", "reviewText": "The switch works as advertised. Around UI/UX design, there's some room for improvement such as in the visual cues for configuring VLANs. But for the price, I can't knock it.\n\nI don't love the proprietary config interface, but for the price & features its not a show stopper.", "summary": "Handy features for the price", "unixReviewTime": 1425254400} +{"reviewerID": "A1H4JFUJ9XAUCP", "asin": "B00004ZCJJ", "reviewerName": "Gypsygma", "verified": true, "reviewText": "Good quality. A+++ transaction.", "overall": 5.0, "reviewTime": "10 24, 2015", "summary": "Good quality. A+++ transaction", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "AQL0SUG5K7ZH5", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Colin", "reviewText": "Very powerful blower", "summary": "Five Stars", "unixReviewTime": 1464048000} +{"overall": 3.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2RII3F6NBFZ2X", "asin": "B00004SABB", "style": {"Size:": " 16 x 32mm", "Color:": " Black"}, "reviewerName": "mohammed alhazmiy", "reviewText": "good", "summary": "Three Stars", "unixReviewTime": 1479686400} +{"overall": 2.0, "verified": false, "reviewTime": "02 19, 2018", "reviewerID": "A2W2L39LKZAB6R", "asin": "B00005QBU9", "style": {"Color:": " Black"}, "reviewerName": "Pablo Vasquez Flores", "reviewText": "Uncomfortable. Poor bass sounds. Undesirable \"stethoscope effect\". Regular manufacture.", "summary": "Poor bass sounds", "unixReviewTime": 1518998400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A205YMN8YR88MK", "asin": "B00004Z5CP", "style": {"Size:": " 5 Feet", "Color:": " Black"}, "reviewerName": "Michael A. Kelley", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A2LBKOKSQXP88H", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "Glenn F.", "reviewText": "Price is perfect works just as good", "summary": "Good", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A3SG9DLHMFC839", "asin": "B00006I5J7", "reviewerName": "Ice Cold", "reviewText": "Fit like a champ..Don't leave home without it", "summary": "Five Stars", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A34239S62S5IL5", "asin": "B00006B8C2", "reviewerName": "Al R.", "reviewText": "As expected.", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"reviewerID": "AADDF51YY8LWE", "asin": "B00004ZCJJ", "reviewerName": "Dale J.", "verified": true, "reviewText": "Good filter for the money!", "overall": 4.0, "reviewTime": "02 10, 2018", "summary": "Four Stars", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2009", "reviewerID": "A16AKXSYOS4QED", "asin": "B00009RUI6", "reviewerName": "Photo Bug", "reviewText": "This substitute battery fit the phone connection perfectly and the battery is performing as advertised. The price was quite a bit less than the Panasonic replacement. No complaints, and I am very satisfied.", "summary": "Excellent battery for cordless phone", "unixReviewTime": 1246752000} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A322WNKPG8QT71", "asin": "B00004WCGF", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "DaGama", "reviewText": "Great bag for my wife's camera, just the right size for the camera and a few accessories but not so big to bother you", "summary": "Great bag for my wife's camera", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "A3O7P8LY9S94D0", "asin": "B00004Z5P4", "reviewerName": "R. Garden", "reviewText": "Belkin is the way to go when it comes to wiring and adapters. I finally have a better internet speed and the ability to move around the router for better signals. Thanks Belkin!", "summary": "Good deal on 25 ft Cat 5e's", "unixReviewTime": 1366675200} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A995Y1O57XQ0X", "asin": "B00022OBO2", "style": {"Size:": " 6.5 in"}, "reviewerName": "briangh54", "reviewText": "Worked as expected.", "summary": "Four Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A25OTXCCEGLONS", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "EC IS", "reviewText": "works, good quality", "summary": "good", "unixReviewTime": 1424217600} +{"overall": 3.0, "verified": false, "reviewTime": "07 12, 2011", "reviewerID": "A2RWHRV34EKXTR", "asin": "B00009R88P", "style": {"Size:": " 19-Inch", "Color:": " Grey"}, "reviewerName": "YC", "reviewText": "Buy large size or you'd better use a camera case that fits well. ok product but not very excited about the quality.", "summary": "OK product", "unixReviewTime": 1310428800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A2JWEX4CT3FFXU", "asin": "B00006B7DA", "reviewerName": "Mary J", "reviewText": "Best hub I have found, yet! There are other ones that go out in all directions & creates a huge tangled mess! This one is perfect & fits great inside my desk cord organizer.", "summary": "Best one, yet!", "unixReviewTime": 1396310400} +{"overall": 2.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A253IVXJVIG35S", "asin": "B00004TWM6", "style": {"Size:": " 4 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Douglas C. Holbrook", "reviewText": "Pictures did not really turn out.", "summary": "Two Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "A19VMMOZ56JWGS", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Kenny Brown", "reviewText": "Plug and play, love it, works just fine, I just hope I do get evething else that nneds to be plug to the net by way of ethernet", "summary": "Badly needed", "unixReviewTime": 1392422400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A2CJRO5NRBK37X", "asin": "B00004RFC2", "style": {"Size:": " Twin Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Taylor Ignacio", "reviewText": "GREAT", "summary": "GREAT", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A2BO6PIWE9SOR2", "asin": "B000066R6M", "reviewerName": "Ralph", "reviewText": "I use this radio at work and it performs spectacular . Since I work in a metal whse , most other radios that I have tried tend to fade in and out. this one does not", "summary": "very good radio", "unixReviewTime": 1416614400} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A2P6RGJ6LVZ1XP", "asin": "B00000K2YR", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "william zamora", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A3H8PA7AG48K33", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Frustration-Free Packaging"}, "reviewerName": "A. Silverstone", "reviewText": "Verbatim's blank CD -R are great. The work well, are a good price and are easy to label. What more do you want.", "summary": "Burn Away", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A3KKMR2NISUND4", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "AmznCust", "reviewText": "Not sure how they could screw up a power cord but this one is great. Exactly like the one that came with my monitor, but a few critical feet longer. Just as advertised.", "summary": "... screw up a power cord but this one is great. Exactly like the one that came with my ...", "unixReviewTime": 1438905600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "09 25, 2005", "reviewerID": "A2B2E4SDYDTSWW", "asin": "B00004Z0BO", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "jjt", "reviewText": "The creative muvo earbuds that came with my mp3 player are much better these sennheiser's. They have no volume and very little bass. The reveiws I read about the muvo stock earbuds were way wrong! jjt.", "summary": "dissapointing", "unixReviewTime": 1127606400} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2011", "reviewerID": "A2HW0XHWZO3O8J", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Gbcue", "reviewText": "There's no coating on these Tiffen UV filters so you may get lens-flare, internal reflections, etc. It does do a good job at protecting the front element, though.", "summary": "Great Value UV Filter", "unixReviewTime": 1313020800} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "AYBFOE6LMMU70", "asin": "B0000YNR5Q", "reviewerName": "irvin e klayman", "reviewText": "Just what I needed had to replace batteries from the get", "summary": "Five Stars", "unixReviewTime": 1450051200} +{"overall": 3.0, "verified": true, "reviewTime": "08 4, 2017", "reviewerID": "AJR8JANGSAQO7", "asin": "B000066R6M", "reviewerName": "Fernando", "reviewText": "Good reception.\nThe audio is not very good.", "summary": "Good reception. The audio is not very good", "unixReviewTime": 1501804800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A2SCFLORGS4PVI", "asin": "B0000C16R5", "style": {"Style:": " Mini Pro V"}, "reviewerName": "G.M.", "reviewText": "This truly a great tripod", "summary": "Greay Tripod", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2012", "reviewerID": "A1EWO6ITTRIYYJ", "asin": "6073894996", "reviewerName": "fast eddie", "reviewText": "What can you say? It worked and it was cheap. What else can you want.\nWhat can you say? It worked and it was cheap. What else can you want.", "summary": "unbelievable", "unixReviewTime": 1340928000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A12KU6D8ELVTB4", "asin": "B0001BVXI6", "style": {"Style:": " English"}, "reviewerName": "Bob Knight", "reviewText": "Had one of this previously. Knew that they worked wonderfully. Got this replacement. I am very happy.", "summary": "Knew that they worked wonderfully. Got this replacement", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2014", "reviewerID": "A1BPUOLFJXY3GV", "asin": "B000051299", "reviewerName": "Fred", "reviewText": "It makes some noise but the amount of heat it removes from the system is great. However, I would recommend placing it away from the cpu as it appears to affect its air flow", "summary": "High flow", "unixReviewTime": 1390694400} +{"overall": 4.0, "verified": true, "reviewTime": "05 13, 2013", "reviewerID": "A11KW5S7UT7PGK", "asin": "B00009V3C5", "style": {"Size:": " 1 PACK"}, "reviewerName": "T.D.", "reviewText": "Glossy paper does a good job for contrast. If you have a good negatives, you will not have troubles with your prints. Good deal, too!", "summary": "Good contrast", "unixReviewTime": 1368403200} +{"reviewerID": "ALW5O0ACMENR9", "asin": "B00004ZCJJ", "reviewerName": "Adrian Merrington", "verified": true, "reviewText": "Produces good clear images", "overall": 5.0, "reviewTime": "02 6, 2017", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 4.0, "verified": true, "reviewTime": "06 16, 2013", "reviewerID": "AXWB93VKVML6K", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Michael Hassey", "reviewText": "Well built, well labeled -\n\nHosa is the working mans way to connect up your stuff.\n\nI have it all over my studio and zero complaints.", "summary": "HOSA again", "unixReviewTime": 1371340800} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A2HOPYNO8PMUHP", "asin": "B0002A4M4I", "reviewerName": "Joy Leftow #10232#", "reviewText": "Yay for Canon - all their products work nicely. What more is there to say? A known brand and quality is what Canon is know for!", "summary": "Yay Canon", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A3QX14AZKQCLAF", "asin": "B0000BZL8D", "style": {"Size:": " 52 mm"}, "reviewerName": "Phillip Ward", "reviewText": "I love B+W filters, and don't use any other brand. Bought this for my Fuji mount Zeiss 32mm f/1.8 so I could shoot at wider apertures in bright conditions.", "summary": "B+W are the best", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "AS9X1SHQIIVTL", "asin": "B0000DIESU", "style": {"Style:": " Slim Cable - mobile"}, "reviewerName": "Manuel", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A2DOXIX903N8CQ", "asin": "B00006B83F", "style": {"Style:": " 5 Outlet + TEL"}, "reviewerName": "Denise M. Grant", "reviewText": "Excellent - compact yet fully meets needs", "summary": "Five Stars", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A38S7YJ4IJKUI4", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Force2BRW", "reviewText": "Solid construction, works as expected", "summary": "Good product", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "A3MYMLBXKLNRXV", "asin": "B00007E816", "style": {"Color:": " Black", "Style:": " 3/8\""}, "reviewerName": "Marko", "reviewText": "I really like this camera strap. The neoprene (or whatever it is) is much more comfortable on my neck than the original factory strap.", "summary": "Very comfortable", "unixReviewTime": 1357948800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "AOQ3ZD4H9FTIJ", "asin": "B000068O3E", "style": {"Size:": " 10 Feet"}, "reviewerName": "injunfan", "reviewText": "I used this for a special application of inputting the signal from my micro cube amp into my sound card on my computer. It worked perfect for this purpose. Well made product.", "summary": "Special purpose cable works great", "unixReviewTime": 1411344000} +{"reviewerID": "A1TBTWBDF21NMP", "asin": "B00009KLAE", "reviewerName": "Dinesh Yadav", "verified": true, "reviewText": "Great Product in less amount of Money.", "overall": 5.0, "reviewTime": "12 30, 2014", "summary": "Five Stars", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": false, "reviewTime": "09 23, 2016", "reviewerID": "A38N2653FJ2NCF", "asin": "B0002BEQAM", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Brian", "reviewText": "Fit my 2001 Chevy Tracker perfectly, wires were well documented", "summary": "Five Stars", "unixReviewTime": 1474588800} +{"reviewerID": "A1N50YHLR4IWUY", "asin": "B00009KLAE", "reviewerName": "ERK", "verified": true, "reviewText": "Perfect fit on the Sony DSC-H3.", "overall": 5.0, "reviewTime": "04 9, 2018", "summary": "Good product", "unixReviewTime": 1523232000} +{"overall": 2.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A1BZN6EIMTZPAY", "asin": "B00006B81E", "style": {"Style:": " 6 Rotatable Outlet Direct Plug-in"}, "reviewerName": "Ren", "reviewText": "Mine stop working after 2 months, too late to return it.", "summary": "Two Stars", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A1PBJFQE0UJYEB", "asin": "B00004TWLZ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Martin Brown", "reviewText": "Good price and delivered quickly. Wish I could find a place to get my film developed. ", "summary": "Good price, quick delivery!", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2014", "reviewerID": "AZ1S1UCN8YXTE", "asin": "B00006JPEA", "reviewerName": "Carroll", "reviewText": "I needed a signal combiner to combine my UHF and VHF antennas. This unit does the job and at this point have not had any problems.", "summary": "It does the job", "unixReviewTime": 1389398400} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A27FFD5G0ICLWA", "asin": "B0000DBJ8A", "reviewerName": "GC", "reviewText": "Exactly as described. Works fine!", "summary": "Works fine!", "unixReviewTime": 1429488000} +{"overall": 1.0, "verified": false, "reviewTime": "10 12, 2007", "reviewerID": "A395U5P1H4Q8VY", "asin": "B0000952XX", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "D. Poeschl", "reviewText": "I've bought several, they break after only a few weeks no matter how careful you are with them.", "summary": "don't buy these", "unixReviewTime": 1192147200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "AX5Q7A9W18SYA", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Mr.Dabour", "reviewText": "Does The Job", "summary": "Five Stars", "unixReviewTime": 1437696000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "AT2ZMBHP4NY32", "asin": "B0001IM95U", "reviewerName": "C. Bussell", "reviewText": "These are so good that our local walmart sold out of them and when they got more in the price went up. Still the best headphones I've found under $10. Especially for kids.", "summary": "These are so good that our local walmart sold out of them and ...", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "A272U1LZNSV45S", "asin": "B0001LR1KU", "style": {"Size:": " 50-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Naomi May", "reviewText": "So far all good. Works great.", "summary": "CD", "unixReviewTime": 1473033600} +{"reviewerID": "A2HIFEA5O00M69", "asin": "B00009KLAE", "reviewerName": "Dr. James Williamson", "verified": false, "reviewText": "This filter flares excessively and is unworthy of any optical system. All inventory should be recycled immediately. Once again you don't get what you don't pay for. The clear Nikon filter that I replaced this with functions very well.", "overall": 1.0, "reviewTime": "05 24, 2012", "summary": "Flares excessively", "unixReviewTime": 1337817600} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A2K7ZZP0E7QZ9M", "asin": "B00008ZPGS", "style": {"Size:": " 7x50"}, "reviewerName": "MT5325", "reviewText": "Steiner. Great.", "summary": "Steiner.", "unixReviewTime": 1456704000} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2018", "reviewerID": "A37WTXN9OQNG9", "asin": "B00006JN3G", "style": {"Color:": " Black"}, "reviewerName": "Jeff C", "reviewText": "Works well. Overpriced.", "summary": "Good", "unixReviewTime": 1520812800} +{"overall": 3.0, "verified": true, "reviewTime": "06 28, 2013", "reviewerID": "A19E8ZILSX5N6H", "asin": "B00012O6QQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "cemicolin", "reviewText": "The Bluetooth works, but I have a few gripes. On android when I use the buttons on the stereo it activates a different music app rather than Spotify. I also have to reconnect every time I get in the car, which is more effort than just plugging in the aux cable.", "summary": "Works OK with Android", "unixReviewTime": 1372377600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A1W3MZHO7FOXPL", "asin": "B00007EDM8", "style": {"Color:": " Green", "Product Packaging:": " Standard Packaging"}, "reviewerName": "J M", "reviewText": "The best workout headphones. They don't mess up when you sweat, they stay on your ears, they sound fine and they're cheap. What else could you want?", "summary": "The perfect workout headphones", "unixReviewTime": 1439337600} +{"reviewerID": "A3HU3UPMEM4BQY", "asin": "B000067O6B", "reviewerName": "What Works for Joe", "verified": true, "reviewText": "Works great on a large screen. Needs to come with more of the sticky holders to attach the filter. There were simply not enough tabs to provide coverage on such a large screen.", "overall": 5.0, "reviewTime": "09 4, 2015", "summary": "Works great on a large screen", "unixReviewTime": 1441324800} +{"overall": 4.0, "verified": true, "reviewTime": "10 4, 2013", "reviewerID": "A7V47J1Z0XGN2", "asin": "B00006JINY", "reviewerName": "ButtsBaby", "reviewText": "Good value for the money, Fit my purpose perfectly. Bushnell makes quality products that you can depend on every time", "summary": "Bushnell makes quality products you can depend on", "unixReviewTime": 1380844800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A828MKX7XSRVF", "asin": "B00004ZC95", "style": {"Size:": " 52mm"}, "reviewerName": "Denise Borum, JD", "reviewText": "This filter fit perfectly. The filter was clear. I will use it on my lens from today forward. I am happy with this filter.", "summary": "Great Filter", "unixReviewTime": 1405814400} +{"reviewerID": "A351OTGOJ5N9OB", "asin": "B00009KLAE", "reviewerName": "Javier Garzn", "verified": true, "reviewText": "ok is very good", "overall": 5.0, "reviewTime": "10 29, 2015", "summary": "Five Stars", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2016", "reviewerID": "A2DYZ67NA5BY6L", "asin": "B000067SPO", "style": {"Color:": " Black", "Length:": " 15 feet"}, "reviewerName": "Cameron Beyer", "reviewText": "Worked great to transfer midi from my keyboard to my computer, no noticeable latency!", "summary": "Super long USB, great value", "unixReviewTime": 1478563200} +{"overall": 5.0, "verified": false, "reviewTime": "11 13, 2007", "reviewerID": "APK4R7CIVTKWU", "asin": "B000167KPQ", "reviewerName": "J. Schrank", "reviewText": "Terk quality and ease of installation is there, as always. Performs great in a heavily wooded area around two sat TV dishes. Just be sure to play with the heading and elevation tilt a bit to gain full performance from it.", "summary": "Excellent", "unixReviewTime": 1194912000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 23, 2006", "reviewerID": "A9RIHXKC60Z3D", "asin": "B0000B35CK", "style": {"Style:": " 512MB"}, "reviewerName": "Brett Scoubes", "reviewText": "Great for taking a lot of pictures. It also stores big video files. The great thing about having a 512 MB card is you don't always have to download your pictures.", "summary": "Big Size", "unixReviewTime": 1140652800} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2013", "reviewerID": "AKQOGUH6BOU9X", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Hayman33", "reviewText": "This this is excellent for surge protecting multiple devices. The only thing I would change is having the plug-ins on the side instead of the front face. That would keep the cord heads from sticking out in the room.", "summary": "Great product", "unixReviewTime": 1367020800} +{"reviewerID": "A12ARNFY6IG33Z", "asin": "B00009KLAE", "reviewerName": "Teacher D.", "verified": true, "reviewText": "Great!", "overall": 5.0, "reviewTime": "06 8, 2015", "summary": "Five Stars", "unixReviewTime": 1433721600} +{"overall": 1.0, "verified": false, "reviewTime": "05 9, 2016", "reviewerID": "A2ZVCJLF0GRJJK", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Dan W.", "reviewText": "Tried to use on an ipad, but it sounded like the volume was really low (it was actually maxxed out). Will try on something else, but as it stands, it's a POS.", "summary": "POS", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A3CHNVCQ0PYCI5", "asin": "B00005NPWK", "reviewerName": "Ron Guerin Photography", "reviewText": "Lens caps come and go and some fade away but a good lens cap all ways comes in handy especially when it is a Nikon.", "summary": "Great Nikon Product", "unixReviewTime": 1361491200} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "AWY25XEFGSIIM", "asin": "9985537742", "reviewerName": "Jamie", "reviewText": "THANK YOU", "summary": "Four Stars", "unixReviewTime": 1453161600} +{"overall": 1.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "ATSXZM1HIC5GG", "asin": "B00005O7CS", "reviewerName": "Amazon Customer", "reviewText": "The CD player did not work rt so I returned it", "summary": "One Star", "unixReviewTime": 1429315200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 24, 2013", "reviewerID": "A1L4ST02OGMKVC", "asin": "B0000C16R5", "style": {"Style:": " Mini Pro DQ"}, "reviewerName": "Hugh Schumpert", "reviewText": "Holds my Nikon D-90 with extra power supply and a 24-70 Nikon lens.\nThis is a very sturdy mini-tri pod.", "summary": "Super Strong Mini-Tri Pod", "unixReviewTime": 1385251200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2017", "reviewerID": "A1PGVIBNYF86KY", "asin": "B00002EQC2", "style": {"Size:": " 145"}, "reviewerName": "randell perkins", "reviewText": "I bought it expecting damages as described but I found none anywhere. Perfect size; not too big, not too small. A great little piece of kitsch for my backyard.", "summary": "Great little piece of kitsch.", "unixReviewTime": 1512086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A152965CETU4QI", "asin": "B000068O3C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "worked as described", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2014", "reviewerID": "A34Z7ZRCKN0O8D", "asin": "B000093UDQ", "reviewerName": "Terrell", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A26T59UXJ8HYYQ", "asin": "B0002BESI2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Greg D.", "reviewText": "Worked great for a Pioneer installation into a 350Z", "summary": "Worked great", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A2I7BZ9WY56WXA", "asin": "B0000AXQPA", "style": {"Color:": " Black"}, "reviewerName": "jamesbsa", "reviewText": "Nice product", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A1FFJYDR766Z1T", "asin": "B00009ZY5C", "reviewerName": "Robert Poe", "reviewText": "not bad, live in a dip and have trouble pulling in stations.", "summary": "Four Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A13VT2OT37R86F", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "D. Stevens", "reviewText": "This is a very high quality filter. Much better than the cheap ones you get in the \"kits\" of filters.", "summary": "Great budget filter", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A3BTH66WVCQAM9", "asin": "B000068NX0", "style": {"Size:": " 6 Inch (6 Pack)"}, "reviewerName": "chris", "reviewText": "These are very good quality in spite of their reasonable price. I love the flat, low profile, right angle plugs. My only complaint is I needed some in varying lengths (like 15\") and so I had to order the Planet waves kit to make my own to finish the pedalboard.", "summary": "Excellent for pedal board", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2013", "reviewerID": "A1BJFU2I8FRPUK", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "Donald L.", "reviewText": "Arrived in good condition. Good construction and worked just great with a Behringer mixing board. Recommended for general audio work as required.", "summary": "Worked fine. Just as advertised.", "unixReviewTime": 1381795200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2013", "reviewerID": "AIMDTR4SJ3G0I", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "Like Fred", "reviewText": "I has a good deep bass. It made my brother spend more on upgrading his to out do me lol", "summary": "Good Bass", "unixReviewTime": 1365724800} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2013", "reviewerID": "A1VR3AUXR1950S", "asin": "B00006364I", "reviewerName": "amazon lover", "reviewText": "i ordered this one with the 20 capacity and it takes up as much room as the 10 capacity. This way you're not searching CD jackets while driving.. These are well within reach.", "summary": "father's day gift", "unixReviewTime": 1371772800} +{"reviewerID": "A1B9V23RZANJQG", "asin": "B00009KLAE", "reviewerName": "Doug", "verified": true, "reviewText": "Got just what I wanted\nWas in good shape", "overall": 5.0, "reviewTime": "01 14, 2015", "summary": "Good lens", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2011", "reviewerID": "A3IN690YI1FRTN", "asin": "B000063TJY", "style": {"Package Type:": " Standard Packaging", "Style:": " Subwoofer"}, "reviewerName": "poetweather", "reviewText": "This is a great little Ten with superb ease of installation.\n\nIt will handle Midnight Bass with ease, and then some. I've noticed 5Hz emanating from this wee beastie.", "summary": "Great for the Price", "unixReviewTime": 1306368000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A2V525NCEALV0U", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Graham Moore", "reviewText": "Great product, I would recommend this to any family member or close friend. I would purchase this again as well.", "summary": "Happy with the overall experience.", "unixReviewTime": 1399507200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A2K8H682ACJC2W", "asin": "B000234UFG", "style": {"Size Name:": " 1-Pack"}, "reviewerName": "BuzGuy", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"overall": 2.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "AXWCVYS5FVYV", "asin": "B0002474VM", "style": {"Style:": " 3.5\" HDD Single Bay A"}, "reviewerName": "JIM", "reviewText": "LED STOP WORKING ON IT", "summary": "Two Stars", "unixReviewTime": 1473292800} +{"reviewerID": "A2ZL5652YKDN71", "asin": "B000067RC2", "reviewerName": "Brett Canevari", "verified": true, "reviewText": "Great product at a Great price!!", "overall": 5.0, "reviewTime": "04 18, 2017", "summary": "Really good deal!!", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A1FGGG3NVZ9ERL", "asin": "B00006I53W", "style": {"Style:": " Base"}, "reviewerName": "Mary", "reviewText": "I love this lens. I use it for portraits in which I have one or two subjects on a full frame. 6d. I have not used it often for families or groups, I feel that I just have to be too far away to direct them easily and get the shot.", "summary": "I love this lens", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2010", "reviewerID": "A36QF1I9DT4N6V", "asin": "B000067SOH", "reviewerName": "J. Christensen", "reviewText": "It just works without any fussing. Driving a DELL LCD from a Dell desktop using a 3rd party graphics card with a DVI port.", "summary": "It Works", "unixReviewTime": 1268092800} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A21LDIFT02EMXX", "asin": "B00024DIDK", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "wonderer", "reviewText": "Great little cb radio can fit almost anywhere and really user friendly", "summary": "Four Stars", "unixReviewTime": 1451260800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "AKXJFD4OFE13F", "asin": "B00006HOFR", "reviewerName": "Lee C.", "reviewText": "I use this to share my speakers between my home theatre receiver (for video) and my stereo amplifier (for music). The addition of this switch did not add any noise to my system. I used the pin plug connector from monoprice to connect my speaker wires to this unit.", "summary": "Works", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "AMJDXQM1SWKFI", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "KWM", "reviewText": "No fuss, no muss. Does what its supposed to. No more, no less. Built well.", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A1CN1P7147QDJC", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "wavelink", "reviewText": "Good quality and good price. Have had no problems with it plugging/unplugging it a lot (for diagnostics when checking video/tv/monitor problems) over the last 3 months.", "summary": "Good quality and good price", "unixReviewTime": 1440115200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 28, 2000", "reviewerID": "AJBPLTDE9NW3B", "asin": "B00004SB92", "reviewerName": "Andy P.", "reviewText": "I followed the Quick Start instructions, and it worked first time. NT4 and Windows 2000 were both happy, and I can still PPTP to work.", "summary": "Great - simple to setup, worked first time", "unixReviewTime": 956880000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2013", "reviewerID": "A10MEI79POSV1R", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "SCL2000", "reviewText": "I haven't see any loss of audio quality with this headphone splitter, I use this with my Bose headphones as well as I have tried in my car. Good quality product. Happy with the purchase.", "summary": "Excellent Headphone Splitter", "unixReviewTime": 1373328000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A172ZI42DR32CW", "asin": "B00005LENC", "reviewerName": "Lapatia", "reviewText": "A1", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"reviewerID": "A2CQ9WDCQOBPRP", "asin": "B0001MQSB2", "reviewerName": "Robert P.", "verified": true, "reviewText": "Works great in my duplex. Good strong signal", "overall": 5.0, "reviewTime": "12 15, 2014", "summary": "good/cheap", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "AREGOUSXAXHUM", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "clothe", "reviewText": "good cable!", "summary": "Five Stars", "unixReviewTime": 1518912000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2014", "reviewerID": "A2UQJSJMCN28ES", "asin": "B00003G1RG", "reviewerName": "E. Palacin", "reviewText": "This is a great flash card for people that take alot of photo's, like on a vacation, but for me I use it for my business because I take alot of photo's of my items.", "summary": "I take alot of photo's", "unixReviewTime": 1395619200} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "A3KYSZSXUDX5TF", "asin": "B00004Z62S", "reviewerName": "c.h.", "reviewText": "Great tool , great trans action, without this tool it would be impossible to make the j 45 connection thanks", "summary": "Great Tool", "unixReviewTime": 1364947200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81iUq5CwxrL._SY88.jpg"], "overall": 2.0, "verified": true, "reviewTime": "02 9, 2018", "reviewerID": "A2G8L74SIQ0VX7", "asin": "B000087NBV", "style": {"Size:": " 1 PACK"}, "reviewerName": "N E", "reviewText": "Arrived with the packaging ripped open and one of the tapes was damaged.", "summary": "Arrived damaged", "unixReviewTime": 1518134400} +{"overall": 1.0, "verified": true, "reviewTime": "01 30, 2014", "reviewerID": "A1777G4IYZVLUQ", "asin": "B00005T383", "style": {"Color:": " Black"}, "reviewerName": "Marty", "reviewText": "plastic bracket that covers the metal wall mount broke easily just putting it on. the metal bracket that holds the speaker broke as well. very poorly constructed. Returned the bracket to amazon and the speakers to the outlet store.", "summary": "breaks easily", "unixReviewTime": 1391040000} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2017", "reviewerID": "A2V97GZYLWPM53", "asin": "B0000D88FU", "reviewerName": "Kolomona", "reviewText": "OK!!", "summary": "Five Stars", "unixReviewTime": 1494720000} +{"reviewerID": "AMF6CE3ZXLMHM", "asin": "B00004ZCJJ", "reviewerName": "goste", "verified": true, "reviewText": "when I used it I found it softened my sharpness of my photos. I further learned that I do not need UV protection as digital cameras are not affected by UV rays", "overall": 2.0, "reviewTime": "05 29, 2014", "summary": "Filter", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2014", "reviewerID": "AR1T36GLLAFFX", "asin": "B00004Z62J", "style": {"Capacity:": " 6-Foot", "Style:": " 4-Pin to 6-Pin"}, "reviewerName": "Scott FS", "reviewText": "Belkin makes fine products and I've been happy with their products. This cable is no different; it has performed well. I use it for video transfer and it works without complaint.", "summary": "Works without complaint", "unixReviewTime": 1404172800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A1P8SLU15070PX", "asin": "B00005ML7R", "style": {"Style:": " CS95"}, "reviewerName": "dc", "reviewText": "Works great for the computer", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "A1169WWVWSGR3M", "asin": "B00000J1QK", "reviewerName": "BPOPFL", "reviewText": "Works as well as my older version except that it works on Windows 7 64-bit. I have used this type of product for a long time, and that's why I was happy to find the same item with windows 7 capability.", "summary": "Works Great", "unixReviewTime": 1386892800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A2JS3P0BRYQC68", "asin": "B000067SEG", "style": {"Size:": " 150 Feet", "Color:": " Gray"}, "reviewerName": "Hoferlady", "reviewText": "We always like Tripp Lite products. This snagless molded wiring will go well in our foundry and the length is perfrect for our needs.", "summary": "Good product", "unixReviewTime": 1361145600} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A3T1IJT8URKB4M", "asin": "B00009UHCJ", "reviewerName": "the kook", "reviewText": "Good product for the price. Poor package (disintegrated; but shipping package was ok) Purchased to get rid of odd signal deeath from cord. So, we will see with time.", "summary": "works as expected", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A5DDH6AL3F4ZT", "asin": "1400599997", "reviewerName": "Ceci", "reviewText": "I can't find anything bad to say about my new Nook. I ordered another Nook for my daughter's birthday but , they ran our.", "summary": "I love my Nook!!!", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A2H0QI5XPA8HKN", "asin": "B0000631YQ", "style": {"Color:": " Sliver/Black"}, "reviewerName": "Imago3d", "reviewText": "Much more responsive than my old Bamboo tablet. It's beautiful. Although, the touch features are a nice added feature. I don't use them. There's a button on the side to turn them off.", "summary": "It's beautiful. Although", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2016", "reviewerID": "A2UQJYWTYOWQ0Z", "asin": "B000068O4N", "style": {"Style:": " 3.5mm TRS to 1/4\" TRS"}, "reviewerName": "Leelee L", "reviewText": "Useful little piece.", "summary": "Useful!", "unixReviewTime": 1451692800} +{"overall": 1.0, "verified": true, "reviewTime": "03 18, 2013", "reviewerID": "A33K27ICWT4XA4", "asin": "B0000512JG", "reviewerName": "Sarah Bradburn", "reviewText": "It didn't have a box or anything - just the product wrapped in bubble wrap, that's it.\n\nUnfortunately the product did not work - the microphone was out and one of the two earphones did not work either.\n\nLuckily I bought from Amazon so am able to return it.", "summary": "Product did not work", "unixReviewTime": 1363564800} +{"overall": 5.0, "verified": false, "reviewTime": "10 17, 2016", "reviewerID": "A3UEX9SBBICIJX", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Wayne C.", "reviewText": "Am using as a surge suppressor for washing machine. Works so far. Please note, your plugs must have the grounding plug below the regular plugs in order to install.", "summary": "Does the job", "unixReviewTime": 1476662400} +{"overall": 4.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "AGZMFOATKYR9I", "asin": "B0002BBP6K", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Darla Fuqua", "reviewText": "use this a lot", "summary": "Four Stars", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "AP1335UV2ALB4", "asin": "B00005A1K1", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Taka Iguchi", "reviewText": "Love this thing. I don't know how we did a 100 foot cord before this. It's a snap to install and use. I used to dread dragging out the long cord for different things and now it's nothing. Seriously. If you have a long cord, get it. Thank me later.", "summary": "Get it.", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A24S4PQTXO18B5", "asin": "B00011KM3I", "style": {"Size:": " 72", "Color:": " Blue"}, "reviewerName": "JD Penn", "reviewText": "This CD wallet-case is very well built. It's also pretty cool looking, and has plenty of room for all of my CDs. I may buy another one for my lady's car.", "summary": "Very Well Made", "unixReviewTime": 1398643200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "A2IVAWBBB3ZPR8", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Big Al", "reviewText": "Works great to connect two headphones!", "summary": "Works!", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "A2SOF1GSTKDV39", "asin": "B00005AXIV", "style": {"Size:": " 12x50"}, "reviewerName": "Jeremy Wade Casper", "reviewText": "Right out of the box these work great. No adjusting necessary. Just look through them and everything is closer. Very crisp images.", "summary": "Great product", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "ATZTPJRKZHJZY", "asin": "B0000DIESU", "style": {"Style:": " Slim Cable - mobile"}, "reviewerName": "elijah stevens", "reviewText": "Recommended if you need a cheap splitter - nothing unexpected, does the intended job. Should last next to forever if used in a capacity that isn't being plugged, unplugged and moved all the time. Should last a very long time otherwise", "summary": "As expected", "unixReviewTime": 1402012800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 17, 2007", "reviewerID": "A1P1EA4Z5D524S", "asin": "B000069106", "reviewerName": "RvOutrider", "reviewText": "I bought this to use in our RV with my laptop and eyeTV usb digital tuner. We travel around and it has worked excellent in all locations so far.", "summary": "Works !!!!!", "unixReviewTime": 1184630400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2014", "reviewerID": "A1LZC0L3YA72HU", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet + Outlet Control"}, "reviewerName": "Drumemo", "reviewText": "I have six game systems hooked up to this and its great. I only turn on the system I need while the others are left off. No phantom power being lost. The separate plug without a switch is an \"always on\" plug. I use this for my monitor. Great setup!", "summary": "Save power!", "unixReviewTime": 1395360000} +{"overall": 3.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A2449T0ET1NM4", "asin": "B0000996BA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "John D", "reviewText": "It's too small to include such items such as the A/C charger", "summary": "Three Stars", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A18C5QN2TNDL8T", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Carl", "reviewText": "I've used this remote a number of times already and it works perfectly. I like that he cord is long enough but not TOO long.", "summary": "Works Perfectly", "unixReviewTime": 1365379200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 6, 2011", "reviewerID": "A21OA8773GTIKD", "asin": "B00005TQ1Y", "reviewerName": "old dude", "reviewText": "Almost 6 years later and this thing still keeps those nasty computer calls off my nerves. I have another one of these in our city home we have had for 10 years and it still works too.", "summary": "They be zapped", "unixReviewTime": 1307318400} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A28NAK2GT0YR9I", "asin": "B00001WRSJ", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Daniel Miller", "reviewText": "these are comfy and sound pretty good. Would have 5 stars if the cord was detachable.", "summary": "Four Stars", "unixReviewTime": 1420156800} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "AQZSUGXZ49K68", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "Bruce Simmons", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A9WMK10TEUNAY", "asin": "B000051ZOA", "style": {"Color:": " Black"}, "reviewerName": "KAREN BRANCIFORTE", "reviewText": "PERFECT!", "summary": "Five Stars", "unixReviewTime": 1496102400} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "08 23, 2015", "reviewerID": "A1SEX72ZDWK956", "asin": "B00005ML7Q", "style": {"Style:": " 3.5mm Plug"}, "reviewerName": "I enjoy sandwiches", "reviewText": "Nice headphone, good audio quality and speech recognition. Note that the padded earpiece is cheaply made, and starts to disintegrate over time, leaving small pieces of foam in your ear when you use the headset. Replacements may be purchased easily on Amazon.", "summary": "Some parts are cheaply made", "unixReviewTime": 1440288000} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2009", "reviewerID": "AQR66JD38Y8WU", "asin": "B00009R9E1", "reviewerName": "Josh", "reviewText": "I am using this filter with my tonika 12-24 lens on my Nikon D60 camera. This lens vignettes just a tiny bit on this lens when racked out to 12mm.\n\nI have had the issue mentioned by several others with the filter self-destructing.", "summary": "Hasn't broken for me", "unixReviewTime": 1256256000} +{"overall": 3.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "AUQFMDA6XZKED", "asin": "B000213ZFE", "reviewerName": "LateReviewer", "reviewText": "This worked for about a year before it got fried. Maybe the printers just fry these...", "summary": "Three Stars", "unixReviewTime": 1471996800} +{"reviewerID": "AX5F1FMDSLTC5", "asin": "B00009KLAE", "reviewerName": "Jacky Lee", "verified": true, "reviewText": "Perfect! Love it!", "overall": 5.0, "reviewTime": "02 22, 2015", "summary": "Five Stars", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A36UOSCZ7FGPL4", "asin": "B0002474VM", "style": {"Style:": " 3.5\" HDD Single Bay A"}, "reviewerName": "Information Technology Analyst", "reviewText": "Just out of warranty, over 1 year old, my power connector cord went bad. Contacted Kingwin and they mailed out another one for free.\nNow that's great customer service. The tray itself is a great value and highly useful in backing up my hard drive. I recommend this item.", "summary": "my power connector cord went bad. Contacted Kingwin and they mailed out another one ...", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A2C7MUMCZK9VF0", "asin": "B00005ATMB", "style": {"Capacity:": " 336", "Style:": " CD Wallet"}, "reviewerName": "Laura R.", "reviewText": "Is lightweight, yet sturdy. Holds tons of CD's.", "summary": "yet sturdy. Holds tons of CD's", "unixReviewTime": 1473206400} +{"overall": 2.0, "verified": true, "reviewTime": "11 22, 2017", "reviewerID": "A1W1XFPAPFNI98", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Julian Tarin", "reviewText": "This doesn't work with USB C to 3.5mm jacks. The audio is messed up.", "summary": "Two Stars", "unixReviewTime": 1511308800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A5U1KZ3EIK0IG", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Branson Mom", "reviewText": "BEST EVER... BUY WITH CONFIDENCE", "summary": "HIGHLY RECOMMEND. BEST EVER - we love them, plan to get more.....", "unixReviewTime": 1487203200} +{"overall": 1.0, "verified": false, "reviewTime": "09 4, 2016", "reviewerID": "A2WIUZWZVV7C4T", "asin": "B0001DBEM4", "reviewerName": "William", "reviewText": "Sure they sound great.\nBut exactly 2 years of use sitting untouched on my work desk and both sticks unglued and fell apart.\nGuess glue has become expensive.\nBe warned others have same issue.\nThank goodness for Scotch tape!", "summary": "Sticks unglue and fall apart.", "unixReviewTime": 1472947200} +{"overall": 1.0, "verified": true, "reviewTime": "03 4, 2014", "reviewerID": "A4G4MU9DUP834", "asin": "B000067VBM", "reviewerName": "Ethan Bartlett", "reviewText": "I didn't receive what I had ordered. I received a cardboard box, of knock off jewel cases. Not only that, but a good bit of them were broken.", "summary": "Will be buying in store next time", "unixReviewTime": 1393891200} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2013", "reviewerID": "A27CUJPZ1SM6FY", "asin": "B0001LR1KU", "style": {"Size:": " 100-Disc", "Style:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Recordable CDs. What else can I say? They are great for making mix CDs for your car or girlfriend, for burning pictures of a trip for your friends, or for backing up your documents.", "summary": "does the job", "unixReviewTime": 1376179200} +{"overall": 2.0, "verified": true, "reviewTime": "03 21, 2013", "reviewerID": "A191EY7HIDXEJW", "asin": "B000067O5H", "style": {"Size:": " 15.6\" Widscreen (16:9 Aspect Ratio)", "Color:": " Black"}, "reviewerName": "TimmyC", "reviewText": "This does NOT fit the 15\" Macbook Pro. You will need to purchase a larger size and trim it down with scissors. Which will make it non-returnable. So you better make sure you like it.", "summary": "Does NOT fit 15-inch Macbook Pro.", "unixReviewTime": 1363824000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2013", "reviewerID": "A1OV3CJD0MFYTU", "asin": "B00004THD0", "style": {"Style:": " Base"}, "reviewerName": "Ken", "reviewText": "Man, I used this extension to captured the F-16 frying above my house during their exercise from the fleet week in Miramar. Good quality for the price.", "summary": "Good Extension", "unixReviewTime": 1367280000} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A2V82P47MLRHG1", "asin": "B00009R9BS", "style": {"Size:": " Wide Body Small"}, "reviewerName": "w.smith", "reviewText": "It does a very easy job of protecting the ball head. I leave mine in my small camper, and no longer am concerned about having dings and extra trash getting into the head. It is a very simple solution for keeping my ball head in good shape/", "summary": "Works great for covering a ball head on my tripod.", "unixReviewTime": 1361836800} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2013", "reviewerID": "ALRPIJH5AWK5O", "asin": "B00009R6V0", "reviewerName": "Shawn P", "reviewText": "This blocks out light that glances across the glass giving you lens flares and weird ghosting effects. In addition it gives your lens extra buffering in case you hit something. Much cheaper to replace one of these that gets damaged instead of replacing a lens!", "summary": "Does what I need it to do", "unixReviewTime": 1370390400} +{"overall": 4.0, "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "A1GEJWM538VZJK", "asin": "B00020BJA8", "reviewerName": "LLew's Dad", "reviewText": "Great travel as well as a great everyday office bag\nTargums quality combined with ample room\nYou can't go wrong", "summary": "Great travel or everyday bag", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A3RM0ZXSJK841W", "asin": "B0000DYV7G", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Kurt", "reviewText": "Pelican cases are the best. It comes with the pick & pluck foam which makes it very simple to customize the interior for whatever you want protected. Tough and sturdy don't begin to describe these cases.", "summary": "Pelican cases are the best. It comes with the pick & pluck foam ...", "unixReviewTime": 1447977600} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2013", "reviewerID": "A22KW5YWAI5YDO", "asin": "B000001OMI", "style": {"Format:": " Personal Computers"}, "reviewerName": "Carissa B", "reviewText": "Good headphones. I like (very much) that they only have a wire on one side and they are lightweight..\n\n The sound is pretty good. I enjoy using them.", "summary": "Light, one wire, headphones...", "unixReviewTime": 1385251200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "A1HM4QM05O8NPQ", "asin": "B0000BZL0U", "style": {"Size:": " 62 mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Piotr Lysol", "reviewText": "Great filter as expected", "summary": "Five Stars", "unixReviewTime": 1450051200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 8, 2005", "reviewerID": "A17S75Z5MR29B6", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Cornerstone", "reviewText": "Most cheap headphones claim they can reproduce bass down to 20 Hz but these are the only ones that even come close to matching that claim. The clarity and durability of these headphones is also amazing.", "summary": "Best headphones for under $60", "unixReviewTime": 1110240000} +{"overall": 4.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A17WFISQ13WLF9", "asin": "B0000512LA", "style": {"Size:": " 1800W"}, "reviewerName": "Peridot Antlers", "reviewText": "I bought this for a second PC. I have an older one of the same model and it has been working for years now without issue. I expect I'll get the same good performance out of this one.", "summary": "I expect I'll get the same good performance out of this one", "unixReviewTime": 1459814400} +{"reviewerID": "A16CMVCKGIMK9S", "asin": "B00004ZCJJ", "reviewerName": "AmazonShopper", "verified": true, "reviewText": "I ordered the UV filter, instead received a polarized.\nIt was too much of headache to go to the postal office and send it back so kept.", "overall": 3.0, "reviewTime": "05 9, 2017", "summary": "Received wrong filter", "unixReviewTime": 1494288000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A2XMD79E31883N", "asin": "B0000DC0T3", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Twisted Mister", "reviewText": "Worked perfectly for photography", "summary": "Five Stars", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AZDGHNP9KF6M3", "asin": "B000067SN2", "style": {"Size:": " 6ft", "Color:": " Black"}, "reviewerName": "Ant Pruitt", "reviewText": "Easy buy. Simple. Straight forward. Works.", "summary": "Does What I Need It To Do", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A1B8NIUXPTGONF", "asin": "B000023VW2", "reviewerName": "Kevin Stoner", "reviewText": "Great", "summary": "Great", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A1HNA4D0TCMB3H", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Tool man", "reviewText": "I have popped a few of these. Better this gets fried than the devices I have connected. I keep a couple on hand.", "summary": "Did its job", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2011", "reviewerID": "AVTJEWTCJ3PBE", "asin": "B0001GAMQK", "reviewerName": "D. Henry", "reviewText": "Works as described - I purchased through a subseller at a mind boggling low price. It works as good as more expensive component cables. Get one or two sets!", "summary": "EXCELLENT!", "unixReviewTime": 1306800000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A11CHBUOE79YS9", "asin": "B00022OBO2", "style": {"Size:": " 4 in x 6 in"}, "reviewerName": "Robyn Julian", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A1QTZECW0SHXTH", "asin": "B00009W3TY", "reviewerName": "3bears", "reviewText": "ok, use it in my day back pack for \"selfies\" with my camera while on hikes", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 1.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "A1DXRF9D459RWW", "asin": "B000093UPO", "reviewerName": "A. O.F.", "reviewText": "It didn't last very long. When it failed I just sent the entire unit to the e-waste for recycling. Maybe someone else will have a better experience but unfortunately I didn't.", "summary": "it did not last very long.", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "AS446EGP0IJB3", "asin": "B000067O6L", "style": {"Color:": " Black", "Style:": " 22\" Widescreen (16:10 Aspect Ratio)"}, "reviewerName": "agl0522", "reviewText": "fits our screens perfectly and i love that you have 2 options of installing it.", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "A1BPZI5LWM1T7R", "asin": "B00005K47X", "reviewerName": "R Hogan", "reviewText": "The nifty 50 delivers the goods,For less than a hundred bucks you get a Very good lens,No IS But IQ is very good..Plastic so get a warranty for ADH.", "summary": "Awesome", "unixReviewTime": 1403481600} +{"overall": 5.0, "verified": false, "reviewTime": "07 6, 2014", "reviewerID": "A2CM5XYT5Q2MP8", "asin": "B000219896", "reviewerName": "Rebecca", "reviewText": "I do medical transcription and these do help with clarity, enough so my employer is buying them for all of us. The battery lasts a good while, probably would even more if I remembered to turn it off at the end of my shift. Would highly recommend.", "summary": "Worth the money.", "unixReviewTime": 1404604800} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2013", "reviewerID": "A7AT3C7RMESNM", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "Scott L", "reviewText": "The cables I ordered showed up quickly, no issues at all with ordering. The quality was as good as any I've seen, and the price was very good.", "summary": "Great Service,Price, and Quality", "unixReviewTime": 1375142400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A28YNODZR6G3SD", "asin": "B00006B9W2", "style": {"Style:": " Speaker System Delivering Quality Audio"}, "reviewerName": "Legit Awesome", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 4.0, "verified": true, "reviewTime": "04 5, 2013", "reviewerID": "A191ZKMLDYIMZX", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "BetsyR", "reviewText": "I've had these for a while, haven't used them much and then have begun to do so with library books on CD. Okay to good sound, but the durability isn't great --- one of the ear pieces constantly comes off. It can be re-placed, but it's a nuisance.", "summary": "durability?", "unixReviewTime": 1365120000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A2HF7HMPRMVTBR", "asin": "B000067O8H", "reviewerName": "LKC", "reviewText": "I CAN SEE CLEARLY", "summary": "Five Stars", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2008", "reviewerID": "A3B4KA4SR1HVWV", "asin": "B0000C20XD", "reviewerName": "Tacos are great", "reviewText": "and they still rock! i got mine for $90 on 1/04/2004 and have been enjoying them since. awesome build quality, great clarity, and the sub is good too!\n\ngood all around system. i give this 5 stars easily.", "summary": "HAVE HAD THESE FOR OVER 4 YEARS...", "unixReviewTime": 1219276800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3BSI9A4RQ0TW4", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "Mama Long", "reviewText": "These are the perfect item for my upcoming cruise! I will also be able to use these in my classroom, where outlets are limited. I'm very happy with this purchase!", "summary": "YESSSSSS!!!!!!!!!", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A2SYF28PX2FY6I", "asin": "B0000XMTRE", "reviewerName": "EC", "reviewText": "Good quality bag and looks nice.", "summary": "Good quality and looks great", "unixReviewTime": 1452729600} +{"overall": 3.0, "verified": true, "reviewTime": "12 9, 2009", "reviewerID": "A2AURZWW5R5631", "asin": "B000065BP9", "reviewerName": "M. Nguyen", "reviewText": "Feel very comfortable when wearing it. Good price and deliver on-time. Well packaged. Recommend to everyone with that reasonable prices.", "summary": "Good Product", "unixReviewTime": 1260316800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A3LXZ5TOT3Y0ZB", "asin": "B0000A0AE7", "reviewerName": "Just your average guy", "reviewText": "Nice compact design. Took on a trip to Alaska and provided great views. Well worth the money.", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"reviewerID": "AGN0BDH4I596P", "asin": "B00009KLAE", "reviewerName": "Samantha Evans", "verified": true, "reviewText": "I never put a lens on my camera without a uv filter. Tiffen products are always high quality and reliable.", "overall": 5.0, "reviewTime": "12 9, 2013", "summary": "Never leave home without a uv filter!", "unixReviewTime": 1386547200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2011", "reviewerID": "ABDDMX72V5SAY", "asin": "B00004Z5PY", "reviewerName": "Susan A.", "reviewText": "ordered the wire on July 4th and had the item on 6th. Item was correct and the price was great. Al", "summary": "Great follow through", "unixReviewTime": 1312502400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A2NVEDG6IU4B8Z", "asin": "B00007AP2O", "style": {"Color:": " White"}, "reviewerName": "a t.", "reviewText": "I bought this for use at work so I could connect an old PS2 keyboard and mouse to my work laptop. Worked immediately, didn't need drivers. No complaints.", "summary": "Works great. No Drivers Needed", "unixReviewTime": 1436745600} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A2E3D6W7MW0WX7", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "JR44", "reviewText": "Using for powered speakers. They are well made and no sound issues.\n4 stars because all cables should have NO sound issues.", "summary": "Well made cables", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "AQI9UFU2SGESS", "asin": "B00005115S", "style": {"Style:": " 20 Amp + Hardwire"}, "reviewerName": "Frank M.", "reviewText": "In building a new work bench I needed some multi outlet power strips, these filled my needed perfectly with both 15 & 20 amp outlets built into the strip.", "summary": "Just what I needed.", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "AXXOEI77NTROB", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "1893", "reviewText": "Straight forward and easy to use. Installed on a 2002 Chevy Avalanche. Perfect fit.", "summary": "Easy to use.", "unixReviewTime": 1511222400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2017", "reviewerID": "A2N84BH1H6HHSX", "asin": "B00009K79U", "style": {"Style:": " 1 Outlet + TEL"}, "reviewerName": "Sugarcube101", "reviewText": "I use this in combination with a power strip that has no built-in surge protection. So far, it's worked well!", "summary": "I use this in combination with a power strip that ...", "unixReviewTime": 1512691200} +{"reviewerID": "A2ZGA89FE61NFO", "asin": "B00004ZCJJ", "reviewerName": "WWCitizen", "verified": true, "reviewText": "This addition to your lenses will save you lots of grief - simply as a lens protector, but it also staves off sun glare very nicely.", "overall": 5.0, "reviewTime": "05 11, 2013", "summary": "MUCH needed", "unixReviewTime": 1368230400} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2013", "reviewerID": "A1VPXTFAKTEDTV", "asin": "B00009MF82", "reviewerName": "Anna Murrow", "reviewText": "I was searching for the perfect bag and I found it. It is easy to get my notebook in and out. I am able to fit my power cord and other items in the bag as well. Good quality and comfortable to wear while moving around. Highly recommend!", "summary": "Great Bag", "unixReviewTime": 1380326400} +{"overall": 2.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "AESIDQ29OA6TR", "asin": "B000051299", "reviewerName": "Robert G", "reviewText": "I can't remember what I did with this, I don't remember if I returned this or left it in an old computer.\nWhich leads me to believe it wasn't good enough to move to my current config.", "summary": "Um...", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A1YJAVG1QPV5NV", "asin": "B000068O4N", "style": {"Style:": " 3.5mm TRS to 1/4\" TRS"}, "reviewerName": "Creatures B.C.", "reviewText": "Good for hooking up headphones to keyboard", "summary": "Five Stars", "unixReviewTime": 1427846400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A4JIJR3D2PAY7", "asin": "B00006HRH8", "reviewerName": "Paula Brown", "reviewText": "Great more sticky stuff, they stay on better.", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 3.0, "verified": false, "reviewTime": "08 14, 2014", "reviewerID": "AOO3WZSMSJ4AW", "asin": "B00000J1T1", "style": {"Color:": " Blue"}, "reviewerName": "Ragetrip", "reviewText": "Same review as the other Ethernet cable I ordered above.", "summary": "Three Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A3O030XPI4NLIN", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "MARTIN KRUEGER", "reviewText": "works", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A26PMQNK2G5YND", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port | 053W", "Model:": " Pro | L2+ Managed"}, "reviewerName": "Rashid D.", "reviewText": "Perfect little PoE switch with all 8 ports being PoE. Will buy again!", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "AX4WK8DNZGJ1P", "asin": "B0001NYK66", "style": {"Size:": " 7 piece", "Style:": " Precision Screwdriver Kit"}, "reviewerName": "Lake Superior", "reviewText": "This set was perfect for taking apart and put back together my laptop. The screwdrivers are the sizes that are needed for this type of work. The tips are magnetized and worked well in pulling out and putting back those tiny screws. A great set at a great price.", "summary": "Great set at a great price", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A2SXBX34UP02VB", "asin": "B000281WDE", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Daniel Riggs", "reviewText": "Installed perfectly", "summary": "Five Stars", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A36PK9YQYIGFDY", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Aiping Zheng", "reviewText": "It works. I like it!!!", "summary": "I like it!", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A2BPAHS8XTVP3W", "asin": "B00005MDZD", "reviewerName": "Snowdoggio", "reviewText": "And just like that, our PS2 works again.", "summary": "Five Stars", "unixReviewTime": 1474070400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A2BGWFB10OC5XN", "asin": "B00007IFE0", "style": {"Capacity:": " PCI", "Model:": " Gigabit"}, "reviewerName": "THEDL", "reviewText": "Bought this because I was having intermittent issues with my on-board network card. I've had this for about a year now and haven't had any issues with it.", "summary": "Great product", "unixReviewTime": 1359936000} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A22EYWA8OUTZD1", "asin": "B0000ALKAN", "reviewerName": "DAVID DOLATO", "reviewText": "Did not fit telescope but I liked the quality.", "summary": "Four Stars", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": false, "reviewTime": "01 19, 2015", "reviewerID": "A1MDBBSBSK5LD5", "asin": "B00007M1TZ", "reviewerName": "Travis", "reviewText": "this works awesome with portable phones and cellular. i still use it occasionally when talking. --- I appreciate your time and feedback. If you have found my review helpful, please click the \"Thumbs Up to let me know. Thank you!", "summary": "great little headset", "unixReviewTime": 1421625600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61lszVQE7+L._SY88.jpg"], "overall": 1.0, "vote": "8", "verified": true, "reviewTime": "12 20, 2015", "reviewerID": "A67080UUTEQUM", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Dave Rochester", "reviewText": "Wire broke at strain relief - poorly made", "summary": "Poor quality - wire strain relief did not prevent premature wire break", "unixReviewTime": 1450569600} +{"overall": 4.0, "verified": true, "reviewTime": "06 22, 2010", "reviewerID": "A2ESOTDCJHYKKA", "asin": "B00009UTQK", "style": {"Size:": " Large"}, "reviewerName": "C. Martin", "reviewText": "I have used this for a while now on my Tamrac Velocity sling pack so I could carry my larger Canon 75-300 along with two other lenses in the sling pack. Very durable and integrates well with the other Tamrac products.", "summary": "Rugged and integrates well", "unixReviewTime": 1277164800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A1VMGKSHE2662V", "asin": "B0000C16R5", "style": {"Style:": " Mini Pro V"}, "reviewerName": "Gregory M.", "reviewText": "Anyone from amateur to pro should have one of these handy yet capable mini-tripods. They have very much the feel and operation of a full size tripod with only height limitations. Even a relatively \"fluid\" head for smooth panning.", "summary": "A \"must have\" for any photographer.", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "AJQZ79OT5BRDB", "asin": "B00006B81E", "style": {"Style:": " 6 Rotatable Outlet Direct Plug-in"}, "reviewerName": "Paul Richter", "reviewText": "Interesting method of getting 6 outlets out of one plug, though it covers the other plug also. I like the rotating sides.", "summary": "Get 6 Outlets Out of 1 Plug", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2012", "reviewerID": "A1YRZXJ8ILMAE8", "asin": "B000095SB4", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Anduril", "reviewText": "works very well, has great sound, was a good buy, not because there are people who criticize.\n\nit`s wonderfull,\n\nbye", "summary": "excellent", "unixReviewTime": 1355270400} +{"overall": 1.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A3DT69VU2P6XUA", "asin": "B00007FGU7", "style": {"Length:": " 3 Feet"}, "reviewerName": "Dr. Morgan", "reviewText": "The plug broke when plugging in to IPhone, had to have my phone repaired to get the plug out, I will not get another from them because of the poor quality of the plug. I paid a lot and got the real one for Apple, it will not snap of fin your phone.", "summary": "No,No,No", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2009", "reviewerID": "A13BRR77UOED7D", "asin": "B000026D8E", "style": {"Capacity:": " 1 TB"}, "reviewerName": "William G. Wilson", "reviewText": "Easily installed in my generic brand Windows Home Server. Plenty of space now for shared files, backups of laptops, etc. I had to buy a SATA cable at our local computer recycling store for $2 but it fired right up.", "summary": "SeaGate 1 TB Hard drive", "unixReviewTime": 1241913600} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A3TEDKVY81GRBH", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Brian", "reviewText": "This was about the cheapest UV/Lens protector I could find. Fits up nicely, the price was right and it works.", "summary": "Does the job and a good value.", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A28KAYAZSOLP95", "asin": "9573212919", "reviewerName": "Bitzie", "reviewText": "Nice product and Fast shipping! thx", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A22C85IU7WPRFC", "asin": "B00008Z1PT", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Troy", "reviewText": "best phones for the price ever", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "AJNESBDD098FH", "asin": "B00004Z5H3", "reviewerName": "an open mind", "reviewText": "supple, strong, tight connectors. Great product", "summary": "Great", "unixReviewTime": 1406246400} +{"overall": 4.0, "verified": false, "reviewTime": "05 3, 2009", "reviewerID": "A31QX4MCDU5235", "asin": "B00001P4ZH", "style": {"Color:": " Black/Silver"}, "reviewerName": "Amazon Customer", "reviewText": "I liked these headphones, pretty much what I paid for. The metal band on the top grabs hair sometimes if you adjust it on your head... so just don't do that and you'll be good.\n\nGood sound, fairly comfortable. Essentially just what I wanted.", "summary": "Good Value", "unixReviewTime": 1241308800} +{"overall": 2.0, "verified": false, "reviewTime": "05 28, 2003", "reviewerID": "A2BOE7NSW4LWN9", "asin": "B00008I9K9", "reviewerName": "Eric Carson", "reviewText": "I am on my third one of these access points now. Both boxes simply stopped responding and wouldn't reset. Netgear technical support was no help either. My advice, try the Linksys box first.", "summary": "On my third one now", "unixReviewTime": 1054080000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A1XF9D9FUZGOHE", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Pro | L2+ Managed"}, "reviewerName": "ANTHONY", "reviewText": "works well. solid.", "summary": "Five Stars", "unixReviewTime": 1453852800} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2017", "reviewerID": "AUMP5FJO9HXVN", "asin": "B0000668YX", "style": {"Size:": " Single Outlet", "style name:": " 885 Joules"}, "reviewerName": "Johnny Train", "reviewText": "Not fancy but works as intended. Used with a wireless repeater to guard against minor power surges.\nWould recommend for non-critical applications. Good product for the price. Belkin is generally reliable.", "summary": "Belkin Single Outlet SurgeCube Wall Surge Suppressor", "unixReviewTime": 1510444800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "AQTREEANSNEEH", "asin": "B00007M1TZ", "reviewerName": "HRW", "reviewText": "Works perfectly with our Panasonic phones that happen to have one of those tiny 2.5mm jacks", "summary": "Five Stars", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": false, "reviewTime": "05 29, 2013", "reviewerID": "A3LTYUTH3ZOM0Y", "asin": "B000093UDQ", "reviewerName": "Andrew Watson", "reviewText": "I have had this tripod for years, and in my opinion it's nearly as good as $100 tripods. The only differences in more expensive ones is weight and a ball orientation. Just buy this thing for cheap and be glad you did.", "summary": "A godsend", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A3GUDJOELVS84L", "asin": "B00029RDGI", "reviewerName": "gem", "reviewText": "Works perfectly with our Plantronics headsets. Just enough cord to let you move around without ripping the headset off.", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "AW3K0NIFAR5XI", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "James Waters", "reviewText": "worked until camera dropped and this saved my lense. I would buy again.", "summary": "good quality.", "unixReviewTime": 1448841600} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A3GGFXG6IAHQ5A", "asin": "B0001BVXI6", "style": {"Style:": " English"}, "reviewerName": "Justin", "reviewText": "Bought this to use to switch between my work laptop and my linux desktop under my desk. Took some figuring out at first but its pretty simple to set up. Easy to swap back and forth on my keyboard between devices.", "summary": "Took some figuring out at first but its pretty simple to set up", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2007", "reviewerID": "A3QHK7EA1L79GA", "asin": "B00009LI55", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Billy Parker", "reviewText": "These headphones sound better than some more expensive ones I have. Don't know how they do it for the price.", "summary": "Sennheiser PMX60 Review", "unixReviewTime": 1178928000} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A3DIS5A6BW0QTW", "asin": "B0000DC0T3", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Johnny S.", "reviewText": "I have purchased several of these and I LOVE them I take/have a lot of photos of my kids and family. So these work perfect for storing extra photos or the larger photos. You can only have so many photos on your walls/", "summary": "Best one", "unixReviewTime": 1436659200} +{"overall": 4.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "ANFRSLQ583FE4", "asin": "B00013M6NU", "reviewerName": "sticks", "reviewText": "It worked. Gave it, the camera, and accessories to a friend who had her camera and gear stolen.", "summary": "Does what it is supposed to do", "unixReviewTime": 1430265600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "02 24, 2012", "reviewerID": "A3RY7HGWUGHEC7", "asin": "B0000AE68P", "style": {"Size:": " 9X12"}, "reviewerName": "Kristen", "reviewText": "My paintings I wish to carry in this case are 9x12.\nThe dimensions do not explain if this holds 9x12 or if the entire portfolio is 9x12.\nCan someone please answer this question for me?", "summary": "9x12 - HELP!", "unixReviewTime": 1330041600} +{"overall": 3.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A1Q8Y2BLIZIRXN", "asin": "B0000DIESU", "style": {"Style:": " Home Theater"}, "reviewerName": "Gogo", "reviewText": "Very flimsy, doesn't work on Ipad, just computer.", "summary": "Works good just not on Ipad.", "unixReviewTime": 1419379200} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2009", "reviewerID": "ARGZHK7ALSYL5", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Walmartsucks", "reviewText": "Like others I had one split open while in my camera bag (no bouncing). Other than that it's great. So be extra extra careful and enjoy this cheap lens.", "summary": "super fragile great lens", "unixReviewTime": 1261612800} +{"overall": 4.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A1BSCDBGRMT4BG", "asin": "B000092TT0", "style": {"Style:": " PSW505"}, "reviewerName": "NASA23", "reviewText": "Great bass, the finish isn't great though.", "summary": "Four Stars", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A2R9I5HPEHRW6A", "asin": "B0000510R4", "style": {"Style:": " Direct Plug-in 2 Outlet"}, "reviewerName": "Amazon Customer", "reviewText": "I need a surge protect for an outlet that is 7 foot from the floor.\nThis works great and I would purchase it again.", "summary": "Great surge when you only need two outlets.", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2016", "reviewerID": "A1J83J3BTEVMKO", "asin": "B0000AUR24", "style": {"Package Quantity:": " 1"}, "reviewerName": "Nicholas Isola", "reviewText": "Worked really well. Product as described, built really well. Will be buying more of in the future.", "summary": "Just What I needed", "unixReviewTime": 1458432000} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2013", "reviewerID": "A2RNGBVQMWY4BE", "asin": "B0002861MG", "reviewerName": "Matt M.", "reviewText": "These hangers work perfect. I would definitely purchase some heavy duty wall anchors unless you can drive both screws into a stud.", "summary": "Works Perfect", "unixReviewTime": 1370476800} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A2Y4RKNO6PIJC1", "asin": "B0000510ZO", "style": {"Size:": " 6ft", "Style:": " 18 AWG"}, "reviewerName": "Amazon Customer", "reviewText": "Good Cables", "summary": "Good Cables", "unixReviewTime": 1423180800} +{"reviewerID": "A7U9ZYF780PE9", "asin": "B00009KLAE", "reviewerName": "Brian", "verified": true, "reviewText": "UV protection filter. Does little but serve as extra protection from your lens. And its cheap. What more can you ask of it? Get one for all your Nikkor 52mm lenses.", "overall": 5.0, "reviewTime": "01 6, 2008", "summary": "Does what you need it to do.", "unixReviewTime": 1199577600} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A2VDU9UOKRKTMU", "asin": "B0000YNR4M", "reviewerName": "Shoot this", "reviewText": "worked well not as loud as i thought", "summary": "Four Stars", "unixReviewTime": 1505433600} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A3SKBPVSJ3ODW1", "asin": "B0000AI0NO", "reviewerName": "fatherbill", "reviewText": "Required by landlord.", "summary": "Better than a wall mounted splitter", "unixReviewTime": 1422489600} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2012", "reviewerID": "A3JD7WHVHEPCPP", "asin": "B00004ZCJI", "style": {"Size:": " 37mm", "Package Type:": " Standard Packaging"}, "reviewerName": "barjohn", "reviewText": "The filter seems to be well made. I wish it had come in silver to match the lens but other than that it appears to be good quality and adequate to the job of protecting your lens and reducing UV haze.", "summary": "Tiffen UV Filter", "unixReviewTime": 1338076800} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A2UGZCGCYPBMNA", "asin": "1254875778", "reviewerName": "Larry Butler", "reviewText": "2GB really peps up a Win7 netbook. How stupid Micro$oft won't let them put Win7 on a 2GB netbook....??\nThis memory stick is very well made and should give your netbook/notebook a lifetime of service.", "summary": "Good memory at a great price", "unixReviewTime": 1373500800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 5, 2010", "reviewerID": "A3JO38KMWIUHX8", "asin": "B000001ON6", "style": {"Format:": " Electronics"}, "reviewerName": "Michael A. Cedeno", "reviewText": "This piece of garbage destroyed my brand-new Magnavox ZV450MW8 combo player so that nothing works anymore. Amazon owes me a new recorder!!!", "summary": "Maxell VCR Head Cleaner", "unixReviewTime": 1270425600} +{"overall": 5.0, "verified": false, "reviewTime": "10 21, 2010", "reviewerID": "A3I8BO4VGXAJ87", "asin": "B000234LBE", "reviewerName": "Bear", "reviewText": "Great ATA cable kit, it worked just great. I loved it and strongly recommend it to other users.", "summary": "Cables Unlimited Serial ATA Cable Kit", "unixReviewTime": 1287619200} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "APWDWVAPZ2RAS", "asin": "B00029MTMQ", "style": {"Size:": " Microphone"}, "reviewerName": "Customer", "reviewText": "Cheap little mic gets the job done while you are saving up for something better. Never had any issues with people understanding me, but they did say i didn't sound like myself.", "summary": "great value starter mic", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "AUYWN1C7BTGDU", "asin": "B00000J1T1", "style": {"Color:": " Blue"}, "reviewerName": "bward", "reviewText": "Worked as expected", "summary": "Worked as expected", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A3LJ765LS3J40K", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Ed Lowery", "reviewText": "great prodcut and were as described", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 20, 2010", "reviewerID": "A20CC4CZ7EL7D7", "asin": "B00000J1T1", "style": {"Color:": " Blue"}, "reviewerName": "Port Ludlow Ken", "reviewText": "Well constructed cable, it is very flexible making it easy to run where you want it.", "summary": "Great Cable", "unixReviewTime": 1271721600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 2, 2012", "reviewerID": "A3AOYF3QNXJOAA", "asin": "6073894996", "reviewerName": "Mary H. Crowe", "reviewText": "This little item can fit in a purse or pocket. We plug both our iphones into this at the same time. It is lighted so you can see it clearly. Love it. May order one for other vehicles.", "summary": "Wonderful product.", "unixReviewTime": 1328140800} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A2VH4RYFBSCOBL", "asin": "B00009XVKY", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Zeke G.", "reviewText": "I love it. I keep my camera and 1 lens my kit lens and I have not gotten no mold or dust.", "summary": "Love it", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": false, "reviewTime": "03 16, 2016", "reviewerID": "A1NDXNJY0PI76J", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "JR", "reviewText": "fit as expected", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 3.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "AUZABNB7J77JF", "asin": "B0000512US", "style": {"Size:": " 6 ft."}, "reviewerName": "KJ", "reviewText": "I didn't really read when I bought it. I thought it was just a regular VGA cable. However, that's not to say anything bad about the product! The cable is very thick and sturdy.", "summary": "that's not to say anything bad about the product", "unixReviewTime": 1407369600} +{"overall": 3.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A3JGOH0FZUOZQH", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "11Western", "reviewText": "Cheap and thin, but does the job.", "summary": "They work ok", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "AHRDV8PEA4M0J", "asin": "0594459451", "reviewerName": "Donna L. Mirth", "reviewText": "It is a shame that Barnes and Noble didn't make theirs as well as this one", "summary": "Better than the orginial", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "ATTPTBR8LIZYU", "asin": "B00005115S", "style": {"Style:": " 15A + 15 ft. Cord"}, "reviewerName": "estoreokc", "reviewText": "We use these power strips in our Data Center for Colo clients. Tripp Lite is a great quality product and is very reliable.", "summary": "Great product", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "AF5PE8DMH9RWN", "asin": "B00005A1K1", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Vanessa", "reviewText": "great for every garage", "summary": "Five Stars", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2012", "reviewerID": "A3SM66KIAH1MT2", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Greggie", "reviewText": "This product is exactly what is it advertised. Good quality. I am confident my disks are safe in there. Good price for what you got.", "summary": "Exactly what it claims to be", "unixReviewTime": 1343779200} +{"overall": 4.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A1RJ5JNERZA9ZN", "asin": "B00005N5WU", "style": {"Model Number:": " 75 WX ST"}, "reviewerName": "Charles P. Holbrook", "reviewText": "no", "summary": "Four Stars", "unixReviewTime": 1464566400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 2, 2004", "reviewerID": "A25UX6U640N2OK", "asin": "B0000AZ67Y", "reviewerName": "Christopher A.", "reviewText": "I have had no problems with my Mini Cruzer USB flash drive. It has been recognized without exception by multiple computers and has performed flawlessly.", "summary": "No problems. Very Satisfied.", "unixReviewTime": 1099353600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "A3JE866L7IV45A", "asin": "B000068O49", "style": {"Size:": " 2 pieces", "Style:": " RCA to RCA Couplers"}, "reviewerName": "Morgan's Point Resort PD", "reviewText": "meets our needs", "summary": "Five Stars", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A2F1SD3J53JA6Q", "asin": "B00002EQCW", "reviewerName": "RKS210", "reviewText": "Well worth the price works great", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2003", "reviewerID": "ACOV36R272G8F", "asin": "B0000614V5", "reviewerName": "Leo", "reviewText": "Replaced my old CD-ROM. The DVD, VCD play very well. The quality of the picture is nice. The drive is very easy to install. Amazon's delivery is also pretty fast even using the free shipping. RECOMMANDED.", "summary": "Better than expected", "unixReviewTime": 1042070400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A3KQUCP8LZ3BBY", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Mr.", "reviewText": "Great product for the price", "summary": "Great product for the price", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2016", "reviewerID": "A1XOZRJ0OKC1SI", "asin": "B0001LR1KU", "style": {"Size:": " 10-Disc Box", "Style:": " Standard Packaging"}, "reviewerName": "Sean Williams", "reviewText": "Works great, thanks!", "summary": "Five Stars", "unixReviewTime": 1472428800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A1NXU9AG7W7K87", "asin": "B00009V2YV", "reviewerName": "Amazon Customer", "reviewText": "Works great. Had to replace the old one from Radio Shack that no longer got signals. This one is loud and gets great reception.", "summary": "Works great. Had to replace the old one from Radio ...", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2009", "reviewerID": "A28WN22HHTKZ20", "asin": "B0000D8HK1", "reviewerName": "M. W. Long", "reviewText": "Works great and solved several problems that the 2-Wire modem manufacturers refuse to admit. So it wasn't my PC's nor my DSL connection that caused all the grief it was the 2-Wire modem.", "summary": "Better than any 2-Wire", "unixReviewTime": 1241481600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2013", "reviewerID": "A1NJ6MBO6TURL9", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Stas T. Wright", "reviewText": "I LOVE this lens. I was worried about only having an fstop of 1.8, but it's perfect. the 1.2f stop is way too shallow.\nI use this lens for all of my video work.", "summary": "Best Lens I own.", "unixReviewTime": 1375920000} +{"overall": 3.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A2D6JNGW5QHWT5", "asin": "B0000ACCJA", "style": {"style:": " USB Handheld Mic"}, "reviewerName": "joel", "reviewText": "Good very good haven't experienced any problems yet but quality of sound still does not sound pro", "summary": "Good recommended buy", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "AGFR05D4LJ124", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet + Outlet Control"}, "reviewerName": "Ryan", "reviewText": "Very nice quality", "summary": "Five Stars", "unixReviewTime": 1427587200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2008", "reviewerID": "A3QYZQHOJ8EQJ3", "asin": "B0001GAMQK", "reviewerName": "T. Olson", "reviewText": "these cords are pretty cool for the money they deliver pretty good quality for my hd dvd and i am really satisfied", "summary": "sweet mama", "unixReviewTime": 1202688000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2009", "reviewerID": "AOLHGP1CHXAZ", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "JerryJr.", "reviewText": "bought this mainly to use as a protector for a lense. Can't really tell a difference that it makes in the photograph but it does a good job of keeping the front lens clean and clear of scratches.", "summary": "nice filter", "unixReviewTime": 1233619200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A1ZMTNAJ85AYPL", "asin": "B000068NYZ", "style": {"Size:": " 5 feet"}, "reviewerName": "Louis Contumelio", "reviewText": "All Great!", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "05 21, 2017", "reviewerID": "A33GXAW6OMAW5N", "asin": "B00007KDX6", "style": {"Color:": " Silver"}, "reviewerName": "Mike in Madison", "reviewText": "A very decent basic radio with good sound. Compared side-by-side with Sangean PR-D18, the RF-2400 has much better sound and picks up more AM/FM stations. A no frills radio that works well.", "summary": "A no frills radio that works well.", "unixReviewTime": 1495324800} +{"reviewerID": "A2SOW46I19G84M", "asin": "B00009KLAE", "reviewerName": "Anirudh Gupta", "verified": true, "reviewText": "Tiffen 49mm UV Protection filter. It is same like canon filter. If you getting same product in cheap then why to buy original canon. I recommend this product.", "overall": 5.0, "reviewTime": "02 26, 2017", "summary": "Very Good Product.", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2007", "reviewerID": "A2EUJJYJ0PDA4T", "asin": "B00007LTBI", "reviewerName": "Hamilton Castrillon", "reviewText": "I bought this card along with a D-Link DI-624 Wireless Cable/DSL Router, 4-Port Switch, 802.11g, 108Mbps, both for less that $ 50. The router was refurbished and I was a little worried but so far it's worked pretty well.", "summary": "Cool little card. Works as Advertised.", "unixReviewTime": 1192233600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A1ON9015278E7S", "asin": "B00004Z10L", "style": {"Size:": " 6.5 Feet"}, "reviewerName": "mike huie", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1483315200} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2012", "reviewerID": "A10ME5FU9KHPPY", "asin": "B00006343N", "reviewerName": "JLob", "reviewText": "I purchased a few of these for subwoofers that had to be located far from my main surge protectors. I purchased this for peace of mind. I hope that I never get a strong surge, but if I do I am counting on this to handle the situation. It fits my outlets with no problems.", "summary": "Monster Cable MP SW 200 Subwoofer PowerCenter", "unixReviewTime": 1329609600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A38FM22Q2C7ST8", "asin": "B00008EM7T", "reviewerName": "M. Baker", "reviewText": "I've been using the electric Memorex Optifix for a while to clean my dvds and cds. This comes with wipe cloths for hand cleaning, but you can use the cleaning liquids on the electric version.", "summary": "I've been using the electric Memorex Optifix for a while ...", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2010", "reviewerID": "A2C7KJZ5TQDVVM", "asin": "B00011KM3I", "style": {"Size:": " 72", "Color:": " Blue"}, "reviewerName": "mp42871", "reviewText": "Its exactly what I expected. Nice hard shell to protect discs. Easy to slide discs in and holds them very well.", "summary": "As Advertised", "unixReviewTime": 1266019200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2013", "reviewerID": "A18YPL8YARWVSN", "asin": "B000067RVL", "style": {"Size:": " 1 Meter/3.28 Feet"}, "reviewerName": "captainstormy", "reviewText": "There isn't really a whole lot you can say about this I suppose. I need the mini usb cables for an old external HDD that I lost the cable for. Works like a charm and priced great.", "summary": "good cable", "unixReviewTime": 1373241600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A3EZQ9TZ4OMBCM", "asin": "B00006I5J7", "reviewerName": "Brown Guy", "reviewText": "Perfect fit for D3200", "summary": "Perfect", "unixReviewTime": 1424304000} +{"overall": 4.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A28XSU9CZZBD6P", "asin": "B00009M6TG", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "bjorkyou", "reviewText": "audio is good, but getting them on your ear is a pain. all employees experienced this.", "summary": "Four Stars", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2012", "reviewerID": "A2AD3YB13PUDGU", "asin": "B00004Z6N6", "style": {"Length:": " 36 Piece"}, "reviewerName": "Doug Boreland", "reviewText": "Needed a good computer kit to do repair work - haven't had to use it TOO much yet - but so far, what I have - it does the job just great. Kit keeps it nice and tidy.", "summary": "Nice", "unixReviewTime": 1354924800} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2010", "reviewerID": "AR085LIK383C8", "asin": "B00009PRYY", "reviewerName": "Ron Palma", "reviewText": "It is a power adapter just like it says and works as such just fine.", "summary": "Is what it is", "unixReviewTime": 1275436800} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A7BOTUHKDAY3R", "asin": "B00005BC0J", "reviewerName": "Anna", "reviewText": "Perfection for the price", "summary": "Five Stars", "unixReviewTime": 1419897600} +{"overall": 1.0, "verified": true, "reviewTime": "06 17, 2003", "reviewerID": "A2K11NKKO5C1QD", "asin": "B000083DY0", "reviewerName": "swingy", "reviewText": "I got Error 99 on my 10D with this card. Returning it.", "summary": "Error 99", "unixReviewTime": 1055808000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2013", "reviewerID": "A8X8D4BUY5DFU", "asin": "B0000899ZB", "reviewerName": "Joe Seda", "reviewText": "Tried in a used Ibook G4 1.4 Gz and it worked perfectly. I was disappointed that it cannot be used in the older iMacs or iBooks to replace the standard airport card, which is really what I wanted to do with it.", "summary": "Works properly", "unixReviewTime": 1384128000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "A3OLGVL02YNQDK", "asin": "B00006B82A", "style": {"Style:": " 2ft Cord"}, "reviewerName": "Patrick R Lee", "reviewText": "I needed more plug space for my entertainment area so I bought this and it is really great value and I highly recommend this for people who need more plug space.", "summary": "Basic surge protector", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A1IVJ6OMDAYQWV", "asin": "B00008Y0VU", "style": {"Size:": " 20x80"}, "reviewerName": "Vapor Faction", "reviewText": "bought these 3 years ago. still use it to this day. great built quality, amazing magnification.", "summary": "awesome binoculars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2009", "reviewerID": "A1L8AZAPMRLR1W", "asin": "B00006B9CR", "reviewerName": "eMan-DX", "reviewText": "Product was as described. Works great and hasn't had any issues. Service by seller was top notch, no problems what so ever. Five Star's all the way!... Thank's", "summary": "Great Service", "unixReviewTime": 1236384000} +{"overall": 4.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A2OJ5UYMMIA1LK", "asin": "B00006HSML", "style": {"Length:": " 2 Meters/6.56 Feet"}, "reviewerName": "jr", "reviewText": "no issues.. was able to connect webcams and bluetooth dongles around my office.", "summary": "It works! no thrills..", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": false, "reviewTime": "08 20, 2014", "reviewerID": "ARV402Y6SFIHH", "asin": "B000065BPB", "reviewerName": "Amazon Customer", "reviewText": "Excellent headphones. Amazing clarity.", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A1CSUXPV6RI8WH", "asin": "B00004ZCJI", "style": {"Size:": " 72mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Vivian SB", "reviewText": "I never put a new lens on my camera without protecting it first with an UV filter. The quality of the Tiffen filter is excellent and it does the job.", "summary": "A must-have", "unixReviewTime": 1354233600} +{"overall": 5.0, "verified": false, "reviewTime": "11 22, 2012", "reviewerID": "A205JPA2P8XAZF", "asin": "B000067S60", "style": {"Style:": " Jewel Cases only"}, "reviewerName": "Rog", "reviewText": "Got what I wanted when I wanted it and I do not like having to use a minimum number of words", "summary": "Happy", "unixReviewTime": 1353542400} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A3VNZLK1L1TZP7", "asin": "B00005USAV", "style": {"Color:": " Mocha"}, "reviewerName": "Takashi Namba", "reviewText": "A bit hard to assemble the wire cover but looks nice.", "summary": "Nicely looking better than what I spent", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2008", "reviewerID": "A1O1GCTBDKU93F", "asin": "B0001CNMFM", "reviewerName": "Joe Francis", "reviewText": "I have not researched many other cards but this works perfectly with my Rebel XTi. The prices on these have dropped since I bought them so I might just get another 2GB card just in case I run out of space or need one for those unforeseen emergencies.", "summary": "Can't go wrong with this one", "unixReviewTime": 1203292800} +{"overall": 3.0, "vote": "2", "verified": false, "reviewTime": "04 7, 2010", "reviewerID": "A3SCMXU1JR75FQ", "asin": "B0002A9RFM", "reviewerName": "ermy", "reviewText": "the unit operates as stated. however, it appears to be considerably slower than a similar unit from dlink. looks good, if you care about that stuff.", "summary": "good device. not as fas as dlink", "unixReviewTime": 1270598400} +{"overall": 5.0, "verified": false, "reviewTime": "10 4, 2007", "reviewerID": "A2UTLOF5A2OTLT", "asin": "B000247YLC", "style": {"Color:": " Navy/Black"}, "reviewerName": "Gary", "reviewText": "This is the best bag ever made by Mobile Edge.\nI have had mine for 3 years and it gets tossed everywhere..\nIt looks almost as new as the day I got it.\n\nIt holds everything I need and then some.\nIf you want the best, this is it!", "summary": "Great bag", "unixReviewTime": 1191456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "A2BOHVCSTB994S", "asin": "B00005N9D3", "style": {"Product Packaging:": " Standard Packaging", "Style:": " UR-20"}, "reviewerName": "Danny Ellis", "reviewText": "These are great! I bought six of them for our podcast hosts and guests to use as monitors. They sound fantastic, the cans are large enough to go over your entire ear, and they're comfortable enough to wear them for 3+ hours during the podcast without causing any discomfort.", "summary": "Great Value & Comfort", "unixReviewTime": 1417392000} +{"overall": 3.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A1LA4G4H2515YR", "asin": "B00006IAKJ", "style": {"Color:": " Wire Mesh", "Style:": " Laptop Stand"}, "reviewerName": "WCD", "reviewText": "Hardly large enough to fit 15 inch notebook. The stand was wobbly.", "summary": "Wobbly", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A23BFO39SH8ZSV", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "Mike", "reviewText": "Lens is well made. Good lens even for D format DSLR cameras.", "summary": "Good lens even for D format DSLR cameras", "unixReviewTime": 1424822400} +{"overall": 4.0, "verified": true, "reviewTime": "05 30, 2016", "reviewerID": "A22C0AJ7PT9QCQ", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Marlon", "reviewText": "Won't replace a can of compressed air, but it's perfect for quickly cleaning lenses.", "summary": "but it's perfect for quickly cleaning lenses", "unixReviewTime": 1464566400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A2HPG3NDJSGFNJ", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Valfred Mendoza", "reviewText": "Good product. Worth your money.", "summary": "Great", "unixReviewTime": 1432771200} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "AWCXYH5RLS8H1", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Krista", "reviewText": "Easy to install. I had to splice and re-wire a few wires but it was simple!", "summary": "Four Stars", "unixReviewTime": 1461024000} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2008", "reviewerID": "A2ZAJGOIF88NLJ", "asin": "B00025742A", "reviewerName": "Danny W.", "reviewText": "I got this to use with a Denon receiver that did not have phono inputs. It was simple to hook up and works well with no noticeable hiss or hum (be sure to run a ground from the turntable to the preamp). What more can I say?", "summary": "Does what it is supposed to do.", "unixReviewTime": 1201651200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2013", "reviewerID": "A1PK86JUF3PD2J", "asin": "106171327X", "reviewerName": "Lee A.", "reviewText": "Been using this card for just over a year of daily use and it has no issues. It is acceptably fast (I never think about the read/write speeds when using it), reliable, affordable, and holds plenty of media. A good purchase.", "summary": "Over a year of use with no issues", "unixReviewTime": 1373932800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A14Z8PU6W82SF3", "asin": "B0001VHARY", "style": {"Color:": " Black", "Style:": " 2 Speakers"}, "reviewerName": "latrelle c.", "reviewText": "Awesome outdoor speakers. Sound is clear and just right for my deck and pool area. I bought 3pr of these and Ive had them for 3yrs now. No issues except for ten cover occasionally falling off when it gets too hot", "summary": "Perfect", "unixReviewTime": 1510012800} +{"reviewerID": "AS446EGP0IJB3", "asin": "B000067O6B", "reviewerName": "agl0522", "verified": true, "reviewText": "fits our screens perfectly and i love that you have 2 options of installing it.", "overall": 5.0, "reviewTime": "06 30, 2016", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 1.0, "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "A4V05BF55IEEQ", "asin": "B00005NDMR", "style": {"Style:": " PL-30-K"}, "reviewerName": "jebavonct", "reviewText": "Did not maintain a consistent speed so sent it back. Return was no problem. My husband found reviews that the less expensive model does not have this problem. But he chose not to go for it.", "summary": "Fluctuating Speed", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A3SMZDG0C0H3TN", "asin": "B00002EQCW", "reviewerName": "E. Mintz", "reviewText": "I like the metal cased Netgear line. I have several switches like these on my network and they all work reliably.", "summary": "Super Reliable", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A38W9M5GW6FMDO", "asin": "B0001BVD1S", "reviewerName": "RaRaD", "reviewText": "Served their purpose for guests to use at our wedding. Great purchase!", "summary": "Great purchase!", "unixReviewTime": 1508889600} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A1L3H0D108XQB2", "asin": "B00006B9W2", "style": {"Style:": " CA-2012"}, "reviewerName": "David S.", "reviewText": "good sound", "summary": "Four Stars", "unixReviewTime": 1437955200} +{"overall": 1.0, "verified": true, "reviewTime": "06 20, 2014", "reviewerID": "A1TA4Z31MKMUGF", "asin": "B00009W2GI", "reviewerName": "First Timer", "reviewText": "The straps do NOT fit around my visor, and no stretching available, will keep though just won't be able to use as I wanted. I will now check out the stores", "summary": "Does not fit!", "unixReviewTime": 1403222400} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A1BNGRBNMY7IR3", "asin": "B00002EQCS", "style": {"Capacity:": " 16 Port", "Model:": " Metal"}, "reviewerName": "DRWYP", "reviewText": "Came as described.", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "A1LFIP12CD8N9F", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Donnie Ray.", "reviewText": "Bought this as a power cable for my PA System. Perfect fit and I love how long this is.", "summary": "Perfect and also cheap!", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2013", "reviewerID": "A2RFF5J7GMDIX", "asin": "B00009R9EO", "style": {"Format:": " Camera"}, "reviewerName": "Skippy", "reviewText": "I did a lot of homework on getting a filter. I bought this for my 17-55 2.8 because the front element on that is so big. Has worked great so far.", "summary": "Good quality", "unixReviewTime": 1363824000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2012", "reviewerID": "AI5ANGHYNI9AM", "asin": "B00004ZCJI", "style": {"Size:": " 58mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Gilbert Talancon", "reviewText": "Those owning any DSLR should have these filters on all of their lenses. One of the best ways to protect ones lenses from dust and scratches.", "summary": "A must have item", "unixReviewTime": 1356912000} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "04 1, 2013", "reviewerID": "A3HOLGXI5VZEA4", "asin": "B00006HZ4M", "style": {"Style:": " C13 Outlet"}, "reviewerName": "Steven A. Romondo", "reviewText": "The only down side is that the circuit breaker is only rated at 9 amps - 12 to 15 would be much more useful in my application", "summary": "Hard to find 220v surge arrestor", "unixReviewTime": 1364774400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2014", "reviewerID": "A2FFVTYZOKJ2SJ", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "DrewCampbell", "reviewText": "I love how much air these things shoot out. You really do get a great blast of air, and they really do clean out whatever you are trying to clean with ease... I love this product.", "summary": "Had a couple of these and love them.", "unixReviewTime": 1399680000} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A25VMR199B567O", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "pohlcat01", "reviewText": "really nice and looks good too, for an outlet...\nI like the screw that replaces the cover screw. keeps it in place while tugging on cords. We have had really bad storms lately and nothing has fried yet!", "summary": "really nice and looks good too", "unixReviewTime": 1440720000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "AS9TN09TCYDNM", "asin": "B00020S7XK", "reviewerName": "Linda HD", "reviewText": "All the positives responses I read about this little radio here on Amazon are all true! Will be buying another!", "summary": "Great and affordable radio", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A3U2O182B7IJWG", "asin": "B0000512D3", "style": {"Style:": " 15A + Right Angle Outlet"}, "reviewerName": "S. Russo", "reviewText": "This power strip really got me charged up!", "summary": "Plug-n-Play!", "unixReviewTime": 1479168000} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A2XYMUN4B17QPL", "asin": "B000067RTB", "style": {"Size:": " 75 Feet/ 22.86 Meters", "Color:": " Black"}, "reviewerName": "Gary Rossow", "reviewText": "Works fine", "summary": "Four Stars", "unixReviewTime": 1434672000} +{"reviewerID": "A1HH5Y5X8U8D9E", "asin": "B00009KLAE", "reviewerName": "Dummy", "verified": true, "reviewText": "A very good, high quality camera lens. Well priced. Had no issues in using the filter on my new Sigma 70-200 zoon lens.", "overall": 5.0, "reviewTime": "10 23, 2011", "summary": "Tiffen makes excellent filters", "unixReviewTime": 1319328000} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2013", "reviewerID": "A342LSQCE5UESO", "asin": "B00007KDVK", "reviewerName": "Andrew Zeiler", "reviewText": "Installed on an older laptop with Ubuntu. It was not easy to get it installed but there are tutorials out there. It works and my sister who just needed a laptop for surfing the web is very happy too. Works well with good range.", "summary": "This worked great on an older laptop that had no built in wireless", "unixReviewTime": 1368489600} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "AQLLGT6ZK99GT", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Perfect fit", "summary": "Five Stars", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "AMXS8LLF28MGC", "asin": "B0000632H7", "reviewerName": "zbruggie", "reviewText": "Exactly as described. Love it! Will do business with them again. ... . . . . . . . . . . . . . . . . . . . . . . .", "summary": "Exactly as described. Love it! Will do business with them again. ... . . . . . . . . . . . . . . . . . . . . . . .", "unixReviewTime": 1355443200} +{"overall": 3.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A308KZO1ACMM3M", "asin": "B0002BEX8W", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "it", "reviewText": "is what it is", "summary": "Three Stars", "unixReviewTime": 1420761600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "AAZQS8N9EKH6K", "asin": "B0000DC0T4", "reviewerName": "Papi", "reviewText": "Nice item as described.", "summary": "Five Stars", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A1PH8PGOZO91I3", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Chris Lewis", "reviewText": "Great product and fast shipping.", "summary": "Five Stars", "unixReviewTime": 1430611200} +{"overall": 2.0, "verified": false, "reviewTime": "04 25, 2008", "reviewerID": "A2NAQ6PWQ7784I", "asin": "B00004ZCJI", "style": {"Size:": " 67mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Josh Barfield", "reviewText": "I bought it without doing much research. The filter isn't coated, so all of the wonderful coatings on your lens become almost pointless. I've since decided to go without filters for protection. I replace the lens cap immediately after use anyway.", "summary": "Decent for protection", "unixReviewTime": 1209081600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2018", "reviewerID": "A3NSQGGFKDJAYS", "asin": "B000062VUQ", "style": {"Size:": " 3-piece"}, "reviewerName": "Isaac", "reviewText": "These speakers sound amazing, for the price I don't think you can find any better.", "summary": "Five Stars", "unixReviewTime": 1518134400} +{"overall": 4.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "AEZJTA4KDIWY8", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "Herman", "reviewText": "Brother makes good labelers that works and sticks. This is a convenient model and is useful in everyday labeling. Not too expensive and stays on the items you apply.", "summary": "Great labels", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A3G43LQL8LV40V", "asin": "B00005Y3OM", "style": {"Style:": " Vibration Reduction Zoom Lens with Auto Focus"}, "reviewerName": "K. Dupersoy", "reviewText": "looks almost brand new", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A2REMVAPPMPO58", "asin": "B00007KDX6", "style": {"Color:": " Silver"}, "reviewerName": "Shell", "reviewText": "I'm really disappointed with this radio. It's impossible to get the Twins baseball games and I am less than 20 miles from the radio station.", "summary": "Poor Reception", "unixReviewTime": 1502841600} +{"overall": 4.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A2WJ2ABY8G115A", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "JacksonWoman", "reviewText": "A decent product. Would be better if ear thing-ys were slightly bigger and better padded for comfort. I'm happy and would recommend,...for the price.", "summary": "Good Enough", "unixReviewTime": 1485043200} +{"overall": 3.0, "verified": false, "reviewTime": "05 11, 2017", "reviewerID": "A1JTTVNE99RAH1", "asin": "B00001P4XH", "style": {"Size:": " ..Stereo", "Color:": " other"}, "reviewerName": "Rick", "reviewText": "It's ok.", "summary": "Three Stars", "unixReviewTime": 1494460800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 9, 2006", "reviewerID": "A13TQOVFEOP4A3", "asin": "B000065BPB", "reviewerName": "Alliasx", "reviewText": "These are great for general use or studio work. I have compared these to a lot of headphones. There are other good choices but these are great! Get them you won't be dissapointed. I gave 5 stars because the price is great too.", "summary": "These are great phones!", "unixReviewTime": 1163030400} +{"overall": 2.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "AB4OR4Q9QZR3G", "asin": "B00000K135", "style": {"Color:": " White"}, "reviewerName": "skyrunr", "reviewText": "It is very difficult to get the label backs off without wrinkling the labels, it gets easier though. However, the lamination on the labels is not as nice or as durable as Tze Brother products. The packaging was also not very environmentally friendly.", "summary": "the lamination on the labels is not as nice or as durable as Tze Brother products", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A2QH8FGH8EA4ZF", "asin": "B00006B8DX", "style": {"Style:": " Metal Oxide Paste"}, "reviewerName": "Alex", "reviewText": "Great price, it works", "summary": "Five Stars", "unixReviewTime": 1415145600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "02 8, 2013", "reviewerID": "A4Z8LCQ6RSFTR", "asin": "B00000J1EQ", "style": {"Size:": " 1-Pack"}, "reviewerName": "GravelGertie", "reviewText": "I know that nobody uses these anymore, but we still do. They're the same quality they've always been and I was happy to find them.", "summary": "good", "unixReviewTime": 1360281600} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "AHTLZDNAGWOVR", "asin": "B0000DIESU", "style": {"Style:": " Slim Cable - mobile"}, "reviewerName": "JH", "reviewText": "Very easy way to split sound to a capture card (in my case) and to a set of speakers. Or split to headphone and speakers. Works very well, cant complain.", "summary": "Works well", "unixReviewTime": 1459728000} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A14QV4YLL5O390", "asin": "B0000A1VS3", "reviewerName": "Robert Kodama", "reviewText": "so far after 2 weeks it works as well as the original. I'll know more after 2 years, which is how long the original lasted.", "summary": "so far after 2 weeks it works as well as ...", "unixReviewTime": 1404777600} +{"overall": 4.0, "verified": true, "reviewTime": "06 26, 2013", "reviewerID": "A31PRWL02K8QFZ", "asin": "B00006JPEU", "style": {"Model Number:": " HG-M75"}, "reviewerName": "tmed007", "reviewText": "works fine for a mike that's less than 1/2 the price most other power mikes if price is important this might be it", "summary": "good bargain", "unixReviewTime": 1372204800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "A3KCYRGPXHDFVK", "asin": "B00004W3ZP", "style": {"Size:": " 1 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Ohoshi", "reviewText": "Only enough room for one cord. Snug but perfect! It comes with its own apprehensive side which sticks perfectly.\nAbsolutely would buy again.", "summary": "Very nice", "unixReviewTime": 1464912000} +{"overall": 1.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A1T57Y1FJEM1H3", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "KidTako", "reviewText": "crap...", "summary": "crap...", "unixReviewTime": 1447977600} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A18ZYBZLR66IWK", "asin": "B00005ATMB", "style": {"Size:": " 224", "Style:": " CD Wallet"}, "reviewerName": "Hawk eye", "reviewText": "Not much to say about it, other than I'm happy with it. I own a few other cases of this type, and this one measures up. It's not better or worse than my other cases, so I can't rave about it, but again, I'm happy with it.\n\nIf this is the size you need, I say go for it.", "summary": "Well, it's a case...", "unixReviewTime": 1498176000} +{"overall": 4.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A1V4KSGKMLR1UV", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "David Gutierrez", "reviewText": "works perfect.", "summary": "Four Stars", "unixReviewTime": 1473724800} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "ABK6WZR8DRB5Z", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "George Tarasenko", "reviewText": "1st lens ever bought...and will keep it till the day I leave video production. For $120 this lens is fantastic(fantastic plastic) Its Amazing in low light with its f/1.8 I have found that at a f/2.0 it is the sharpest. My go-to lens for photography.", "summary": "fantastic plastic", "unixReviewTime": 1396224000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2012", "reviewerID": "A1HLUSSZ7HWR03", "asin": "B000067RTB", "style": {"Color:": " Black", "Length:": " 7 Feet/ 2.13 Meters"}, "reviewerName": "David A", "reviewText": "Can notice the differance going from Cat 5 to Cat 6. Plugs in easy, no problems. Even works with wireless routers under them.", "summary": "works great", "unixReviewTime": 1326931200} +{"overall": 3.0, "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "ATDCXJZ1IG9W5", "asin": "B00007FGU7", "style": {"Length:": " Shielded 6 Feet"}, "reviewerName": "XoReMuS", "reviewText": "This extension did its job for a while for the price. I upgraded to the 24k gold plated cables and noticed a signifigant difference and the gauge of the wire was much thicker. These are still good for the average person for the price tho.", "summary": "Decent quality", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A37U5JJC3D69ZL", "asin": "B00006HODY", "reviewerName": "Charles E. Dickinson", "reviewText": "If you are a cd/dvd fanatic like me, this is something you need. I have the $1500 Oppo and this product especially helped on the older cd's.", "summary": "A must have product for any dvd/cd fanatic!", "unixReviewTime": 1424736000} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "AZ6NYTQX79SOZ", "asin": "B00005125T", "reviewerName": "Kevin Donaldson", "reviewText": "good product. did exactactly what it said it would", "summary": "Four Stars", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A36Z6YAU07G85Q", "asin": "B000068O18", "style": {"Size:": " 6.6 Feet"}, "reviewerName": "Gus J Calapristi", "reviewText": "Works great to interface my Zoom R24 digital recorder to my stereo so I can hear playback from my tracks.", "summary": "Does the Job", "unixReviewTime": 1461542400} +{"overall": 4.0, "verified": false, "reviewTime": "08 19, 2014", "reviewerID": "AYUHDN8OWFYNT", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet (Black)"}, "reviewerName": "Justin", "reviewText": "Good quality unit. Wish the cord was longer.", "summary": "Four Stars", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A231QM9N030HYT", "asin": "B0002BEQAM", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1476057600} +{"overall": 4.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A2QO7U9O8C5O5I", "asin": "B000068O33", "style": {"Size:": " 6 Feet"}, "reviewerName": "Jen McD", "reviewText": "Good quality cables.", "summary": "Four Stars", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "AY7UTUZ6KD3HW", "asin": "B00000JD34", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Rusty B.", "reviewText": "Genuine, quality", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2014", "reviewerID": "A3QDBNMPGGEAJI", "asin": "B0001VHARE", "style": {"Color:": " White", "Style:": " 2 Speakers"}, "reviewerName": "John A. Fazio III", "reviewText": "Bought these half off because package was damaged. They are as good as new and have incredible sound. Not a whole lot of bass but have mine setup with a surround system which includes a subwoofer so it compliments nicely.", "summary": "Great speakers", "unixReviewTime": 1398038400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "A2RWFCGRC0FAUT", "asin": "B00007M1TZ", "reviewerName": "Danny Maldonado", "reviewText": "Very good product", "summary": "Worth it", "unixReviewTime": 1482451200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A1CIX2MM619805", "asin": "B00008VF4A", "style": {"Capacity:": " 1 x 5.25in", "Style:": " 1 x 3.5in"}, "reviewerName": "WALLY", "reviewText": "Well made, does the job,", "summary": "Does the job.", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A9EZUFRLU57Z8", "asin": "B0000DIESU", "style": {"Style:": " Slim Adapter - mobile"}, "reviewerName": "John B.", "reviewText": "Great Product, Great Price, Fast Delivery", "summary": "Five Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2013", "reviewerID": "A38KXE0ISYCGTI", "asin": "B000068NYI", "style": {"Size:": " 5 Feet"}, "reviewerName": "Max", "reviewText": "Got this cable to hook up my receiver to a PA amp. Worked flawlessly for the task, and the cable is of good quality.", "summary": "Good cable", "unixReviewTime": 1380412800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "ADRLYZ64HNP6K", "asin": "6073894996", "style": {"Size:": " One USB Port", "Color:": " Black 2 Port"}, "reviewerName": "mrjtg", "reviewText": "Again Price theses anywhere else and you'll pay 4 times what they are at Amazon. And the work great..", "summary": "And the work great..", "unixReviewTime": 1409011200} +{"overall": 3.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A31GLO2JYR1DGB", "asin": "B0000631YQ", "style": {"Color:": " metallic-o17"}, "reviewerName": "Susan Bertrand", "reviewText": "Like it not love it. Nice color, fits well BUT the case must be removed when using some chargers!! I happen to have the Belkin charger stand and extra Amazon charging cables and must remove case to use these items!!!! If I had known, I would not have purchased!!!!", "summary": "Like not love", "unixReviewTime": 1416873600} +{"overall": 4.0, "verified": true, "reviewTime": "11 9, 2006", "reviewerID": "A3W40YR99MDLAG", "asin": "B00006B7DA", "style": {"Style:": " 4-Port"}, "reviewerName": "The Bonum is God", "reviewText": "Well, this is a simple USB 2.0 hub. Everything worked as advertised. I had a problem when plugging the AC unit into a socket that already has another power adaptor from Compusa. It made my Compusa adaptor whine.", "summary": "worked as advertised", "unixReviewTime": 1163030400} +{"overall": 2.0, "verified": true, "reviewTime": "07 8, 2012", "reviewerID": "A14KRXC2GY8748", "asin": "B00005MIU8", "reviewerName": "REG YOUNG", "reviewText": "this product is a waste of time.. Just get the phone company out and do a better job.. I made the mistake of this purchase.. Dont you.", "summary": "No substitute for wiring.", "unixReviewTime": 1341705600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2012", "reviewerID": "A16QANZA45H2DW", "asin": "B000066R6M", "reviewerName": "KB971", "reviewText": "My dad loves this item! He does a lot of work outside I the summer and it is perfect! It fits in his pocket and he can listen to the AM talk shows that he loves!!", "summary": "Christmas gift for my dad", "unixReviewTime": 1352160000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2009", "reviewerID": "AER88C6FAY3GH", "asin": "B0001GGXQI", "reviewerName": "David T. Phelps", "reviewText": "Not really much to say. It converts the incoming signal to a coaxial signal flawlessly.", "summary": "Works like expected", "unixReviewTime": 1239926400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A2V8AF15XKAO13", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Heesook P. Kim", "reviewText": "My daughter really enjoyed it.", "summary": "Five Stars", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2012", "reviewerID": "A3V8DGC22D85NR", "asin": "B000067RTB", "style": {"Color:": " White", "Length:": " 50 Feet/ 15.24 Meters"}, "reviewerName": "LuisV", "reviewText": "For the price it sells is a bargain.\nLike any other cable, it has limitations when pulled inside walls.\nIt has to be installed with care.", "summary": "It works fine", "unixReviewTime": 1350691200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A289I70D8L3YF0", "asin": "B0000996BA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Larry J. Moya", "reviewText": "Fit the Garmin 64s", "summary": "Works", "unixReviewTime": 1501113600} +{"overall": 2.0, "verified": true, "reviewTime": "06 15, 2009", "reviewerID": "A2KKM0OOMS6YBD", "asin": "B00009R6VO", "reviewerName": "B. W. Hirn", "reviewText": "Does work but wasn't what I expected.", "summary": "Two Stars", "unixReviewTime": 1245024000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2017", "reviewerID": "A2DQRZVI8CYKH3", "asin": "B00005111M", "reviewerName": "BP&JP", "reviewText": "works as intended without issues", "summary": "Five Stars", "unixReviewTime": 1510099200} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2006", "reviewerID": "A11VPI6WLMQ2ZQ", "asin": "B0000996BA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Lee A. Vercoe", "reviewText": "Case is well padded and does its intended job. It is a little long for the Garmin Quest though but still usable.", "summary": "Well made case", "unixReviewTime": 1140307200} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2013", "reviewerID": "A17Z7VGPBVPKOG", "asin": "B0000AI0N2", "style": {"Style:": " 10 Outlet + TEL/TV/NET"}, "reviewerName": "Dave", "reviewText": "Has sufficient plugs for my home enterainment system. The construction is very sturdy, but a bit clunky. If you are looking for function over style, this unit is it.", "summary": "Excellent for my Home Entertainment System", "unixReviewTime": 1370390400} +{"reviewerID": "A38JI2YDCPQT9U", "asin": "B0001PNLIW", "reviewerName": "Ramdy", "verified": false, "reviewText": "Had one of these for other 3o years now and needs some repair but is tough and still works well today.\n\nJust weighed and it weighs 5.15 pounds, but feels heavy, have to workout more.", "overall": 5.0, "reviewTime": "11 25, 2015", "summary": "Had this for 30 yrs.", "unixReviewTime": 1448409600} +{"overall": 1.0, "verified": false, "reviewTime": "08 24, 2006", "reviewerID": "A3DYR49BL825KC", "asin": "B0000665P5", "reviewerName": "Abe", "reviewText": "While it worked it was ok, but then it just stopped working. And Plantronics support sucks!", "summary": "Broke in no time", "unixReviewTime": 1156377600} +{"overall": 3.0, "verified": true, "reviewTime": "08 13, 2008", "reviewerID": "A1RKP0I0CPLW7R", "asin": "B00011KM3I", "style": {"Size:": " 24", "Color:": " Black"}, "reviewerName": "Gregory A. Shelton", "reviewText": "I purchased this because of the price, but it is much too small - switching to paper sleeves from now on.", "summary": "This case is very small", "unixReviewTime": 1218585600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2013", "reviewerID": "AGL7D71S3Q1WI", "asin": "B000083KIH", "style": {"Length:": " 18in"}, "reviewerName": "Jim Gonsalves", "reviewText": "This product is of very good quality and design. This is a true value, and a great accessory for adding more grounded products of wide power supplies.", "summary": "More for the money", "unixReviewTime": 1370822400} +{"overall": 4.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "AEVSZRWRVKE2Z", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port | 053W", "Model:": " Pro | L2+ Managed"}, "reviewerName": "trooper", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1496188800} +{"overall": 3.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "A3J0WV0J7FQXIJ", "asin": "B00004SABB", "style": {"Size:": " 16 x 32mm", "Color:": " Black"}, "reviewerName": "Greg", "reviewText": "Viewing not as clear as I was expecting.", "summary": "Three Stars", "unixReviewTime": 1499299200} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A31KO0EA4YX6OR", "asin": "B00000J1V5", "style": {"Color:": " Black"}, "reviewerName": "Robyn Lyons", "reviewText": "Ethernet cables with well made plugs an fairly flexible. Passed most bandwidth tests I threw to it.", "summary": "Good ethernet cables. Good price.", "unixReviewTime": 1463097600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2011", "reviewerID": "ARX7Z3NI6O0F7", "asin": "B0000X0VCY", "style": {"Length:": " 2 Meters/6.56 Feet"}, "reviewerName": "Lynn May", "reviewText": "The cable works fine on my Macbook unibody 2010 (with adapter) with an Acer and Dell External Monitor.\nI have an HP 27\" ordered and assume it will work well with it as well.", "summary": "THis works great on my Macbook 2010", "unixReviewTime": 1313539200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2XLPVZPD38HUY", "asin": "B00004W3ZP", "style": {"Size:": " 1 Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Ken", "reviewText": "Did exactly as advertised. Easy to install. Only has room for one wire.", "summary": "Perfectly fit my needs. Love the price.", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": false, "reviewTime": "08 24, 2014", "reviewerID": "A29F892LLUVNZ7", "asin": "9985537742", "reviewerName": "vano nadirashvili", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A31J374YOS01NC", "asin": "B00016W6NC", "style": {"Size:": " 3 ft", "Style:": " Right Angle"}, "reviewerName": "Christopher A. Moreno", "reviewText": "Works great with our camera and the angle of it is great.", "summary": "It Works", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2012", "reviewerID": "A3HGIF6Z41KLQ6", "asin": "B00004ZCJI", "style": {"Size:": " 52mm", "Package Type:": " Standard Packaging"}, "reviewerName": "OnlineGuru31", "reviewText": "This is a great piece for lens protection. Never leave home without one on my camera lens. Worth the price given the cost of lenses. I have one on every lens and extras in my camera bags.", "summary": "Lens Protector", "unixReviewTime": 1338336000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A2JSH6MZ9BOVJ2", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Joshua Lutz", "reviewText": "does just what it says it'll do. Stereo in both sets of headphones, just what I needed", "summary": "works well, well made", "unixReviewTime": 1435104000} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A28E7SUAF9F9UY", "asin": "B000067O5H", "style": {"Size:": " 15.4\" Widescreen (16:10 Aspect Ratio)", "Color:": " Black"}, "reviewerName": "duane d ellis", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1424736000} +{"reviewerID": "A3VHWGMFQC7X0O", "asin": "B00009KLAE", "reviewerName": "Alex", "verified": true, "reviewText": "If you do not have $$$$$ to spend on the high priced brands, this filter will just do the job perfectly fine !", "overall": 5.0, "reviewTime": "12 17, 2013", "summary": "Good budget filter", "unixReviewTime": 1387238400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "ATCW41B2FNZ2V", "asin": "B0000510ZO", "style": {"Size:": " 10ft", "Style:": " 18 AWG"}, "reviewerName": "Jeremiah", "reviewText": "Seems to be good quality for a good price.", "summary": "Five Stars", "unixReviewTime": 1524096000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "A2KU9M8GV0A4SH", "asin": "B00006RVPW", "style": {"Capacity:": " 8 Port", "Model:": " Unmanaged"}, "reviewerName": "John H.", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A3KBPJCH9WLD42", "asin": "B0002BEQN4", "style": {"Size:": " barbed", "Package Type:": " Standard Packaging"}, "reviewerName": "Nick 1983", "reviewText": "Works", "summary": "Five Stars", "unixReviewTime": 1478390400} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A2SPHEVLG79B4G", "asin": "B00004WCID", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Curtis", "reviewText": "works good with my canon t5i", "summary": "Four Stars", "unixReviewTime": 1419811200} +{"reviewerID": "AHEEIE9KIMIWR", "asin": "B000067O6B", "reviewerName": "Laura", "verified": true, "reviewText": "Works perfectly.", "overall": 5.0, "reviewTime": "09 16, 2014", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2010", "reviewerID": "AIEG1R0QUNJUZ", "asin": "B00007FGU7", "style": {"Length:": " 12 Feet"}, "reviewerName": "Unknown", "reviewText": "This item is great plenty long enough for me to walk around my room, signal is great no loss.", "summary": "Great", "unixReviewTime": 1282262400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1TPUQUV3WN73A", "asin": "B00009XVKW", "style": {"Color:": " Black"}, "reviewerName": "Batman_Bin_Suparman", "reviewText": "Mounted this on the back of my 07 KLR 650. It's a little more subtle than most larger boxes, and does the job of securely holding registration papers, and miscellaneous tools.", "summary": "Nice Cases.", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2013", "reviewerID": "A2MON4POJN2LGJ", "asin": "B0000BVYT3", "style": {"Capacity:": " 05 Port", "Model:": " Unmanaged"}, "reviewerName": "Carson", "reviewText": "This runs from my router to the basement for a PC and raspberry pi, it keeps the PC working and the raspberry pi streaming wonderful video with few buffering issues.", "summary": "It does the job", "unixReviewTime": 1382918400} +{"overall": 5.0, "verified": false, "reviewTime": "07 31, 2013", "reviewerID": "AA6M6COS1GFMH", "asin": "B00009WBYJ", "reviewerName": "Jeff racine", "reviewText": "Better than Polk centers in my opinion. This center gets it right. Great vocal clarity at any volume. Good bass response goes well withe the dv64 towers and dv62si. You truly can't get better quality without spending 4 times more.", "summary": "For $60 bucks!? This is a stupid good deal.", "unixReviewTime": 1375228800} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2014", "reviewerID": "AXW6BZ45D1I93", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Homeweaver", "reviewText": "Good headphone for the price, nice sound. I am careful with them as all headphones of this type can be fragile.", "summary": "Nice headphone", "unixReviewTime": 1393372800} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A2RJZZC94YFL0D", "asin": "B00005N6KG", "reviewerName": "AmazonAddict", "reviewText": "You can get these at Walmart $9 and currently on Overstock for $15. And there are other ones listed \"used\" for $79. Are they filled with Meth or made out of gold? This makes Amazon look bad!", "summary": "How can Amazon let someone list a $9 product for $109?", "unixReviewTime": 1398124800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2009", "reviewerID": "A1SRX5BCNUFXMM", "asin": "B000071NYC", "reviewerName": "Jackjtravel", "reviewText": "Arrived faster than estimated, easy to set up and has been working fine. Good peace of mind", "summary": "Freeze Alarm", "unixReviewTime": 1252800000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2012", "reviewerID": "AR3QU3L9M9AU7", "asin": "B00005RKST", "style": {"Style:": " Canon SLR Cameras"}, "reviewerName": "alfred hanna", "reviewText": "Sigma's 28mm 1.8 Prime is an excellent piece of glass. High quality bokei, solid feel to it. Worth the money.", "summary": "A superb prime lens. Sharp edge to edge.", "unixReviewTime": 1355270400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "AZJPTTEVO8CM5", "asin": "6073894996", "style": {"Size:": " One USB Port", "Color:": " Black 2 Port"}, "reviewerName": "TOMAS", "reviewText": "happy", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A21OA8773GTIKD", "asin": "B00000J1EQ", "style": {"Size:": " 1-Pack"}, "reviewerName": "old dude", "reviewText": "A couple of the tapes required break in and I suggest a fast forward and rewind before you start recording. I have DMRs and record TV shows on EP mode. Both sound and video are good even on a 60\" 3-D Plasma and 350w sound system.", "summary": "Price was right", "unixReviewTime": 1394236800} +{"reviewerID": "A2VW4MVOT4OQXS", "asin": "B00004ZCJJ", "reviewerName": "M", "verified": true, "reviewText": "no halo, no issues, perfect fit for my Nikon Macro lens.", "overall": 5.0, "reviewTime": "04 21, 2017", "summary": "nice protection", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2017", "reviewerID": "A3TQ8MT8FJLO04", "asin": "B00006JPE1", "style": {"Size:": " 5.00in. x 3.00in. x 1.10in."}, "reviewerName": "Peggy L", "reviewText": "A-1", "summary": "Five Stars", "unixReviewTime": 1506729600} +{"overall": 4.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "A3IVZFRAPFJHVW", "asin": "B00008Y0VN", "style": {"Size:": " 15x70"}, "reviewerName": "Ian Nascimento", "reviewText": "Was expecting a bit more but still awesome regardless.", "summary": "Four Stars", "unixReviewTime": 1500768000} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2017", "reviewerID": "A3F4WGS493S6CU", "asin": "B00004Z5M1", "style": {"Capacity:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "S.Bao", "reviewText": "Very good item", "summary": "Five Stars", "unixReviewTime": 1506643200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 11, 2007", "reviewerID": "A26DRJ1KT8PDAE", "asin": "B00005AB9R", "reviewerName": "Marsaries", "reviewText": "This remote is small and easily carriable. It functions smoothly. It does exactly as it is advertised.", "summary": "Handy gadget", "unixReviewTime": 1168473600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2011", "reviewerID": "AMG0HYX01X3ZY", "asin": "B0001VGFKW", "reviewerName": "Chad", "reviewText": "I needed some outdoor speakers for my deck but I did not want to spend a fortune for speakers that will be exposed to the elements. These speakers held up fine over the first summer season and sound good.", "summary": "good outdoor speaker at a great price", "unixReviewTime": 1325289600} +{"reviewerID": "A2TSDYOTUGZIAG", "asin": "B00009KLAE", "reviewerName": "tobymarx", "verified": true, "reviewText": "Your basic lens protector. Good value.", "overall": 4.0, "reviewTime": "07 23, 2016", "summary": "Good value.", "unixReviewTime": 1469232000} +{"overall": 4.0, "verified": true, "reviewTime": "01 2, 2012", "reviewerID": "A2N7KWJOOMJJ31", "asin": "B0001FTVEA", "reviewerName": "Renee Ligman", "reviewText": "This is a great item for the home. they are now being used in a home for a sound deprived gentleman to watch his TV better and he loves them. Would recommend them again.", "summary": "nice item", "unixReviewTime": 1325462400} +{"reviewerID": "ATK7JSHTMG52C", "asin": "B00004WLJ2", "reviewerName": "ceyko", "verified": true, "reviewText": "Good cable ties . there is not much to say other than decent quality and not super delicate like some can be.", "overall": 5.0, "reviewTime": "04 6, 2013", "summary": "Cable Ties", "unixReviewTime": 1365206400} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A2SBL6OGDHSQTP", "asin": "B0001FTVEA", "reviewerName": "Amazon Customer", "reviewText": "These are the best of the 3 headset makers I've tried. Great", "summary": "Five Stars", "unixReviewTime": 1410393600} +{"overall": 4.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "AK2GUFZ6Q7NK7", "asin": "B00006I5UH", "reviewerName": "Charles D. Gibson", "reviewText": "a-ok", "summary": "Four Stars", "unixReviewTime": 1404345600} +{"overall": 1.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A3D1FEB9XGSF03", "asin": "B00006B81E", "style": {"Style:": " 1 Outlet Direct Plug-in"}, "reviewerName": "EJ255", "reviewText": "The size is garbage. It will absolutely block the other outlet rendering it useless. Do not recommend.", "summary": "One Star", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A1D6N4C0FTNA49", "asin": "B00005NDMR", "style": {"Style:": " PL-990"}, "reviewerName": "Micheal C. Williams", "reviewText": "Great product, very good starter record player to play your records. Highly recommended", "summary": "Five Stars", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "AYJQW280AK8M7", "asin": "B00004SYKO", "reviewerName": "Rich Mangan", "reviewText": "Did the job I wanted", "summary": "Did the job I", "unixReviewTime": 1433462400} +{"reviewerID": "AH19B2RLGV4AA", "asin": "B00004ZCJJ", "reviewerName": "Tonyp884", "verified": true, "reviewText": "Great Deal and Fantastic Seller!", "overall": 5.0, "reviewTime": "12 21, 2014", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "A1KHPT5JEJWTJM", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet (Black)"}, "reviewerName": "Amazon Customer", "reviewText": "Very pleased item performs as expected, and arrived on time.", "summary": "Five Stars", "unixReviewTime": 1512950400} +{"reviewerID": "A2OOGID1ROX8WX", "asin": "B00009KLAE", "reviewerName": "H. Williams", "verified": true, "reviewText": "I've used Tiffen filters all the time and you can't go wrong with them. They do the job they are advertised for and they protect your camera lens as well. Good warranty, durable, safe, well manufactured and they last!", "overall": 5.0, "reviewTime": "01 10, 2014", "summary": "TIFFEN FILTERS ARE ALWAYS GREAT!", "unixReviewTime": 1389312000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A1VHUD9YA2YWZ9", "asin": "B000087NBW", "style": {"Format:": " Electronics"}, "reviewerName": "Tweediaflower", "reviewText": "My Mother's cassette recorder broke, so we sisters went together and got her a new one for Mother's Day. We bought these new tapes for her to record on. She was very pleased with both items.", "summary": "Got these to go with a cassette recorder for my Mom", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A2IZ8VWCLW0ANQ", "asin": "B0000510R4", "style": {"Style:": " 6 Outlet"}, "reviewerName": "S.Khin", "reviewText": "The best Surge protector.", "summary": "quality", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A1OBR2KCNHTEMP", "asin": "B00005ATMB", "style": {"Capacity:": " 336", "Style:": " CD Wallet"}, "reviewerName": "Larry from Iowa", "reviewText": "Now this is a lot of CD's and DVD's, but we have a lot. It is very nice to have them all in one place. We are campers and can carry our \"stuff\" from the house to the camper to the car. It is well made.", "summary": "Great.", "unixReviewTime": 1383955200} +{"overall": 1.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A3TAMJMXI3KU1H", "asin": "B00005105L", "reviewerName": "Jes P", "reviewText": "Gave as a belated Christmas gift in Feb. These never functioned right- only one ear worked. Waste of money.", "summary": "Waste of money- buy something else", "unixReviewTime": 1489276800} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "A1ZPD53DH9LFVF", "asin": "B0000510R4", "style": {"Style:": " Direct Plug-in 2 Outlet"}, "reviewerName": "AvidReader", "reviewText": "I like the sturdy feel of this surge protector. I've always had good luck with Tripp Lite products. The item was well-packed and arrived on time.", "summary": "Seems to be working fine", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A1WQ9IDG7R9XR", "asin": "B000067SN2", "style": {"Size:": " 3ft", "Color:": " Black"}, "reviewerName": "John L. Borowicz", "reviewText": "Perfect for my needs.", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"reviewerID": "A2ASGDSIVZXNX6", "asin": "B00004ZCJJ", "reviewerName": "Pqbooicu", "verified": true, "reviewText": "Very hig quality, competive price.", "overall": 5.0, "reviewTime": "06 10, 2016", "summary": "Lens protection", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "AXGYP77UV4O81", "asin": "B00017LSPI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "John Caramagna", "reviewText": "This extremely necessary item works as stated. A must have in the camera bag for use in cleaning the CCD in any digital camera with removable lenses. Also great for cleaning negatives and transparencies before scanning.", "summary": "Camera Bag Must Have Item!", "unixReviewTime": 1437436800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "10 30, 2011", "reviewerID": "A155DQ97UZVJSR", "asin": "B00002N5E4", "reviewerName": "John", "reviewText": "I purchased this product based on other customer reviews and the price. Arrived on time, and it installed easily without any problem. I have had it for about 2 months now and it is still working great.\nGood product for the price!", "summary": "Works and inexpensive.", "unixReviewTime": 1319932800} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2018", "reviewerID": "A3O2T3JNOJV3BM", "asin": "B00005NDMR", "style": {"Style:": " PL-30-K"}, "reviewerName": "Pudwater", "reviewText": "This is a nice machine. Got it on sale. It's very well packed and well made. It works with newer HT receivers that don't have a phono input. It has good sound quality.", "summary": "Very nice unit. easy to assemble.", "unixReviewTime": 1515369600} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2016", "reviewerID": "A1G2XEZTC8Y8A4", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Arthur M.", "reviewText": "These were pretty nice headphones, especially for the cost. I can't really complain. They amount of rich sound they pump out was pretty impressive for being otherwise ordinary looking. I'd definitely buy them again.", "summary": "Great headphones, great value.", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "AA1SNNH9PR3WO", "asin": "9875971812", "reviewerName": "Christopher Utkus", "reviewText": "Perfect. Fast.", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 1.0, "verified": true, "reviewTime": "03 25, 2013", "reviewerID": "A138JRP1TG5QNB", "asin": "B0000668YX", "style": {"Size:": " 6-Outlet", "style name:": " 1240 Joules"}, "reviewerName": "Markus Weber", "reviewText": "My unit stopped working after a few months. Very disappointed in Belkin. As mentioned by others, the unit is engineered for failure.", "summary": "Engineered for failure - stopped working after a few months.", "unixReviewTime": 1364169600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2017", "reviewerID": "ALMOMWBY89J19", "asin": "B00006B8DX", "style": {"Style:": " Thermal Pads"}, "reviewerName": "Steven F.", "reviewText": "great item will buy again", "summary": "Five Stars", "unixReviewTime": 1494460800} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2008", "reviewerID": "A26F3YVN2N6QWD", "asin": "B00027951Q", "reviewerName": "Bigbear639", "reviewText": "Have one pointing in one direction and one the other way covering the driveway in both direction.", "summary": "Great Security Kit", "unixReviewTime": 1200614400} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2006", "reviewerID": "A3QZ6BFXJK88RK", "asin": "B00006JPFU", "reviewerName": "642", "reviewText": "This inexpensive device works perfectly with my various mp3 players. It is quiet and reliable. No complaints.", "summary": "Perfect", "unixReviewTime": 1137974400} +{"overall": 1.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A2HLEFPRRZXV8F", "asin": "4126895493", "reviewerName": "samantha", "reviewText": "This headset didn't work upon receipt sad.", "summary": "Waste of $", "unixReviewTime": 1435104000} +{"overall": 5.0, "verified": false, "reviewTime": "01 19, 2015", "reviewerID": "A1ASXYJMY2K07D", "asin": "B00007EDZG", "style": {"Style:": " Without Nikon Cleaning Kit"}, "reviewerName": "Larry Sunderland", "reviewText": "I use this with a Nikon 5000 and I find that it is actually easier to use than the self-timer feature.", "summary": "I use this with a Nikon 5000 and I find ...", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A1XN2ORFU4W0SY", "asin": "B00006B81E", "style": {"Style:": " 7 Outlet + Outlet Control"}, "reviewerName": "Louis Laborda", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A2IH86XI15KQDK", "asin": "B00004Z5D5", "style": {"Color:": " Yellow", "Length:": " 3-Foot (Molded)"}, "reviewerName": "Kevin 619", "reviewText": "Good, solid, well-constructed cable - as has always been the case with the many Belkin products I've used over the years.", "summary": "Good, solid, well-constructed cable - as has always been the case with the many Belkin products I've used over the years.", "unixReviewTime": 1474502400} +{"overall": 1.0, "verified": true, "reviewTime": "04 3, 2014", "reviewerID": "A7Y8JGGKMEHXM", "asin": "B0001V3IB6", "style": {"Product Packaging:": " Standard Packaging"}, "reviewerName": "Dwayne Elliott Johnson", "reviewText": "id bought one of theses 5 years ago it worked well to amplify your phones volume but this one did not do that I couldn't hear anything I'm returning it", "summary": "did not work well", "unixReviewTime": 1396483200} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A1WSEF4MCG5CHI", "asin": "B00029MTMQ", "style": {"Size:": " Microphone"}, "reviewerName": "Marius Robberts", "reviewText": "Great product. Looks good. Work as advertised. Does what it should.", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2012", "reviewerID": "A13KXANGNQW91N", "asin": "B00004T8R2", "style": {"Style:": " On Ear"}, "reviewerName": "Jim", "reviewText": "These Panasonic Lightweight Headphones were just what I was expecting and work great. They are light and I can hardly tell that I have them on. Sound is very good as well. Was delivered as promosed.", "summary": "Headphones Work Great", "unixReviewTime": 1336435200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "AWY3TE7TFVV5V", "asin": "B000067RC4", "style": {"Color:": " White", "Style:": " Standard"}, "reviewerName": "Amazon Customer", "reviewText": "Good quality, strong cable", "summary": "Strong cable", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A3J4MKU94AMWR3", "asin": "B00004ZCJI", "style": {"Size:": " 86Cmm", "Package Type:": " Standard Packaging"}, "reviewerName": "R T W", "reviewText": "good protection and reasonablee", "summary": "Five Stars", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "A160SYE0A14IZ3", "asin": "B00001OWYM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Peter B. Tobin", "reviewText": "worked well", "summary": "good product", "unixReviewTime": 1428796800} +{"overall": 2.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "AEF07NFPVZJ04", "asin": "9573212919", "reviewerName": "Turnhob", "reviewText": "Either it doesn't like XP, or XP doesn't like it. The enclosed driver disc loads & runs, but it will only read cd's.. The DVD function will not work at all.. Oh Well, you buy cheap, you get cheap.", "summary": "Sort of works", "unixReviewTime": 1386892800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A37B3KOOD3AWCI", "asin": "B00004Z5RI", "reviewerName": "M. Pack", "reviewText": "This connected very well from the computer to the monitor. Am pleased with it.", "summary": "Hook'em up", "unixReviewTime": 1412640000} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A3HWCCX5LBI23V", "asin": "B00005Y3OM", "style": {"Style:": " Vibration Reduction Zoom Lens with Auto Focus"}, "reviewerName": "Amazon Customer", "reviewText": "Perfect lens for my sons soccer games. Gives a nice sharp picture. It is one heck of a beast compared to what I'm used to shooting with. Love it!", "summary": "Perfect lens for my sons soccer games", "unixReviewTime": 1462147200} +{"reviewerID": "A1Q8JE1TERBJFM", "asin": "B00004THCZ", "reviewerName": "Lee G. Miller", "verified": true, "reviewText": "Works great for me & will work for you.", "overall": 5.0, "reviewTime": "03 4, 2016", "summary": "A good buy", "unixReviewTime": 1457049600} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "AQZWJKNJS9L98", "asin": "B00026BQJ6", "style": {"Size:": " 50-Watt"}, "reviewerName": "L. Tomasson", "reviewText": "bought this in 2011 for $90 delivered. what a deal. I use it on my patio with my Squeezebox Duet and it sounds decent. Well built for the price, I like the auto on/off feature. It has gone up 35% in price. Should have bought two.", "summary": "I like the auto on/off feature", "unixReviewTime": 1408665600} +{"overall": 2.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A1AF5RZW4AT541", "asin": "B0002BEQN4", "reviewerName": "jswjimmy", "reviewText": "Does not fit a 09 Fit Sport with Navi despite Amazons recommendation.", "summary": "Does not work if your car has GPS!", "unixReviewTime": 1441238400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/41cdX-9mjeL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "03 25, 2009", "reviewerID": "A351OLKZLJVM6Z", "asin": "B00009R6TA", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Jeremy R. Bennetts", "reviewText": "This bag has served it purpose well. Price for it is outstanding. Hurry up and buy. You no like you no buy.\nLove firefighterphotojunky", "summary": "Good times at Ridgemont High", "unixReviewTime": 1237939200} +{"reviewerID": "A1HNLT14QGXL85", "asin": "B00009KLAE", "reviewerName": "Jeff L.", "verified": true, "reviewText": "Not sure there is much to say about a UV filter, but I found the product arrived in good shape and is of excellent quality. Constructed of metal and very sturdy.", "overall": 5.0, "reviewTime": "01 24, 2011", "summary": "Fine Quality", "unixReviewTime": 1295827200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A3OQFHI127WJYN", "asin": "B00009QOU5", "style": {"Size:": " samsung"}, "reviewerName": "john cudgel", "reviewText": "Very good. I have bought these before for a previous car", "summary": "Five Stars", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2010", "reviewerID": "A327O5OICVHQIU", "asin": "B00006HXM0", "reviewerName": "Ross Wilber", "reviewText": "Had to go old school and use an external modem to call into our time clocks, the payroll company wouldn't work with a winmodem, they require a US Robotics external modem, before they would troubleshoot it.", "summary": "External Modem", "unixReviewTime": 1280188800} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2WH0616T32ZNU", "asin": "B0000BVYT3", "style": {"Capacity:": " 08 Port", "Model:": " Unmanaged"}, "reviewerName": "wirebend", "reviewText": "No problems, easy to hook up.", "summary": "easy to hook up", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "AUKTWRDT0SPJW", "asin": "B0000C73CQ", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Michelle", "reviewText": "it's kind of expensive for these, but this is the best price I've found. And they are pretty neat!", "summary": "They worked", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2013", "reviewerID": "A2QNL9PWEK0HYY", "asin": "B0000BVYTV", "reviewerName": "JimboBodine", "reviewText": "My second one. Other one works but got noisy after 4years. On 24 hrs days at a time. Very good, and light.", "summary": "Antec fan", "unixReviewTime": 1360713600} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A22ASX6CFOGGN6", "asin": "B00005ATMB", "style": {"Size:": " 100", "Style:": " CD Wallet"}, "reviewerName": "dogsforever1", "reviewText": "good product very big", "summary": "good product", "unixReviewTime": 1434412800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "08 7, 2006", "reviewerID": "ACIDV3NAUKO11", "asin": "B0000AQR8T", "style": {"Length:": " 15 ft"}, "reviewerName": "PSB", "reviewText": "It's long. It's not way overpriced. It works. Its always hard to tell whether cables are any good on Amazon since there are many brands and not very many reviews. This one has worked great for hooking up a monitor to a computer. I've used it for 2 years now.", "summary": "Works", "unixReviewTime": 1154908800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A28I7VM1JWECYL", "asin": "B000068O56", "style": {"Style:": " 1/4\" TRS to Dual 1/4\" TRSF"}, "reviewerName": "M Dunkin", "reviewText": "I bought this to split my bass output between Rocksmith and my amp. There is a little noise, but it works.", "summary": "Works with Rocksmith", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A2KMPQPI9614P1", "asin": "B00005LEN4", "style": {"Style:": " Lens Only"}, "reviewerName": "Eduardo Oscar Boccia", "reviewText": "all ok", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A1E11XTSHXMHBM", "asin": "B00007E7JU", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "NBN", "reviewText": "Sure you can get a better lens, but not for this price. Works amazingly in low light and would make a great addition to your bag if you shoot a rebel with the kit lens.", "summary": "Great lens, low price", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A3EX17FGQ4RKBA", "asin": "B0002AHT0M", "style": {"Length:": " 10 Feet", "Style:": " Single Pack"}, "reviewerName": "tim bass", "reviewText": "Works just fine at a great price !", "summary": "Good Price", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A166MF77JOOH0J", "asin": "B0000BZLCB", "style": {"Size:": " 77 mm", "Style:": " 1.8-64X"}, "reviewerName": "Andy", "reviewText": "Optically perfect, built like a tank. Is there really anything more to it?", "summary": "Just Get It", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2016", "reviewerID": "A1RGURISHM3Z6D", "asin": "B00018Q4GA", "reviewerName": "Mr P L Young", "reviewText": "There are differing views regarding these speakers, I think they are very good especially at the price. The sound output is very good with base levels I find sufficient for normal listening, you can wind them up and they still deliver.", "summary": "I think they are very good especially at the price", "unixReviewTime": 1482537600} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A22NKFOH9RATRC", "asin": "B00006B83M", "style": {"Length:": " 10 ft."}, "reviewerName": "M. Larimore", "reviewText": "I compared the speeds with a direct connection and there was no difference - So the cord is doing what it is supposed to. Quality is better than my other cords", "summary": "Works Fine - Good Quality", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A3P9Z1VCKPJRVL", "asin": "B000087NBV", "style": {"Size:": " 1 PACK"}, "reviewerName": "the mad one", "reviewText": "its ok", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2015", "reviewerID": "ACO3Z86W9M40M", "asin": "B00004ZCJI", "style": {"Size:": " 72mm", "Package Type:": " Standard Packaging"}, "reviewerName": "Jeremiah S. Dubie", "reviewText": "Fits well, reduces glare, protects my lens.", "summary": "Works well", "unixReviewTime": 1448496000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A3KG7D0IJ8X8CG", "asin": "B00006I5WJ", "style": {"Style:": " Walnut/Beige"}, "reviewerName": "Joseph Lynn", "reviewText": "I bought this radio for my father-in-law in April of 2015 after having owned my first Tivoli Model One since 2000.\n\nSound and sensitivity are still top-notch, and his reception in rural Indiana is fantastic.\n\nHighly recommended!", "summary": "A Truly Modern \"Classic\"", "unixReviewTime": 1431388800} +{"overall": 1.0, "vote": "10", "verified": true, "reviewTime": "01 19, 2006", "reviewerID": "A3MS72U7WWAKEV", "asin": "B0001N3ZRQ", "style": {"Size:": " 48 CD", "Color:": " Black"}, "reviewerName": "freiwill01", "reviewText": "This version released late 2005 is obviously a cost-cutting result. This release drops the zipper which is essential when travelling. Also the price have doubled compared to the previous style.", "summary": "The latest version fails to meet expectations", "unixReviewTime": 1137628800} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A1LMJR4L7EZC30", "asin": "B0000BYDKO", "style": {"Size:": " PACK"}, "reviewerName": "R. Johnson", "reviewText": "Not super sturdy plastic, but using the cable tie trick mentioned in other reviews this handles a 12 gauge 100 foot cord perfectly. Very convenient for managing that big cord with no tangles.", "summary": "Pretty nice cord reel.", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A1TFJ6U6AV0BNV", "asin": "B00009MVK8", "style": {"Size:": " 25 Discs - Spindle", "Style:": " Branded"}, "reviewerName": "Mike H", "reviewText": "I've been using these for a few months, and I've never had any trouble with them. There's not much space to write descriptions, but i'm ok with that, because these disks look so cool, and work excellent. I've always liked verbatim Cd's but these are my favorite ones now.", "summary": "these are my favorite ones now", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A6AH6S9UV5U0Q", "asin": "B0000DIESU", "style": {"Style:": " Home Theater"}, "reviewerName": "Tyler", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1446336000} +{"overall": 5.0, "verified": false, "reviewTime": "03 9, 2010", "reviewerID": "A1LBPPSSGUGS3O", "asin": "B000065BP9", "reviewerName": "JaySeaAre", "reviewText": "These are fantastic cans for the money. The sound is not quite as precise or spacious as my Sennheiser HD 280s, but at 1/3 the price of the 280s, it's hard to complain.\n\nI like the long, un-spiraled cord and the simple, comfortable design.", "summary": "Hard to beat these for the money", "unixReviewTime": 1268092800} +{"reviewerID": "A5LKNEBSV0VF4", "asin": "B00009KLAE", "reviewerName": "Ihar", "verified": true, "reviewText": "I like it! I recommend this ...", "overall": 5.0, "reviewTime": "07 29, 2014", "summary": "I like it! I recommend this", "unixReviewTime": 1406592000} +{"overall": 1.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A1GL6PMPNJ61HM", "asin": "B000067RC4", "style": {"Color:": " Black", "Style:": " Standard"}, "reviewerName": "Amazon Customer", "reviewText": "The volume gets butchered and only one ear of each pair of earphones.\n\nWaste of money and too late to return them.", "summary": "Poor poor quality!!", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A2VUT849TVY7VE", "asin": "B000067SN2", "style": {"Color:": " Black", "Capacity:": " 6in"}, "reviewerName": "Steve", "reviewText": "Fits well and works great!", "summary": "Five Stars", "unixReviewTime": 1444348800} diff --git a/keith-galli_nlp/data/training/train_Grocery.json b/keith-galli_nlp/data/training/train_Grocery.json new file mode 100644 index 0000000..9cb9c4f --- /dev/null +++ b/keith-galli_nlp/data/training/train_Grocery.json @@ -0,0 +1,2500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "ACXC79D1US15D", "asin": "B000NSKB80", "reviewerName": "Prodikl", "reviewText": "Great price and huge!", "summary": "Huge amount for a great price. Great quality", "unixReviewTime": 1489708800} +{"reviewerID": "A3MHCUUD1CDYRL", "asin": "B000F4DKAI", "reviewerName": "No More Tea For You", "verified": true, "reviewText": "This is no longer sold in the grocery stores but its packed with flavor.", "overall": 5.0, "reviewTime": "05 14, 2015", "summary": "This is no longer sold in the grocery stores but ...", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A72BDEVIOBZRO", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Teriyaki"}, "reviewerName": "800mph", "reviewText": "So danged good!! Nom Nom Nom", "summary": "Five Stars", "unixReviewTime": 1470873600} +{"overall": 3.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A31TP7YTIUNF9", "asin": "B00159NR3M", "style": {"Flavor:": " Sample Pack 6 Bars"}, "reviewerName": "Z-Z", "reviewText": "It's raw, it tastes good.", "summary": "it tastes good.", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A3GZXRARAG06TK", "asin": "B0001SVZGE", "reviewerName": "Montana Granny", "reviewText": "Nice flavor. Makes a good cuppa tea. Happy with purchase. Cheaper on line than in my town. Hurray for Amazon.", "summary": "Great Flavor, Good Tea", "unixReviewTime": 1473811200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2014", "reviewerID": "A1QV8RUTXHJ3FF", "asin": "B0014EOU4S", "style": {"Size:": " 5.5 Oz", "Style:": " Pack of 6"}, "reviewerName": "Surf", "reviewText": "We like V8 juice in little cans and find this product convenient. Although we get two cases, it's delivered to out door and it's just a few pennies/can more than the better store prices. Really ice to schlep one less item home.", "summary": "Convenient and not expensive", "unixReviewTime": 1398902400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A31EY6USOR4K22", "asin": "B000HDK0DC", "style": {"Size:": " 8.5 Ounce Bag", "Flavor:": " Assorted"}, "reviewerName": "KP2000", "reviewText": "My kids love these and they are so good for them too. I am so glad Amazon offers Organic candy!", "summary": "Supper Yummy", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "AUANTOC3R5UPE", "asin": "B000ED7MO0", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "BLBA", "reviewText": "Good quality raisins. Compact packaging. i actually like nuts.com raisins better, but it is nice to have regular delivery via subscribe and save. I put raisins in my oatmeal every day, so go thorough them on a consistent basis. Try Bob's rolled oats, btw.", "summary": "Good grapes!", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "AZ4EUUJVC8358", "asin": "B000QUZXHO", "reviewerName": "Kasia", "reviewText": "I use this product for baking my whole wheat bread , it add wonderful flavor to my bread and also nice color , it have a lot of minerals and very healthy , will order again for sure", "summary": "tasty", "unixReviewTime": 1367107200} +{"overall": 3.0, "verified": true, "reviewTime": "07 13, 2017", "reviewerID": "AWROR9IRI1CSM", "asin": "B000FD93DC", "reviewerName": "Donna", "reviewText": "Good flavor", "summary": "Three Stars", "unixReviewTime": 1499904000} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "07 6, 2008", "reviewerID": "A3TY1MOSZLSCHU", "asin": "B000LKU3UG", "reviewerName": "Gaelic Gal", "reviewText": "I can do all sorts of things with these, but my favorite is to just stick a slice of cheese on top and nuke it for 10 seconds. Great with tuna on top or blackberry preserves for a snack.", "summary": "Way better than rice cakes", "unixReviewTime": 1215302400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A3SM2R3QY5MX4Q", "asin": "B0012BSLWU", "style": {"Format:": " Grocery"}, "reviewerName": "The Brad", "reviewText": "This delicious tea is really good for you health. I make my tea in a french press and it comes out great.", "summary": "I love it!", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "A25YFCUONWD8UQ", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "Sharon Henegar", "reviewText": "Love this salt. Give that extra crunch and not too salty.", "summary": "Awesome.", "unixReviewTime": 1497052800} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A30MP1HIC9OAZ1", "asin": "B00162NTQI", "reviewerName": "Sassy", "reviewText": "Very smooth, less acidic than other brands, but too pricey considering it's only a 7 oz bag instead of the standard sizes of 16 or 12 oz.", "summary": "Kono coffee", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "A1J9S070L0MVWX", "asin": "B000JZEABG", "style": {"Size:": " 6-Pound"}, "reviewerName": "DVD Watcher", "reviewText": "These are very good gummy bears and I felt the price for 6 pounds was pretty good. I just ordered another bag.", "summary": "good gummy bears", "unixReviewTime": 1524873600} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "AI20KPGFMUPI3", "asin": "B0001FQVCA", "reviewerName": "KAT'S MEOW", "reviewText": "A classic!", "summary": "A classic! Just don't overdose on it!", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "AX0DRQDYJGUI3", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "marlene f living", "reviewText": "Best tasting, organic, Vit. C, what's not to love?", "summary": "They are yummy", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "AYOBH6ARJW232", "asin": "B0014ET2MI", "style": {"Flavor:": " Creamy Chicken & Dumpling"}, "reviewerName": "V.K.", "reviewText": "what should be bland is amazing. thanks for setting the bar high campbell", "summary": "setting the bar high campbell", "unixReviewTime": 1476057600} +{"overall": 3.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "A2BLC963KUHPN7", "asin": "B000AF0A78", "reviewerName": "suad", "reviewText": "It's okay", "summary": "Three Stars", "unixReviewTime": 1504569600} +{"overall": 4.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A3AO49SKKFLFBP", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Super Antioxidant"}, "reviewerName": "Belle47", "reviewText": "taste not I what I expected!!", "summary": "Four Stars", "unixReviewTime": 1408924800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A1E43HFSXJGU0Z", "asin": "B0007R9L4M", "reviewerName": "Bonny Ward", "reviewText": "THIS WAS THE AWFULEST TASTING STUFF I EVER PUT IN MY MOUTH. WILL NEVER ORDER IT AGAIN.", "summary": "One Star", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": false, "reviewTime": "04 27, 2018", "reviewerID": "A2EZTM9WY5B5IL", "asin": "B0012JNRKS", "style": {"Flavor:": " Chocolate Chip"}, "reviewerName": "Casan", "reviewText": "These bars are delicious, ostensibly energy bars. I reorder them because they are VERY good.", "summary": "Energy from Chocolate", "unixReviewTime": 1524787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2016", "reviewerID": "A1SNFF9DG9CD2X", "asin": "B000W5BS9K", "style": {"Size:": " 2 Packs"}, "reviewerName": "eric", "reviewText": "Smooth blend as Nescafe is known for and great taste.", "summary": "Top notch taste", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "AG5N6E1XSCXXV", "asin": "B000WV0RW8", "reviewerName": "Bantoot", "reviewText": "as advertised", "summary": "Five Stars", "unixReviewTime": 1456963200} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "07 7, 2009", "reviewerID": "A2GLD72HQYHG0P", "asin": "B000VMBE8E", "style": {"Size:": " 8.2-Ounce Boxes (Pack of 6)", "Flavor:": " Dark Chocolate Sandwich"}, "reviewerName": "Toni", "reviewText": "The first time I tried these cookies the dark chocolate flavor bowled me over. If you like dark chocolate, and think Oreos are just too sweet, then these are the cookie for you.", "summary": "Rich chocolate taste, semi sweet cookie", "unixReviewTime": 1246924800} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A1WU6261W6EUFK", "asin": "B00137H3SQ", "reviewerName": "Laura V", "reviewText": "nice taste.", "summary": "nice taste.", "unixReviewTime": 1407715200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2017", "reviewerID": "AE3B4JNHK2AWA", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Original"}, "reviewerName": "skibik", "reviewText": "It's about the best jerky out there, need I say more!", "summary": "Five Stars", "unixReviewTime": 1512345600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A27MVAUKUHH4UM", "asin": "B000ELQNRE", "reviewerName": "Suz", "reviewText": "Best flavor.", "summary": "Tasty", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2014", "reviewerID": "A1KOMWAJQR3MKR", "asin": "B0014DPIPO", "style": {"Size:": " 500 Packs"}, "reviewerName": "MB48", "reviewText": "It's awesome. If you are trying to make a healthier switch, this is the sugar to use. Stevia in the Raw is also another good one.", "summary": "Great sugar!", "unixReviewTime": 1392854400} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A2AYPGUOLA4C7G", "asin": "B0017U48KK", "reviewerName": "Kathryn", "reviewText": "Very good for a quick lunch ! And lower sodium too!", "summary": "Four Stars", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": false, "reviewTime": "09 9, 2017", "reviewerID": "A1T9KYAYDU1MUP", "asin": "B000LQL9M6", "reviewerName": "Kyle's Uncle", "reviewText": "Great taste.", "summary": "Perfect", "unixReviewTime": 1504915200} +{"reviewerID": "A2DSG6PPM3RX4I", "asin": "B000HRS7OM", "reviewerName": "Majel Connery", "verified": true, "reviewText": "I had no idea how weak American tea can be before I tried Yorkshire -- this is the real deal. It's the tea my British boyfriend and his folks drink. Strong, rich -- the coffee of the tea world.", "overall": 5.0, "reviewTime": "10 4, 2014", "summary": "I had no idea how weak American tea can be ...", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "AKMS94Z0MGOP8", "asin": "B0000WKU8K", "reviewerName": "Mittie", "reviewText": "delicious, arrived quickly and intact. use it all the time for asian dressings - I approximate a dressing that Daikokuya (ramen restaurant in LA) uses:\nMirin, rice wine vinegar, soy sauce, kewpie mayo - if you can add masago\nproportions of these ingredients to taste", "summary": "delicious, arrived quickly and intact. use it all ...", "unixReviewTime": 1505606400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "AN9K7G4XOBTDD", "asin": "B000V1AWBK", "style": {"Size:": " 3.5 Ounce (Pack of 6)", "Flavor:": " Butter Chicken Curry"}, "reviewerName": "Amazon Customer", "reviewText": "I love the butter chicken. It tastes really good, though a bit salty. Add carrots, peas, and your choice of meat or tofu.", "summary": "I love the butter chicken", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A2OUP4LHF6LPKC", "asin": "B000KK1KJK", "style": {"Size:": " 90 Serving Canister"}, "reviewerName": "Joe", "reviewText": "Arrived promptly and has a subtle but enjoyable flavor", "summary": "Five Stars", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": false, "reviewTime": "03 28, 2016", "reviewerID": "A3S41IXW2ZZ9HG", "asin": "B001269GT2", "style": {"Size:": " City Ham 7.5 to 8.5 lbs."}, "reviewerName": "sandy pyle", "reviewText": "Ordered this for EASTER Dinner!!!!! Was one of THE B E S T Hams I have ever Had!!! I am Ordering Another for Thanksgiving!!!! This year this is also my Birthday!!! Usually I do not want Ham or Turkey Then!!! THIS HAM I WILL ENJOY!!!! 5 STARS!!!!", "summary": "THIS HAM I WILL ENJOY!!", "unixReviewTime": 1459123200} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2013", "reviewerID": "A12HK54DZ8B2GX", "asin": "B000LKV2KQ", "reviewerName": "Emily", "reviewText": "My last order was in March of 2011, 2 years ago. The price was 33.43. Now, it's over $20.00 more. The pop corn was good, but had a lot of unpopped kernels, noticeably so. It's so expensive now. Not sure where to get it. Yes, I took one star off because of the price.", "summary": "Good, but a lot of unpopped kernels", "unixReviewTime": 1367107200} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A3M5O4ZBXWPNEM", "asin": "B000EDG3LS", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Doglady", "reviewText": "I soak the beans for 6 hours and then cook on top of the stove. I use them in salads, mixed in with oats and vegetables for a nice loaf, to mix in salads or prepare a lentil and mixed bean and rice dish.", "summary": "Doglady", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1TTSA1HKS030P", "asin": "B000F5429A", "style": {"Size:": " Pack of 12", "Flavor:": " Original Caramel"}, "reviewerName": "Len", "reviewText": "Delicious!", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A6PZ6D9V7MAN5", "asin": "B000VDYPTI", "reviewerName": "mcnack90806", "reviewText": "I like this great in my tea and hot cereals.", "summary": "Four Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2015", "reviewerID": "ASY5H8UMXMOGU", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags (Pack of 6)", "Flavor:": " Pure Assam"}, "reviewerName": "Peter Higson", "reviewText": "Tastes great!", "summary": "Five Stars", "unixReviewTime": 1448496000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A2TC5CF1NY3RZ8", "asin": "B000H25V9G", "style": {"Size:": " 12 Count", "Flavor:": " Mini"}, "reviewerName": "Joseph Lazier", "reviewText": "These arrived in great condition. They are just as described and taste great. I used these for my daughters wedding and they went over great.", "summary": "Yummy Cannoli Shells", "unixReviewTime": 1471219200} +{"overall": 4.0, "verified": true, "reviewTime": "02 25, 2018", "reviewerID": "A2XDCYA8763WSY", "asin": "B000WV0RW8", "reviewerName": "Sean Byron", "reviewText": "Better alternative than flaxseed", "summary": "Better alternative to flaxseed - does about the same", "unixReviewTime": 1519516800} +{"reviewerID": "AZ2TYHUV911OF", "asin": "B000F4DKAI", "reviewerName": "Nancy Hay", "verified": true, "reviewText": "I drink this every day with a bit of sweetner. Yum.", "overall": 5.0, "reviewTime": "05 20, 2015", "summary": "Good option for non-caffeine tea", "unixReviewTime": 1432080000} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A3EO6QHPWSMQ9G", "asin": "B000WW2M8Y", "reviewerName": "Paula", "reviewText": "I travel a lot and take these with me (along with some rice cakes) so that I can have breakfast in my hotel, reducing my restaurant meals.", "summary": "I travel a lot and take these with me (along ...", "unixReviewTime": 1420329600} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "11 15, 2010", "reviewerID": "A1OPH7JV1X0RXA", "asin": "B000KFY5RO", "reviewerName": "S. Hart", "reviewText": "Been a huge fan of this mustard for years. It has a perfect balance of spices. All around best mustard for any food", "summary": "great mustard", "unixReviewTime": 1289779200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2013", "reviewerID": "AVP1NL6GYMVR", "asin": "B0001M0Z6Q", "reviewerName": "RDSWY4", "reviewText": "I always thought peppercorns were peppercorns until I bought these. What an amazing aroma and wonderful pepper flavor. The price is right too. I will be purchasing more.", "summary": "Real Pepper", "unixReviewTime": 1373932800} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A15JWV9HS8EXY3", "asin": "B00012NHAC", "style": {"Size:": " OG, ESSENTIAL GROUND, 15 OZ"}, "reviewerName": "Paula Stevens", "reviewText": "I couldn't be more pleased with this ground organic flaxseed. I am a PCOS sufferer and flaxseed has a HUGE place in my everyday maintenance.", "summary": "Perfect!", "unixReviewTime": 1446940800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A1KX6DEGNWDI6T", "asin": "B000NO943C", "style": {"Size:": " 1 Pack"}, "reviewerName": "BB", "reviewText": "This is an excellent smoked paprika. Glad I found it and would not be without from now on. Really adds to hummus!! And almost everything else!!", "summary": "Excellent", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2014", "reviewerID": "ASA5RSXOAVT12", "asin": "B000E63LAQ", "style": {"Size:": " 40 Count (Pack of 6)", "Flavor:": " Authentic"}, "reviewerName": "L. Christensen", "reviewText": "I love CS brand and this green tea is very good. I make a couple pots a day in my machine and it always comes out tasting great. Amazon has consistently had the best price over stores in my area.", "summary": "Great tea", "unixReviewTime": 1402099200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A18PDKARDWXH3T", "asin": "B00028Q45A", "style": {"Size:": " 1 lbs"}, "reviewerName": "Pamela M. Morris", "reviewText": "Use it in my nutribullet.", "summary": "Good taste", "unixReviewTime": 1443830400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "AD05MI8CXK9XZ", "asin": "B000WR2FT0", "reviewerName": "Joe Clark", "reviewText": "I no longer use real butter. It is great on hot potatoes and vegetables in general. Consequently I have lost allot of weight. Thanks.", "summary": "Good!!!", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A21UP3DD93W9I6", "asin": "B000PILF24", "style": {"Size:": " 100"}, "reviewerName": "Amazon Customer", "reviewText": "Good tea.", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": false, "reviewTime": "08 20, 2014", "reviewerID": "A23PMZ337B8UU3", "asin": "B0002AUTVS", "style": {"Size:": " 36 Tea Bag Tin", "Flavor:": " Cardamom Cinnamon Herbal Tea"}, "reviewerName": "Shellz", "reviewText": "Best..it works", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A2G6XEXKW0OK2G", "asin": "B000SAFNPE", "reviewerName": "CHRISTINE VASQUEZ", "reviewText": "THESE ARE AMAZING. I USE THEM IN EVERYTHING EVEN SAUCES LIKE CHICKEN OR TURKEY GRAVIES. AND OF COURSE BREADS , CAKES, AND COOKIES. I LOVE THEM", "summary": "AMAZING", "unixReviewTime": 1489708800} +{"overall": 4.0, "verified": false, "reviewTime": "08 2, 2015", "reviewerID": "A1OSMUWASSRR36", "asin": "B0016C2OYG", "reviewerName": "Nicole Machi", "reviewText": "I mix sugar, this vanilla, and cocoa powder (approximate 2:1:1 ratio) to make delicious homemade hot chocolate/ mocha mix. Better than any brand I can find in stores; it adds sweet vanilla flavor to balance the chocolate and espresso.", "summary": "Good vanilla flavor", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A3D8LR2F9PETJ9", "asin": "B000QVDJ10", "style": {"Size:": " 16 oz"}, "reviewerName": "Bob&Sandy", "reviewText": "I put a tablespoon of this in a glass of soda water for a light refreshing drink. We use it on ice cream and it even works with chocolate syrup. Great in sauces for chicken as well.", "summary": "Wonderful", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2013", "reviewerID": "A1U5UT03VJ195Y", "asin": "B0001GCAPQ", "reviewerName": "tampagirl", "reviewText": "We get this every year for my mom for Christmas and it doesn't usually last the whole day!! She loves them and they are quite pretty candies.", "summary": "my mom's favorite", "unixReviewTime": 1366934400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2006", "reviewerID": "A10CMEPEV19WAB", "asin": "B000FNB3AS", "style": {"Size:": " 3.5-Ounce Packages (Pack of 12)", "Flavor:": " Chocolate Chip, No Wheat"}, "reviewerName": "John C.", "reviewText": "I gave these cookies five stars because I'm someone that loves whole foods and the richness that affords. They have no wheat and harmful sugar in them. I think they taste great. I don't need (or want) something with 8 tablespoons of sugar to taste good.", "summary": "Very good product", "unixReviewTime": 1165622400} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "AG1CJZXRTBZ5F", "asin": "B000SWTKV0", "style": {"Size:": " 5lb.", "Style:": " Bag"}, "reviewerName": "Gay L. Krebsbach", "reviewText": "Only use occasionally as have high blood pressure, but gives great taste to food.", "summary": "but gives great taste to food", "unixReviewTime": 1415664000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A2SCKHFQFDATYF", "asin": "B000DZDJ0K", "style": {"Size:": " 24 ounce (Pack of 6)", "Flavor:": " Baking & Pancake, 24 Ounces (Pack of 6)"}, "reviewerName": "Dianne", "reviewText": "My husband is gluten free so I try to find him the best tasting products that I can. This pancake mix is one of them. I like them too. They fry up nice and if you cook them a little slower they are more tender.", "summary": "Great taste", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A275Y8BRPPYGIE", "asin": "B000QNP6AK", "style": {"Size:": " Pack of 1"}, "reviewerName": "G. R. Baxter", "reviewText": "I feel good that when I use this mustard, I am using something organic and without unknown chemicals. A healthily, good tasting, but more expensive mustard. I feel it is worth the price, but it can be found at some hometown grocery stores for less.", "summary": "Taste Great", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A8VD1E2O6N2KO", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Blueberries"}, "reviewerName": "Jet Jona", "reviewText": "Just be warned about staining your fingers if you eat these like raisins!", "summary": "Yum great for cooking and snacking too.", "unixReviewTime": 1492732800} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A30GYMUVGJ68SX", "asin": "B000HESDVW", "reviewerName": "Suzanne Witt", "reviewText": "I love these things! I just wish they were hot all the way to the end!", "summary": "Four Stars", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A11TSVYJ382UXM", "asin": "B000LQNK6E", "reviewerName": "Shuwei Z.", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "AKZI2UI4VYCCN", "asin": "B000EDI0X2", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Elizabeth Halcombe", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "AK596Q41YHX07", "asin": "B0001M0Z7A", "reviewerName": "Jeannebee", "reviewText": "seems to be good quality! I haven't cooked with it yet but soon. will update when I do :)", "summary": "nice!", "unixReviewTime": 1405900800} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2013", "reviewerID": "A82ANHA9Z5IXK", "asin": "B000EVG8H4", "style": {"Size:": " 22-Ounce Boxes (Pack of 6)"}, "reviewerName": "kitkatyooper", "reviewText": "Kind of a heavy bread, but cut thin and toasted is really good. It does not mold up as soon as some others I have bought.", "summary": "Glutino Gluten Free Pantry Favorite Sandwich Bread Mix, 22-Ounce Boxes", "unixReviewTime": 1388016000} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2011", "reviewerID": "A1JFN3M58B8A0Y", "asin": "B000CQBZV0", "style": {"Size:": " 18 Count (Pack of 6)"}, "reviewerName": "T.L.S.", "reviewText": "I love green tea, so I am always on the lookout for different varieties. I really like this tea. If you let it steep for a while you get a nice taste of the ginger. This is a great tea to start your morning with or for an afternoon drink.", "summary": "Flavorful Tea", "unixReviewTime": 1294358400} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A3HKPOF81V47IA", "asin": "B00099XOQO", "reviewerName": "dredaker", "reviewText": "Great as a side dish or add chicken and make it the main dish. It's a quick, easy and tasty dinner that our family loves.", "summary": "Quick for a side or main course", "unixReviewTime": 1409875200} +{"overall": 2.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A2Z4ETFWKE4ZU7", "asin": "B0002Q1XUI", "style": {"Size:": " 16 oz"}, "reviewerName": "rochelle", "reviewText": "I love Dried tomatoes and I could see this product being good but it was almost like they were overdried and not really good at all compared to other products I have had", "summary": "Hard and crispy", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "A1ZDMJD791FUUQ", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " Double Chocolate"}, "reviewerName": "NC", "reviewText": "I will be buying Designer protein again.", "summary": "Good flavor", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A1D8AP94YE0KVI", "asin": "B0001LO3FG", "style": {"Size:": " 100 Count", "Flavor:": " Earl Grey"}, "reviewerName": "Valerie J. Martin", "reviewText": "Great price! My husband loves this tea", "summary": "Great price! My husband loves this", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": false, "reviewTime": "06 27, 2014", "reviewerID": "A2RM5ZSZJQL7WY", "asin": "B000UEUAGU", "reviewerName": "Susan Vdovichenko", "reviewText": "Relatively cheap, great for lunches, good mix. It would be nice if there were more of the \"good\" flavored ones (Cheetos and Doritos) and fewer of the plain ones, but they are all find for lunches.", "summary": "Great!", "unixReviewTime": 1403827200} +{"overall": 5.0, "verified": false, "reviewTime": "01 29, 2017", "reviewerID": "A14J3PIIUE45CJ", "asin": "B0013Z40U2", "style": {"Size:": " Pack of 2", "Flavor:": " Oats and Chocolate"}, "reviewerName": "Amazon Customer", "reviewText": "good quality.", "summary": "Five Stars", "unixReviewTime": 1485648000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A3UWEUON5L7LO0", "asin": "B000VK88IA", "style": {"Size:": " 6-Ounce (Pack of 6)", "Flavor:": " Mountain Mambo"}, "reviewerName": "watchout", "reviewText": "Yummy and healthy.", "summary": "Yummy and healthy.", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A19W3PHYOZNCFD", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 6)", "Flavor:": " Variety Pack"}, "reviewerName": "ula salinas", "reviewText": "exactly what i wanted, and the price is great!", "summary": "and the price is great!", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A1OOP97SX2JUVC", "asin": "B000QYGCYI", "style": {"Size:": " 648 Count", "Style:": " Refill"}, "reviewerName": "carole b.", "reviewText": "I've always used this brand for our grand kids and for visiting little ones too!", "summary": "Best Wipes Out There", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A32MFVA2T0G16R", "asin": "B0001H22B2", "reviewerName": "Patricia A., Good", "reviewText": "Works well in recipes", "summary": "Five Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2017", "reviewerID": "A1VAHDCFTNNK4S", "asin": "B000TAZPYM", "reviewerName": "Sheree", "reviewText": "great for gingersnap cookies", "summary": "Five Stars", "unixReviewTime": 1510963200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "ALEOX1X36GF4P", "asin": "B0007OVXIM", "reviewerName": "2boxerlover", "reviewText": "My husband loves these - we buy in bulk!", "summary": "Great Favor", "unixReviewTime": 1480204800} +{"reviewerID": "A2PYZ9AO13A4V1", "asin": "B000F4DKAI", "reviewerName": "barry lee remmen", "verified": true, "reviewText": "The best black tea Twinings makes. This was a great deal too.", "overall": 5.0, "reviewTime": "07 11, 2015", "summary": "Seems like people don't know this is black tea. No, it is not herbal tea, nor does it taste of citrus. Just for the record.", "unixReviewTime": 1436572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2017", "reviewerID": "AHSGW69RJ9EYS", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Patricia K. Cox", "reviewText": "Great price. Delivered right to the door. I will re-order.", "summary": "Great price. Delivered right to the door", "unixReviewTime": 1501804800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "A33B9WEC9GUPM6", "asin": "B000LKUABI", "style": {"Flavor:": " Golden Mango"}, "reviewerName": "Moscovite", "reviewText": "Does not leave a bitter aftertaste as many greet teas do! Nice flavor, wonderful aroma! All my guests pick that very tea out of the variety tea box that I have on my table. Love it!", "summary": "Ordered more!", "unixReviewTime": 1359417600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A32CZ2CAEGJQQE", "asin": "B000ILILM0", "style": {"Size:": " 7 Ounce (Pack of 6)", "Flavor:": " Chocolate Chip"}, "reviewerName": "GH2OMan", "reviewText": "Our favorite cookies! And they are gluten free ;) Lol", "summary": "Our favorite cookies! And they are gluten free", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "AG7LNI1ZG5Y3S", "asin": "B000WLHN7A", "style": {"Size:": " 20 Ounce"}, "reviewerName": "CNM", "reviewText": "Excellent to bake soft cookies.", "summary": "Good", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "AKJ9QDZAV3DXM", "asin": "B000WLHOQK", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "IvP.S", "reviewText": "Perfect flour!", "summary": "Five Stars", "unixReviewTime": 1450483200} +{"overall": 1.0, "verified": false, "reviewTime": "02 1, 2011", "reviewerID": "A3C184RO1S1R3O", "asin": "B000HDJXH6", "style": {"Flavor:": " Cocoa Loco"}, "reviewerName": "J. Lee", "reviewText": "These bars are abysmal. The taste is tough to describe, as it is just generally \"appalling\" and the texture really is disgusting. You're better off eating nothing than having these as part of your diet.", "summary": "Hard to stomach...to say the least", "unixReviewTime": 1296518400} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2014", "reviewerID": "A1DZE67AYHV6L", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Peach"}, "reviewerName": "Pat C.", "reviewText": "I love the convenience of the cold breed tee. I carry the packets in my car, suitcase (some went to Australia with me), pocketbook. Bring on a bottle of water and i am in business.", "summary": "ice tea anytime", "unixReviewTime": 1390003200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A21WWPJ6TBQ6H", "asin": "B000CQID2Y", "style": {"Size:": " 20 Count (Pack of 6)"}, "reviewerName": "LH", "reviewText": "Wonderful Tea, soothing & effective for relaxation, I love it ! Highly recommend...!", "summary": "Great Chamomile tea, excellent quality!", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2013", "reviewerID": "A323YD5HIPCF1Q", "asin": "B0005XOJBS", "style": {"Size:": " 12 boxes", "Flavor:": " Milk Chocolate"}, "reviewerName": "Nigel G. Bowen", "reviewText": "Absolutely the best milk chocolate biscuits/cookies in the world. So tasty with or without a cup of tea. Buy and enjoy.", "summary": "Top notch", "unixReviewTime": 1385251200} +{"reviewerID": "A1T83WUZ79HXUG", "asin": "B000CQ01GU", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "Delicious.", "overall": 5.0, "reviewTime": "12 11, 2017", "summary": "Five Stars", "unixReviewTime": 1512950400} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A3A7NTA13BG2NX", "asin": "B0012XH7VO", "style": {"Size:": " 13 Ounce", "Flavor:": " Hopscotch Butterscotch"}, "reviewerName": "kittycat", "reviewText": "These are my husbands favorite hard candy.", "summary": "Five Stars", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A70EB8P41F2YX", "asin": "B000ILK9PM", "style": {"Size:": " 2.85 Ounce (Pack of 6)"}, "reviewerName": "Lin", "reviewText": "Best ever to put on popcorn.", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 1.0, "verified": false, "reviewTime": "06 21, 2016", "reviewerID": "A1ZJVN595FQEY2", "asin": "B000CRIUNU", "style": {"Size:": " 12 Ounce (Pack of 6)", "Flavor:": " Vanilla Almond Crunch"}, "reviewerName": "Stephanie C. Fox", "reviewText": "Trader Joe's has better", "summary": "One Star", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A3G87TKUJDU6A1", "asin": "B000OP1W0S", "reviewerName": "Natalia La Maestra", "reviewText": "drink it everyday", "summary": "Five Stars", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3NXZU19G7JMPW", "asin": "B0001M0Z6Q", "reviewerName": "J&amp;TBL", "reviewText": "Great flavor.", "summary": "Favorite peppercorns", "unixReviewTime": 1453161600} +{"overall": 1.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A2ZN7ZYVZ6CBT5", "asin": "B000HDMXGO", "style": {"Size:": " Pack of 1 - 5 oz", "Flavor:": " Original"}, "reviewerName": "1 poodle lover", "reviewText": "Husband loves ginger so I tried these. He spit the first one out! Said it wasn't the flavor but the texture turned gooey after a min.", "summary": "Not for us", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": false, "reviewTime": "10 29, 2014", "reviewerID": "A3NZ0S5ZR8NNJZ", "asin": "B000ED9L6C", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "J. M.", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A3QPXZ1QSE13S3", "asin": "B000WR8TK4", "reviewerName": "Brandy", "reviewText": "Have already used up one bottle and had to get another. Use it to make an olive oil/red wine vinegar/fresh lime juice salad dressing; also great sprinkled on veggie stir-frys just to name a couple.", "summary": "As good as it gets", "unixReviewTime": 1354838400} +{"overall": 4.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "A3D85WL7SE084O", "asin": "B000E1FZHS", "style": {"Size:": " 16 Ounce (Pack of 4)", "Flavor:": " Honey Roasted Dry Roasted Peanuts"}, "reviewerName": "Myconos, ElGreco", "reviewText": "What can you say...Amazon price is great and so are the Honey-Roasted nuts..", "summary": "Great Peanuts", "unixReviewTime": 1425513600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71blnA+y5FL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/812c6oRn0pL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "03 2, 2018", "reviewerID": "A1X0GE16330TKR", "asin": "B000JZEABG", "style": {"Size:": " 6-Pound"}, "reviewerName": "Mr. Murphy", "reviewText": "These are the ones you want if you plan to freeze dry them. They make delicious crunch snacks. Always a big hit.\n\nI included a picture of before and after freeze drying. you can see that they triple in size.", "summary": "Buy These If You Do Freeze Drying", "unixReviewTime": 1519948800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A2KLMQMSVKO3VY", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Pure Peppermint"}, "reviewerName": "Foxy Roxy", "reviewText": "I drink a cup every morning. Calms me down and settles my stomach.", "summary": "Five Stars", "unixReviewTime": 1463529600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A1CI1Y9MQFJN0R", "asin": "B001652KK6", "style": {"Size:": " 30 Ounce (Pack of 3)", "Flavor:": " Olive Oil with Cracked Pepper"}, "reviewerName": "Lizzer825", "reviewText": "Warning! This mayo is addictive! HaHa! As one lady reviewed, egg salad, tuna salad, my favorite...Potato Salad...and on sandwiches, delicious! If you like cracked pepper/black pepper as I do, please try, it's so flavorful. Highly recommended.", "summary": "YUMMMM!!!", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": false, "reviewTime": "08 1, 2014", "reviewerID": "A2WBUDBJ8M0FMS", "asin": "B000VDR1KS", "reviewerName": "Walter Flannery", "reviewText": "Sent this to an overseas Air Force Base. WOW! They were a welcome surprise.", "summary": "Five Stars", "unixReviewTime": 1406851200} +{"reviewerID": "A3CYA4WNM7NNCM", "asin": "B000HRS7OM", "reviewerName": "Richard A. Edwards", "verified": true, "reviewText": "Very pleased with Yorkshire Tea. We've been using Yorkshire Gold and find this to be a better value of excellent quality. Altogether an outstanding blend of English tea.", "overall": 5.0, "reviewTime": "09 12, 2009", "summary": "Just the Best", "unixReviewTime": 1252713600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A37WWX1H709VVO", "asin": "B000X3TPHS", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "CorrieFleming", "reviewText": "These are surprisingly wonderful in flavor! I even like them. My 19 mo old LOVES them. We will be purchasing again.", "summary": "Yummmmmm", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "AZQWUHXCUD0JU", "asin": "B000F9XBGQ", "reviewerName": "S CLARKE MAHONEY", "reviewText": "One word--YUM.", "summary": "Great!", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "ACVX5QZJ90P4D", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Tanya", "reviewText": "Mmmmmmmm CHOCOLATE!!! All of them arrived safe, none were melted or broken. Of course they taste great and the quality is good. What a great price for so many yummy treats for the kids.", "summary": "Delicious chocolate at a great price.", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A26BQMYUL8YM73", "asin": "B000S690JS", "style": {"Size:": " Single", "Flavor:": " Cinnamon Magic"}, "reviewerName": "Moms2cool", "reviewText": "love Wissotzky Tea", "summary": "Five Stars", "unixReviewTime": 1414886400} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A1LXSZABN18ILS", "asin": "B000FKMNSM", "style": {"Size:": " 6.25 ounce (12 Bags)", "Flavor:": " Life Savers 5 Flavors Sugarfree"}, "reviewerName": "Charles P.", "reviewText": "No problems with the taste but the packaging is bad. At least 80 percent of the pieces were broken into two to three pieces. When you open a single serving packet you have to watch out the pieces don't fall all over. kind of disappointing.", "summary": "Mostly Broken Pieces", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2018", "reviewerID": "AJHP49MM02EML", "asin": "B000YPMKXQ", "style": {"Flavor:": " Maple & Brown Sugar"}, "reviewerName": "Angela", "reviewText": "As expected.", "summary": "Five Stars", "unixReviewTime": 1523232000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A2OD6WHR74H57C", "asin": "B0006UIHIG", "reviewerName": "maureen", "reviewText": "My friend I got it for loves it", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 4.0, "verified": true, "reviewTime": "11 15, 2014", "reviewerID": "A3Q30ZLF1UDGQU", "asin": "B000N62PRC", "reviewerName": "Oliver", "reviewText": "Not as good or strong as fresh ginger but I use it quite a lot. It'll last a long time, too.", "summary": "Marshalls Creek Spices Ginger Ground, 6 Ounce", "unixReviewTime": 1416009600} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A4R0V9PH7BT50", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Hot Cinnamon Spice"}, "reviewerName": "Debbie S.", "reviewText": "Fantastic except a bit pricey here.", "summary": "Four Stars", "unixReviewTime": 1456444800} +{"overall": 4.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A2CR8QTXZRSR5O", "asin": "B000168QTU", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Roastaroma"}, "reviewerName": "Always Looking for the Truth", "reviewText": "Excellent tea, that is reminiscent of coffee. The only thing I don't like about it, is that it is a bit \"too\" clove-y for my taste. I cut it with Dandy Blend, and it is fine.", "summary": "Very, very different brew from Celestial Seasonings usual fare.", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A2EZ5ZBY235E7P", "asin": "B000LKTZSM", "reviewerName": "Dee S", "reviewText": "This tomato sauce has a rich flavor. There was no metallic-y taste.", "summary": "Five Stars", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2M4FTSTK9JEOE", "asin": "B0009WUXCO", "reviewerName": "ANTHONY TELLS THE WAY IT IS AFTER USEING GOOD OR BAD", "reviewText": "great holiday present", "summary": "gift for dinner", "unixReviewTime": 1450742400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A18GJ9MYYO6GCQ", "asin": "B000YOMRA8", "reviewerName": "Just ask me!", "reviewText": "Liquid Smoke is an essential ingredient in a number of vegan dishes which attempt to mimic barbecue and bacon flavors. This is a good economical size, especially since I have been using it to cook \"vegan lox\" made of eggplant, and also Soy Curls.", "summary": "Liquid Smoke makes everything taste better", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A1LLWP1VLO9NVN", "asin": "B000VK47D0", "reviewerName": "I Can Haz Tanks", "reviewText": "Love this stuff. My stomach approves.", "summary": "Five Stars", "unixReviewTime": 1415923200} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "A20AZOZT9EIQI0", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Kombucha"}, "reviewerName": "Mcamp", "reviewText": "Very bitter...strong taste of spearmint and fruit...Was not expecting that and did not particularly like that. Will try a different organic green tea next time.", "summary": "Was not expecting that and did not particularly like that. Will try a different organic green tea ...", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A2DGGYST3UFLJA", "asin": "B000X3TPHS", "style": {"Size:": " 5 Pound", "Flavor:": " Vitamin C Pops"}, "reviewerName": "Karen Merrow", "reviewText": "Excellent!!! Yes, they do have sugar, but there are only 70 calories in 3 lollipops! And I'd like to see the YumEarth Company offer a few more flavors! But this 5 pound bag is the most reasonable price for organic candy on Amazon that I've found! And I am grateful for that!!!", "summary": "I Love These Organic Lollipops!", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A3JA6DYDJTJ2S9", "asin": "B000E1FZHS", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "Rubyread", "reviewText": "What's not to love about dry roasted peanuts? These are packaged well for freshness, a good product :)", "summary": "They're great!", "unixReviewTime": 1449187200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 5, 2014", "reviewerID": "A2FYXJ39211NKU", "asin": "B0001VKYOK", "style": {"Size:": " 30", "Flavor:": " Orange"}, "reviewerName": "Marilyn", "reviewText": "Tastes great and an easy way to get your vitamins down. My husband has a difficult time teasing a multi vitamin because the B vitamins make him nauseated. Energy Multi Orange OLA OLA agree with him just fine.", "summary": "Tastes great and an easy way to get your vitamins down.", "unixReviewTime": 1399248000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "AKHEZ0BN2E5WE", "asin": "B0011EKWBQ", "reviewerName": "Nuevo Georgia", "reviewText": "what can i say? It tastes like irish butter! and good price on fresh", "summary": "It tastes like irish butter", "unixReviewTime": 1515024000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A2TUJ3MOKXZVYK", "asin": "B000I04D5K", "style": {"Size:": " 350-Count Box", "Flavor:": " Vanilla"}, "reviewerName": "Amy", "reviewText": "No complaints! Packaged well, no broken cookies. They taste good and all (so far) have fortunes. A good purchase :)", "summary": "Good fortune cookies", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A242G06AZUNRAO", "asin": "B000JZDY0Y", "reviewerName": "Kindle Customer", "reviewText": "Our family loves flakes, but they are hard to find in the U.S. Since I found them on Amazon I've ordered them for several family members for Christmas or birthdays. For anyone who has never tried flakes you need to try them. Wonderful chocolate that just melts in your mouth.", "summary": "Cadburys Flakes", "unixReviewTime": 1419638400} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A3BVG4NO772DAJ", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Sam Webber", "reviewText": "lots of broken halves", "summary": "Four Stars", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A50UD1C65PKJX", "asin": "B00124TTG4", "style": {"Size:": " 600 Count", "Flavor:": " Natural Spearmint"}, "reviewerName": "mack", "reviewText": "Good. Not my favorite flavor from Spry, but not dissapointed. Know what to expect with xylitol gum.", "summary": "Five Stars", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A2NZUAFKBCFDQC", "asin": "B000SEBH4G", "reviewerName": "FYI", "reviewText": "Great shape and fresh. No issues and they taste great. Juicy as well", "summary": "Fresh Fruit!", "unixReviewTime": 1485302400} +{"overall": 2.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A1I0YSG9M7BCCG", "asin": "B001684OPM", "reviewerName": "SIR DAX MICHAELS", "reviewText": "Well, the grandma here was probably stoned!\nI DID NOT LIKE THESE!!!\nIt was like the waiter asking, \"Would you like beans with your sugar?\"\nI gave some to MY 91 year old grandma and all she said was \"Oy, gevalt\"!", "summary": "Well, the grandma here was probably stoned!", "unixReviewTime": 1407283200} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A34TAXH2TR0DDG", "asin": "B000S16WRQ", "style": {"Size:": " 5lb"}, "reviewerName": "Barb6298", "reviewText": "Good stuff for the price", "summary": "Four Stars", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "AH1MT66Q0YC7A", "asin": "B00014CDRS", "reviewerName": "KarooGuy", "reviewText": "Seriously good.", "summary": "Five Stars", "unixReviewTime": 1469923200} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A2B7IFCET75ZTD", "asin": "B000WSK5N2", "reviewerName": "James Schroder", "reviewText": "Great product", "summary": "Four Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A3BNCQA2U7OJD0", "asin": "B000OMJWXU", "reviewerName": "tracey pettingill", "reviewText": "We love it! Great flavor.", "summary": "Five Stars", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "AVN3F3VFRTZ5I", "asin": "B000H25V9G", "style": {"Size:": " 12 Count", "Flavor:": " Mini"}, "reviewerName": "Virginia Pagano", "reviewText": "would buy it again.", "summary": "Five Stars", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A3F8623GD25IAF", "asin": "B000JMDJ2K", "reviewerName": "Michelle T. Ross", "reviewText": "The perfect quantity!", "summary": "Excellent!", "unixReviewTime": 1426377600} +{"overall": 1.0, "verified": true, "reviewTime": "08 14, 2012", "reviewerID": "A3U7JXTZJWRQFL", "asin": "B000P6MSOU", "reviewerName": "Guo Jiang", "reviewText": "You will receive 30 packs of cracker all for red dye. Don't trust the photon!\nThey are neither cookie nor cracker.\nIf you want the fat and color additive melt right inside of your mouth, this is the product for you.", "summary": "Hei, Customers. This is not a fake comment. Please read this before you order this cheap junk", "unixReviewTime": 1344902400} +{"overall": 3.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A3RKYTXA1MS89H", "asin": "B000ILA5RO", "style": {"Size:": " 2-Pound", "Package Quantity:": " 1"}, "reviewerName": "woodlandnymph", "reviewText": "I'm unsure if it would work better in an air popper, but about 1/4 of it doesn't pop in a microwave popper. The popped corn is small and not very puffy.", "summary": "It's just okay.", "unixReviewTime": 1438214400} +{"reviewerID": "A3RBQP064K27ZV", "asin": "B000HRS7OM", "reviewerName": "Cheryl A.", "verified": false, "reviewText": "Great tea", "overall": 5.0, "reviewTime": "09 3, 2014", "summary": "Five Stars", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "A2F03I5ABJP7YJ", "asin": "B0001XXB3E", "style": {"Color:": " Pink", "Style Name:": " 0"}, "reviewerName": "Amazon Customer", "reviewText": "adds very pretty touch", "summary": "Five Stars", "unixReviewTime": 1501372800} +{"overall": 3.0, "verified": true, "reviewTime": "12 11, 2017", "reviewerID": "A123UD0XFZKFJ", "asin": "B0017ODK28", "style": {"Size:": " 24- 2 Ounce Packages"}, "reviewerName": "LQ", "reviewText": "Too dry and I guess old :( disappointed.", "summary": "Too Dry", "unixReviewTime": 1512950400} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "AIS15JD3H1F3U", "asin": "B000AXWA0A", "style": {"Flavor:": " Raspberry"}, "reviewerName": "A. Frog", "reviewText": "This is good stuff but I only bought it because I couldn't find it at any of the stores I shop. A little expensive but delicious.", "summary": "Yummy syrup.", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A11C7SGY2X49LE", "asin": "B000EG6G9E", "reviewerName": "nita", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "A32CEYVOMSBZ0G", "asin": "B0015NRJVO", "style": {"Size:": " 2 Pack", "Color:": " Gold"}, "reviewerName": "Linda M Battista", "reviewText": "My husband is so happy with the pump makes live easy breasy!", "summary": "Five Stars", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "A2GBBW14EVQXTX", "asin": "B000VQDABY", "reviewerName": "SHELLEY", "reviewText": "I have rated these before, they are my son's favorite, and have become a family favorite also. Much better than Ramen noodles.", "summary": "Delicious", "unixReviewTime": 1395446400} +{"reviewerID": "A2Y6TQA8JFDIST", "asin": "B000F4DKAI", "reviewerName": "Tara Smith", "verified": true, "reviewText": "great taste - I've been buying this for years.", "overall": 5.0, "reviewTime": "12 31, 2014", "summary": "great taste - I've been buying this for years", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2018", "reviewerID": "A6YZ48AAHBZOQ", "asin": "B000S16WRQ", "style": {"Size:": " 5lb"}, "reviewerName": "Jack", "reviewText": "Great product. As expected.", "summary": "Great product. As expected.", "unixReviewTime": 1516147200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2018", "reviewerID": "A39IAQFNV07AOH", "asin": "B0009F3PM6", "style": {"Size:": " 6 Pack", "Flavor:": " Organic Dandelion Root"}, "reviewerName": "R. Arias", "reviewText": ":**:.A+.:**:.10 STARS.:**:.PERFECT.:**:.A+A+A+", "summary": "PERFECT. ", "unixReviewTime": 1515974400} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A2629HALQ3TBTS", "asin": "B000HDJZEM", "reviewerName": "John G.", "reviewText": "Best option for the price.", "summary": "Five Stars", "unixReviewTime": 1510704000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2018", "reviewerID": "A3V42B5G40T5IG", "asin": "B0000D916Y", "style": {"Size:": " 1 lbs (12 -1.5oz cookies)", "Flavor:": " Oatmeal Raisin"}, "reviewerName": "HMH", "reviewText": "The Person seemed to enjoy them they ate them in 2 days loli would have like to try one for myself i guess i will buy again.", "summary": "Great", "unixReviewTime": 1517961600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "AOZNR5YL6VP9A", "asin": "B000P77GQE", "reviewerName": "Atlanta Mom", "reviewText": "My daughter loves this candy, which we usually purchase when we visit Anime conventions. We were happy to find it at Amazon.", "summary": "We were happy to find it at Amazon", "unixReviewTime": 1417046400} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "04 21, 2008", "reviewerID": "A3006WHOAYJRLI", "asin": "B000NY6Q0G", "reviewerName": "Poogy", "reviewText": "A very good, intense, bitter dark chocolate, about as good as any. And also happens to be very low in carbs and reasonably priced. This has been my chocolate of choice for the past couple of years.", "summary": "Try It", "unixReviewTime": 1208736000} +{"reviewerID": "A329MKE8M4CQKW", "asin": "B000F4DKAI", "reviewerName": "Fred Goodsell", "verified": true, "reviewText": "I appreciate that this tea is both organic and fair trade. It seems only chocolate and tea are products you can find to be both fair trade and organic on a regular basis - I wish there were more.", "overall": 5.0, "reviewTime": "01 22, 2015", "summary": "Organic and fair trade!", "unixReviewTime": 1421884800} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "AUSTDHPEPH5J4", "asin": "B000NME0BU", "reviewerName": "Iamlegend1973", "reviewText": "The price is a little much but they are good cookies, they were excellent with milk or microwave and will order more", "summary": "Good", "unixReviewTime": 1390867200} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A111Q47NBX83AJ", "asin": "B000WS1KOA", "style": {"Size:": " 1-Pack"}, "reviewerName": "si", "reviewText": "yummy", "summary": "Four Stars", "unixReviewTime": 1454371200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A1C2RMXFNBO595", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "Pamela", "reviewText": "Great complete meal especially if you're not a breakfast person!", "summary": "Five Stars", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A1464G7JEX8AVO", "asin": "B000168QTU", "style": {"Size:": " 40 Count (Pack of 6)", "Flavor:": " Peppermint"}, "reviewerName": "sjdearwester", "reviewText": "Makes a scratchy throat feel better. Taste great.", "summary": "Five Stars", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "A20JY9OL6SG9VM", "asin": "B0012NLMP6", "reviewerName": "Kristina Flynn", "reviewText": "Great!!!!!", "summary": "Five Stars", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "AHWMQJCKMJ7OI", "asin": "B000NMGB4E", "reviewerName": "Chloe", "reviewText": "Yummy!", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A3JXARXF2KGBIS", "asin": "B000E1BKZY", "reviewerName": "choosyfloosy", "reviewText": "very good flavor. fairly priced. ships right to the door so nobody has to spend even more time in the store for the invalid old lady.", "summary": "good buy, good taste", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A168R2UBJO6Q7K", "asin": "B000CL4MFQ", "reviewerName": "wyominggal", "reviewText": "I live in a dry area of the Weat... so my mouth is very dry... When I found this and I tried it..,Wow what a difference.... What a great product for us folks with the dry mouth product..,,", "summary": "Dry mouth remedy.", "unixReviewTime": 1504483200} +{"overall": 1.0, "verified": false, "reviewTime": "01 30, 2017", "reviewerID": "A1USTXRPLB2NF4", "asin": "B00061EOVO", "reviewerName": "Phuong Tran", "reviewText": "Ok", "summary": "One Star", "unixReviewTime": 1485734400} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "AYKH22RR4R8DT", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "emclean", "reviewText": "This honey is delicious. Only bad thing is that I think I was supposed to get it yesterday instead of today but it was worth the wait!", "summary": "Delicious", "unixReviewTime": 1360108800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A1UH2ZD06XOOAG", "asin": "B000EDI0X2", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Amazon Customer", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1464652800} +{"reviewerID": "A311ZSG3RHZ4VK", "asin": "B0010VSBPO", "reviewerName": "Victoria", "verified": true, "reviewText": "Great deal. I get the additional discount with 5 items or more. Very conveinent so I don't have to make my own mix. No dishes to wash just open a bag!", "overall": 5.0, "reviewTime": "10 7, 2013", "summary": "Chex...How can they Not be GREAT!", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2ATRX3JFJQG26", "asin": "B0014EOUWU", "style": {"Flavor:": " Healthy Request, Sirloin Burger with Country Vegetables"}, "reviewerName": "Geezer Cleaver Beaver from beaver", "reviewText": "awesome", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2018", "reviewerID": "ABAI3QKZVYJWC", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Paula Shoebridge", "reviewText": "Nephews loved them!! The taste is wonderful!!", "summary": "Great taste", "unixReviewTime": 1523145600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2018", "reviewerID": "A1PEMQDWTZEA01", "asin": "B000XVHMY8", "reviewerName": "Talespinnerkitty", "reviewText": "Makes syrups so much easier to dispense & measure, & keeps beverages consistently tasting the same. Also keeps the putsides of the bottles & cups from suffering as many sticky drips.", "summary": "Fits 1L monin bottles", "unixReviewTime": 1520985600} +{"reviewerID": "AISKQA8ROIBWR", "asin": "B000FRUMBK", "reviewerName": "M. P.", "verified": true, "reviewText": "Delicious and good price. I will buy again", "overall": 4.0, "reviewTime": "03 4, 2015", "summary": "Delicious and good price", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2012", "reviewerID": "AJ9M31QZSBVDP", "asin": "B000LKTFYG", "style": {"Size:": " 3.2 Ounce (Pack of 12)", "Flavor:": " 33% Milk Chocolate"}, "reviewerName": "Happy", "reviewText": "*:SUPER .:**:.HAPPY CUSTOMER**:**A+++LOVE IT, EXACTLY AS DESCRIBED GOOD PRODUCT.:**:\nI love Chocolove. Creamy and delicious. Perfect and never too sweet. These are the perfect size too.", "summary": "Love the Chocolove", "unixReviewTime": 1355616000} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "AVORPSKHYS7XY", "asin": "B0001M12SG", "style": {"Size:": " 8.8"}, "reviewerName": "Gloria", "reviewText": "Very pleasant seasoning. I use it on my eggs.", "summary": "Very pleasant.", "unixReviewTime": 1427673600} +{"overall": 3.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A1MLOBHNV6CZTL", "asin": "B0000DC32S", "reviewerName": "R. Kwong", "reviewText": "Has a bit of a artificial taste, not the best but will do for shave ice or baking.", "summary": "Ok Passion fruit syryp", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A17GZNMLY91195", "asin": "B0017U08SQ", "reviewerName": "Amy", "reviewText": "My favorite... tastes great and good for dieters", "summary": "Five Stars", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2014", "reviewerID": "A1CUY2VPG6WEO", "asin": "B000H153AE", "style": {"Size:": " 16 Ounce (Pack of 5)", "Flavor:": " Fusilli Corti Bucati"}, "reviewerName": "Merilyn", "reviewText": "This shape is hard to find, so I decided to order the pack. Very nice pasta, high quality. I love it for pesto salad and other dishes that require sauce that will hold onto a shape.", "summary": "Excellent pasta", "unixReviewTime": 1400889600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2013", "reviewerID": "A5EY40DX4VUZ6", "asin": "B000H299AI", "style": {"Size:": " 16 Oz (Case of 6)"}, "reviewerName": "David Vieyra", "reviewText": "It's a very easy way to enjoy a coffee product, with the addition of some flavored creamer, you're in paradise!", "summary": "i'm hooked!", "unixReviewTime": 1362009600} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2016", "reviewerID": "A4E35VL2QI3W4", "asin": "B000X3TPHS", "style": {"Size:": " 8.5 Ounce Bag", "Flavor:": " Assorted"}, "reviewerName": "Msloan", "reviewText": "Grand-kids love em.", "summary": "Five Stars", "unixReviewTime": 1480118400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2018", "reviewerID": "A1MYK03VRIKETH", "asin": "B00061EOVO", "reviewerName": "Sabrina", "reviewText": "Great deal", "summary": "Five Stars", "unixReviewTime": 1517011200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2016", "reviewerID": "AH3OJ112PT14P", "asin": "B0000E5JRX", "style": {"Size:": " 2 Pound Bag"}, "reviewerName": "Shelley D. Oliver", "reviewText": "The best butter beans I've ever eaten. They are large, smooth, and creamy.", "summary": "Wow! Big and wonderful", "unixReviewTime": 1479427200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A2OP91QOR3J15Z", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "consumer", "reviewText": "very flavorful", "summary": "delicious", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "AD4EATMGY2PID", "asin": "B000WV0RW8", "reviewerName": "Sheila Ottino", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1404259200} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "A28IWOECK32GHY", "asin": "B000VQDABY", "style": {"Size:": " (10 pack)"}, "reviewerName": "Annette", "reviewText": "These are yum! They have a nice little spicy kick at least for my taste buds. I put Sriracha on everything if that helps to put it in perspective...but feel the spicy ones might be a little too spicy though.", "summary": "NomNomNom", "unixReviewTime": 1491264000} +{"overall": 3.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A2H9TLHIL7GY6I", "asin": "B000B8PZAQ", "reviewerName": "Sarah", "reviewText": "I bought this to try and eliminate some of the sugar from my morning routine (newly diagnosed type 2 diabetic) and it definitely is lacking in flavor. Things can be low/no sugar (like Carnation Instant Breakfast sugar free chocolate) and still be very yummy!", "summary": "I bought this to try and eliminate some of the ...", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "A2DEHBVZ3KKMI0", "asin": "B000AXW9ZQ", "reviewerName": "Fonziemom", "reviewText": "Great peach flavor. Wish it came in a smaller bottle. I purchased the pump to go with it.", "summary": "Great flavor", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2017", "reviewerID": "A2NVWQ8F9V7ZEX", "asin": "B0010SEVWO", "reviewerName": "FJ_Hiker", "reviewText": "Cheapest way to buy these if you love Brazil Nuts - just wish they were lightly salted.", "summary": "Fresh and high quality", "unixReviewTime": 1512777600} +{"overall": 3.0, "verified": false, "reviewTime": "10 1, 2010", "reviewerID": "A19T198JORO2UY", "asin": "B000I63LZW", "reviewerName": "Albert Soletsky", "reviewText": "Delicious but not very filling or satisfying no doubt due to the fact it's mostly air. Incidentally, it's my wife's favorite.", "summary": "Delicious but not very satisfying", "unixReviewTime": 1285891200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "ATZI4FS0IFNDL", "asin": "B000SANSSS", "style": {"Color:": " Peppermint and Spice"}, "reviewerName": "Christina", "reviewText": "Delicious! Had it at a nice restaurant and bought it right away! My fiancee doesn't normally like tea and even he likes it.", "summary": "Had it at a nice restaurant and bought it right away", "unixReviewTime": 1500768000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2012", "reviewerID": "AIQDUKFB4X38M", "asin": "B001652KK6", "style": {"Size:": " 12 Ounce (Pack of 6)", "Flavor:": " Hot 'n Spicy"}, "reviewerName": "VonMalcolm", "reviewText": "Kraft Sandwich Shop Hot 'n Spicy Mayonnaise has the perfect blend of Hot and Spicy for my taste-buds. It's spicy enough to need liquid nearby, but not hot enough to distract from the flavor of what you're eating.", "summary": "Love This Hot Mayo", "unixReviewTime": 1326326400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A2OXDEO964PIC4", "asin": "B0014CVSC2", "style": {"Size:": " Pack of 4"}, "reviewerName": "Rosalie Gregory", "reviewText": "every day use for regularity. works well.", "summary": "Five Stars", "unixReviewTime": 1462320000} +{"reviewerID": "A53OFMFWAPRNH", "asin": "B000FRUMBK", "reviewerName": "Mr. Manuel Delgadillo", "verified": true, "reviewText": "Probably one of the best meal curbers ever and at the best price. My #1 snack in the early morming and for those hunger pangs!", "overall": 5.0, "reviewTime": "03 28, 2013", "summary": "Great Taste at the best price....", "unixReviewTime": 1364428800} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "AVLM8C2DXK32G", "asin": "B000KHMWQS", "reviewerName": "Dano", "reviewText": "I like these. Snack size.", "summary": "All good.", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "A1EA657MO2SX7W", "asin": "B000GG0BQ6", "style": {"Flavor:": " Green Tea"}, "reviewerName": "Sd", "reviewText": "Has 6 boxes with 4 packs of tea bags, kinda weird but I like it. It has a nice aroma and taste.", "summary": "Best deal for Bagged tea bags.", "unixReviewTime": 1460851200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A1AHA4T5B1W9O2", "asin": "B0009PCPL8", "reviewerName": "Suzanne Kelley", "reviewText": "Pretty good for out of the bottle. I like to mix it with buffalo sauce and eat it with grilled chicken and salad.", "summary": "Ranch on all of it", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A26M8IP8BZJP3S", "asin": "B000F5429A", "style": {"Size:": " 7.7-Ounce", "Flavor:": " Assorted"}, "reviewerName": "Judy", "reviewText": "I love Werthers and these are very good. Thanks", "summary": "Five Stars", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2012", "reviewerID": "A1XYERATRYUQ30", "asin": "B000N62PRC", "reviewerName": "Olenorthpole", "reviewText": "I like the opportunity to order larger quantities of spices. We do a lot of different seasonings and appreciate the price and fast shipping.", "summary": "Spices", "unixReviewTime": 1353542400} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A19PGIZU4B0W7K", "asin": "B000HDK0DC", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Lyndale Leigh", "reviewText": "I ditto the review on the package \"Best Lollipop I Ever Tasted\".", "summary": "Four Stars", "unixReviewTime": 1433462400} +{"overall": 2.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A1QBKBE13TB5PU", "asin": "B0015QSYKG", "style": {"Size:": " 6 -Ounce Bag", "Flavor:": " Smoked"}, "reviewerName": "John", "reviewText": "It's honestly only good if you enjoy salmon jerky. If you're interested in buying it on just a silly whim... skip it. This silly whim has been sitting in my fridge since I opened it.", "summary": "Just move on.", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": false, "reviewTime": "04 27, 2016", "reviewerID": "A3Q1QHUK0JDLIE", "asin": "B000Q6XR2G", "reviewerName": "Bonnie J. Howell", "reviewText": "Arrvd on time & well pkd. They vanished like smoke at the party! Everyone wanted more.", "summary": "lovely party food", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A2MJUWDBODXCHV", "asin": "B00022EWFK", "reviewerName": "Amazon Customer", "reviewText": "I absolutely love this flour--perfect for Gluten Free (and nut free) baking!", "summary": "Five Stars", "unixReviewTime": 1443830400} +{"overall": 3.0, "verified": true, "reviewTime": "04 27, 2017", "reviewerID": "A3O2DC6E0ZXHJA", "asin": "B000VHGE3E", "style": {"Flavor:": " Smokey Maple"}, "reviewerName": "Johnny_Nova", "reviewText": "very sweet", "summary": "Three Stars", "unixReviewTime": 1493251200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A2TTT576OX47WQ", "asin": "B000MGSJ00", "reviewerName": "Miriam Attias", "reviewText": "delicious at a good price", "summary": "Five Stars", "unixReviewTime": 1449878400} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "ATEXU4D7709FP", "asin": "B000WV0RW8", "reviewerName": "Samantha", "reviewText": "Poor quality chia seeds, I definitely go with Bob Red Mill's every time.", "summary": "Poor Quality and Non Existent Customer Service", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2017", "reviewerID": "A2O8D5AMI8B1GZ", "asin": "B000CQIDJM", "style": {"Size:": " 100 Count"}, "reviewerName": "Zac", "reviewText": "Best way to buy tea in my opinion. And really good as well. Will buy again", "summary": "Will buy again", "unixReviewTime": 1512864000} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A2IKA679ESAG2X", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Premium Japanese Green"}, "reviewerName": "Amazon Customer", "reviewText": "Great taste", "summary": "Five Stars", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A1P2ELJOHYBMHL", "asin": "B000Y0M2NO", "style": {"Size:": " 1 pack"}, "reviewerName": "judy a moorehead", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A1FTYQN3RKD41A", "asin": "B000IKGG5U", "style": {"Size:": " 3.5 Ounces of Jelly Beans"}, "reviewerName": "Amazon Customer", "reviewText": "This was a Christmas present for someone who loves Jelly Bellies. This gift was a hit!!", "summary": "A great gift", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A13JWRIMD42BPO", "asin": "B000FRSSFC", "style": {"Size:": " 12", "Flavor:": " French Vanilla Crme"}, "reviewerName": "lady in redd", "reviewText": "These bars are great, they give you double the protein that a Kind bar gives with the same sugar content. This bar is very light and packs a punch during the middle of my workout. I have tried the Kind bars but the Power Crunch comes out swinging...I highly recommend it.", "summary": "These bars are great, they give you double the protein that a ...", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A29D8TDFAYPD3J", "asin": "B000FDOSN2", "style": {"Size:": " 1 (2 Pound bag)"}, "reviewerName": "Liz H.", "reviewText": "love the jelly belly!", "summary": "Five Stars", "unixReviewTime": 1466899200} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A2FIH0J30CEDF9", "asin": "B000CONMBS", "style": {"Size:": " 4-Ounce Bags (Pack of 12)", "Flavor:": " Aged White Cheddar"}, "reviewerName": "Frog Hat", "reviewText": "Nom this is good stuff, yummy snack. Feels like, love the white cheddar flavor and actually I added a little of this popcorn seasoning that was also white cheddar to enhance that cheddary flavor.", "summary": "Nom this is good stuff, yummy snack", "unixReviewTime": 1412208000} +{"overall": 1.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A39VTVP0OF21P4", "asin": "B0010OQQ2Q", "style": {"Size:": " 16 oz"}, "reviewerName": "Robert C.", "reviewText": "Its probably just me, but I didn't like this at all.", "summary": "DISAPPOINTED", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "ANUC0MM082K05", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Joseph Santoro", "reviewText": "As described", "summary": "Five Stars", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A3RNTIKH7XM3JI", "asin": "B000WL167S", "style": {"Size:": " 0.75 Ounce Rolls (Pack of 24)", "Flavor:": " Spearmint"}, "reviewerName": "P. Mars", "reviewText": "My husband loves thes and it was great to find them in a large quantity. The price was great and so is the product.", "summary": "Great buy", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2Y2JQC2XCU720", "asin": "B0013K7IBU", "reviewerName": "metalmamma2003", "reviewText": "i love these, but, was shocked at the price, kinda pricey", "summary": "pricey though", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": false, "reviewTime": "07 17, 2014", "reviewerID": "A2H40QBLWUWPHT", "asin": "B000HDI5O8", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Jim", "reviewText": "I love this stuff and cannot find it out of season in any of our local grocery stores. I would buy again.", "summary": "Online is my only soure when \"out of season\" .... would buy again", "unixReviewTime": 1405555200} +{"overall": 2.0, "verified": false, "reviewTime": "06 4, 2011", "reviewerID": "A2BA277004TIJM", "asin": "B000HDKZJG", "style": {"Size:": " Pack of 6"}, "reviewerName": "M", "reviewText": "Evaporated Cane Juice is the 2nd ingredient, which is simply another name for sugar - it's just less refined. I'm seeing a lot of 'health' foods with this ingredient, and I find it to be deceptive.", "summary": "Sugar by another name...", "unixReviewTime": 1307145600} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2014", "reviewerID": "AH0RRR66DEC8M", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 1", "Flavor:": " Lemon Balm Tea"}, "reviewerName": "N D", "reviewText": "I love this tea!", "summary": "Five Stars", "unixReviewTime": 1412467200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A3EFLGTE1HJR1B", "asin": "B0010SEVWO", "reviewerName": "buddy m", "reviewText": "Taking at the suggestion of a doctor. Too early to make a final judgement,but seems to be doing the job", "summary": "good job", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": false, "reviewTime": "03 6, 2015", "reviewerID": "A17YG0HOICXUUK", "asin": "B000ELQNRE", "reviewerName": "Consumer Advocate", "reviewText": "This is a wonderful. If you are trying to drink lots of green tea for its helath benefits but not liking it much and don't want to use sugar and cancel out the good benefits, This is the answr. One or two drops of this stevia is to a cup tastes great and safe for diabetics!", "summary": "We're able to drink more green tea now and enjoy it.", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A2CNT2BIRG6R6H", "asin": "B0016BPJAI", "reviewerName": "KLA-CBD", "reviewText": "Wehave ordered b4 & will continue to order. This is really good cawwfee-smiling w/a cup on the side.", "summary": "Royal Kona", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3A64EQQ0GICK0", "asin": "B0005ZUO4M", "reviewerName": "Patrick", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "A2G9ZL49LVQQW1", "asin": "B0012DMI1S", "style": {"Size:": " Set of 10 Pens"}, "reviewerName": "cjrccd", "reviewText": "These are soooo cool! You can write on Fondant and it looks SUPER elegant--the kids LOVED this too...great product and a great price!!! :)", "summary": "These are soooo cool! You can write on Fondant and it looks ...", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A1Z60LO6S5HOXB", "asin": "B0014GPSKQ", "reviewerName": "Amazon Customer", "reviewText": "good quality", "summary": "Five Stars", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A2HFBTQ2Z7HEDU", "asin": "B000E130DY", "style": {"Flavor:": " Chai"}, "reviewerName": "K D", "reviewText": "AWESOME COMBINATION OF DELICIOUS FLAVORS. LOVE IT HOT W/ VANILLA SOY MILK. LOVE IT CHILLED WITH ICE TOO. PERFECT BLEND.", "summary": "EXCELLENT", "unixReviewTime": 1399507200} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "A2013X1OLSB1O9", "asin": "B000BXSRT2", "style": {"Flavor:": " Candy"}, "reviewerName": "luv2read", "reviewText": "BUT .. it brings back fond memories of when you were a child and these were given out to you. They still taste just like they did back then.", "summary": "I know that this promotes something that is bad for your HEALTH......", "unixReviewTime": 1392249600} +{"overall": 2.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "AY9QGJVGN3P67", "asin": "B000CFT76G", "style": {"Size:": " 8.4 Ounce Cans (Pack of 24)", "Flavor:": " Lite"}, "reviewerName": "James Harris", "reviewText": "The taste was really touch to get through. I don't recall finding a significant improvement in energy levels. I have had a lot more success with 5-hour energy. Shoot, even FRS works better.", "summary": "Difficult to get down.", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2015", "reviewerID": "A1H7ZDODM0CYB8", "asin": "B000TMQJZY", "style": {"Size:": " 12 Count (Pack of 6)", "Flavor:": " Espresso"}, "reviewerName": "HBM", "reviewText": "This coffee is a very smooth dark roast. It is NOT bitter or acidic. It has a very well rounded flavor. I highly recommend it!", "summary": "I highly recommend it!", "unixReviewTime": 1447632000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2012", "reviewerID": "A3S62P7QTO4P8V", "asin": "B000W7T4DA", "reviewerName": "Chad Susott", "reviewText": "Fresh, crunchy, great taste! I've always loved Ranch Corn Nuts...now I can order them in bulk, save some $$$ and have a couple week supply.", "summary": "I'm addicted to these!", "unixReviewTime": 1355097600} +{"reviewerID": "A3SUMDFYNP0Q8A", "asin": "B0001M10LU", "reviewerName": "Jack Bugg", "verified": true, "reviewText": "good product at a good price great freshness", "overall": 4.0, "reviewTime": "02 27, 2015", "summary": "Four Stars", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A16F97CGXWPLAZ", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "rita dawkins", "reviewText": "Enjoying my purchase", "summary": "Five Stars", "unixReviewTime": 1445472000} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "AQHKFHQ1WIG5A", "asin": "B000EVMNMI", "style": {"Flavor:": " Black Licorice Wheels"}, "reviewerName": "Dennis C Murphy", "reviewText": "okay", "summary": "Four Stars", "unixReviewTime": 1445299200} +{"overall": 3.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "A1OZ80QBBNFB2M", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags", "Flavor:": " Earl Grey"}, "reviewerName": "Paula", "reviewText": "It a great black tea but I can't detect even a slight scent of bergamot. It's not Earl Grey", "summary": "Not Earl Grey!", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A3A796KR063AH1", "asin": "B000LQORDE", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Kimberly A Marino", "reviewText": "as described", "summary": "Five Stars", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2010", "reviewerID": "A18L8D4OGF5XE0", "asin": "B0015DB1UY", "reviewerName": "P. Paquin", "reviewText": "These Dentyne Fire Mints are very good! A plus is that they are sugar free. If you are a fan of cinnamon, you have to try these!", "summary": "Excellent cinna-mints!", "unixReviewTime": 1265932800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A3P4JDNRQ3FWBY", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Ceylon"}, "reviewerName": "D. L. Krus", "reviewText": "great purchase. great price", "summary": "great purchase", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2W6Z223EQ8VOB", "asin": "B00016UX00", "reviewerName": "Sanibel Thunder", "reviewText": "My husband cooks Chinese food. We have used many brands of Hoisin Sauce. This is the best. Thick and complex.", "summary": "Better than other brands we have tried.", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "A82VC4BRSC616", "asin": "B000ED9L6C", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "Mr. Richard H. Hansen", "reviewText": "Have ordered many times and consistent in quality and taste. Excellent price on subscribe and save.", "summary": "Excellent price on subscribe and save", "unixReviewTime": 1409356800} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A1H87IM9FH0S8W", "asin": "B0014DXL44", "style": {"Size:": " 24-Ounce", "Flavor:": " 24 Ounce"}, "reviewerName": "Joesph Vella", "reviewText": "It has good taste, and is healthy. There is no down side to this product.", "summary": "Five Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": false, "reviewTime": "01 30, 2017", "reviewerID": "A2CPEDM8ZK276B", "asin": "B000NSKB80", "reviewerName": "Brian Ritchie", "reviewText": "Great quality", "summary": "Five Stars", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2014", "reviewerID": "A2HP41VXV7FTKC", "asin": "B0008JEZ8G", "reviewerName": "Carol powell", "reviewText": "Smooth and delicious! Not as well known as Starbucks, but oh, so much better. A friend introduced me to this wonderful German coffee and I was hooked.", "summary": "The only way to start the day", "unixReviewTime": 1402790400} +{"overall": 5.0, "verified": false, "reviewTime": "08 7, 2015", "reviewerID": "A1AVL8TRVC5PZ4", "asin": "B000V6L2FK", "reviewerName": "NovaLamp", "reviewText": "Great price and I like the soup.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 1.0, "verified": false, "reviewTime": "03 21, 2017", "reviewerID": "A1HJMPMVSCYP1S", "asin": "B000W7PUL0", "reviewerName": "FilmGal", "reviewText": "Awful product. Tastes like paper.", "summary": "Tastes like paper.", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A195PJCYFD7XA2", "asin": "B000I6NO0Y", "reviewerName": "caribman161", "reviewText": "There is NO Tea like PG Tips Tea. This Tea is the very best, and the price could not be beat.", "summary": "The Best Tea in the World", "unixReviewTime": 1361145600} +{"overall": 4.0, "verified": false, "reviewTime": "02 14, 2011", "reviewerID": "A17VK55PM9K828", "asin": "B000EDG4TE", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Dolores Randall", "reviewText": "I like these so well that I signed up for the subscription rate where they mail you automatically every month or so - your choice.\n\nWe eat a lot of these, but I've not roasted them yet. Most nuts taste better roasted, so why not? Looking forward to it.", "summary": "My first subscription order received", "unixReviewTime": 1297641600} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2017", "reviewerID": "A5N0YXVJYWY2T", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "C. Keatts", "reviewText": "Kinda have a plastic flavor", "summary": "Three Stars", "unixReviewTime": 1502409600} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2017", "reviewerID": "A3051221D7NNPL", "asin": "B000H11C6I", "style": {"Size:": " 4.25 Ounce (Pack of 12)", "Flavor:": " Asiago Cheese"}, "reviewerName": "Lilcarp", "reviewText": "Great flavored crackers.", "summary": "Five Stars", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "AJXSHX5TWFCGN", "asin": "B000H26J7E", "reviewerName": "A. R.", "reviewText": "It tastes different to the one they sell in Europe, but it's still excellent in its cocoa flavor. Some other makes' dark chocolates taste fatty, Lindt's doesn't.", "summary": "Addicted to it", "unixReviewTime": 1483056000} +{"reviewerID": "A836YS5GE6ET2", "asin": "B000GJQ5C2", "reviewerName": "hoovero", "verified": true, "reviewText": "This is the best Rum Cake That I have had in years. It is amazingly moist and buttery with just enough walnut to make it specially tasty.", "overall": 5.0, "reviewTime": "10 24, 2012", "summary": "well worth the money", "unixReviewTime": 1351036800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "A2B9FJ7K77INGO", "asin": "B00027EKKW", "style": {"Size:": " 2.5 lb", "Flavor:": " 100% Pure"}, "reviewerName": "Karma74", "reviewText": "This is a great sugar substitute with great taste. It's natural and not bitter. I have cooked and baked with it successfully.", "summary": "Great taste", "unixReviewTime": 1382659200} +{"overall": 2.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A14738H3YYX7ZC", "asin": "B00016XLEA", "style": {"Size:": " 1.92"}, "reviewerName": "John Popp", "reviewText": "Bought for OTC ingestion. Ugh. Tastes awful, and powder form in mouth is unpleasant. Much better for the purpose in capsule form with pepper extracts.", "summary": "Much better for the purpose in capsule form with pepper extracts", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A2AG5H44ZHTMV0", "asin": "B000BH3K8G", "style": {"Size:": " Raspberry Syrup"}, "reviewerName": "Helen M Erdman", "reviewText": "I love Monin raspberry syrup - Love it!", "summary": "Five Stars", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A1M5SFAGJMERMX", "asin": "B000CQ4D3C", "reviewerName": "Silver Mamma", "reviewText": "A healthier choice for the mac & cheese lover. Easy and quick to make. Always have some on hand in the house.", "summary": "Easy and quick to make", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "AMSMWM88SH8EC", "asin": "B0009RVFJE", "reviewerName": "Ever", "reviewText": "Holy moly this stuff is potent!", "summary": "Five Stars", "unixReviewTime": 1473292800} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2014", "reviewerID": "A2JP85KQFJOYJ0", "asin": "B000F7P418", "reviewerName": "Mary Brauer", "reviewText": "I add it to seltzer with lime. Makes a refreshing cool beverage.", "summary": "Summer Thirst Quencher", "unixReviewTime": 1403827200} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A6D2B0EWNXGQL", "asin": "B000OZFECU", "reviewerName": "brandy g", "reviewText": "used this to make bath fizzes. Great price, worked perfectly", "summary": "Great price, worked", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A2PZBT757WS0N3", "asin": "B0010BQB6A", "reviewerName": "missxenia", "reviewText": "Item arrived quickly, very well packaged, and exactly as described. This is a high quality product, not a cheap stuff. I'm happy with my purchase. I will definitely buy from this seller again. Thank you very much for the hassle-free transaction.", "summary": "I'm happy with my purchase", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2017", "reviewerID": "A1FYHORBRMMPH8", "asin": "B000GFYRK8", "style": {"Flavor:": " Wild Blueberry with Acai"}, "reviewerName": "Shelley", "reviewText": "Tastes sooo good as an iced tea or hot.", "summary": "So tasty", "unixReviewTime": 1509062400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A1TBCYLGKB9W7D", "asin": "B000H2XXRS", "reviewerName": "Jane P. Cox", "reviewText": "wonderful taste...I put a teaspoon in my coffee with some cinnamon", "summary": "Coconut oil", "unixReviewTime": 1448064000} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A1K1H7HOVUHL9D", "asin": "B0012JNRKS", "style": {"Flavor:": " Chocolate Brownie"}, "reviewerName": "trilju", "reviewText": "Little on the expensive side but gets a lot cheaper with subscription order of 5 items. No wheat good vitamins and flaxseed benefits that my children will eat ....I have to keep them away or they will eat them all in a few days.", "summary": "kids cannot live without", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A3VV4YJ9LMF5TK", "asin": "B000NO943C", "style": {"Size:": " 1 Pack"}, "reviewerName": "Mimix5", "reviewText": "From the price of other finer spices this is priced well and is a good product. Not really a connoisseur of paprika but in my opinion it's great.", "summary": "From the price of other finer spices this is priced well and is a good ...", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A2UT60M6WEQMT9", "asin": "B000ZEIR6U", "style": {"Size:": " 4 Ounce"}, "reviewerName": "LaVonne Slivocka", "reviewText": "works just like the real thing", "summary": "Five Stars", "unixReviewTime": 1518652800} +{"overall": 3.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "AUY7SKT47VQCU", "asin": "B000E1FZHS", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "Driggs K", "reviewText": "Was a Gift to-for Another...but, They \"Loved IT also\"!!....driggs, 1/17/16", "summary": "Three Stars", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A3R4CPL5ULTRBN", "asin": "B000WGELOI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Craftsmen", "reviewText": "5 stars is enough", "summary": "Five Stars", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "A3I5UTN939B3G", "asin": "B000YW7Q0Q", "style": {"Size:": " 6 Packs"}, "reviewerName": "Dahvia Istler", "reviewText": "omg perfect! case of goodness!", "summary": "a case u want to have! lol", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A2LUY8LI3VB1D1", "asin": "B000MMIWV0", "reviewerName": "R.A.", "reviewText": "I notice a difference on my arthritic joints. Can stay away from nasty pain pills. Use tumeric too.", "summary": "Great tea!", "unixReviewTime": 1484006400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 25, 2013", "reviewerID": "A1F3DJP3306DTM", "asin": "B000LKVHYC", "reviewerName": "L. DeVoe", "reviewText": "The first time I've had a birthday cake since I went gluten free. Nice consistency and it cooked up really nice. Namaste Foods, hit this one out of the park. I have not tried anything that they make that I don't like. I love them. Yea!", "summary": "Yummy every time", "unixReviewTime": 1385337600} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A10A4GMV5983ZM", "asin": "B000KRL002", "style": {"Size:": " 1 Can", "Style:": " 1 Count"}, "reviewerName": "Amazon Customer", "reviewText": "excellent product", "summary": "Four Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A1RFTZ1SC1XDKU", "asin": "B0002NYO7A", "style": {"Size:": " 8 oz"}, "reviewerName": "Gail A. Kem-Mason", "reviewText": "Grreat flavors!", "summary": "Five Stars", "unixReviewTime": 1421193600} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A1N37A7GLZ72K9", "asin": "B000H1CO74", "style": {"Size:": " 14 ounce (Pack of 8)", "Flavor:": " Original"}, "reviewerName": "Crystal", "reviewText": "these are small but easy to take camping or to a bbq", "summary": "Four Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A1DSS88QL0CK0Z", "asin": "B000LKTXIO", "style": {"Flavor:": " Sunflower Seed"}, "reviewerName": "Multi User", "reviewText": "Delicious, dense, and so healthy for you. The ultimate bread for the health-conscious.", "summary": "Dense and delicious", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "AWYC79IRH7PN", "asin": "B000VDYPTI", "reviewerName": "S.E.M", "reviewText": "I put cinnamon in everything, and this stuff is good. It is good for blood sugar as a supplement I believe.", "summary": "yum", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A86LXT9R3ASIK", "asin": "B0014ZACOE", "style": {"Size:": " 8 Ounce"}, "reviewerName": "jun", "reviewText": "Excellent!", "summary": "Excellent!", "unixReviewTime": 1445040000} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "AINGNE1J86KTH", "asin": "B000FOIYS6", "reviewerName": "W. Lee", "reviewText": "These are perfect to keep in the office in the candy bowl for those of us that aren't into sweets or chocolate. You can also conveniently put some near coworkers who have bad breath!", "summary": "Perfect for the office", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A14UT9RKINOK5H", "asin": "B000V9G1EE", "reviewerName": "Janna Gelfand", "reviewText": "These are very tasty! They are much more sticky than the ones WITH sugar, but as far as sugarfree candy goes, these last a long time and do not leave any bad after-taste! I give them a thumbs up!", "summary": "these last a long time and do not leave any bad after-taste! I give them a thumbs up", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2012", "reviewerID": "A3KY00QZMJQNAZ", "asin": "B000GFYRHG", "style": {"Flavor:": " Green Tea"}, "reviewerName": "J. MCCLENDON", "reviewText": "I really enjoy this tea, it is tasty and it goes good anytime. Green tea is very healthy and much better than soda or other drinks.", "summary": "This is a flavorful tea", "unixReviewTime": 1351468800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2013", "reviewerID": "A1OTQEMEKE8TRQ", "asin": "B000KFY5RO", "reviewerName": "William P. Morgan", "reviewText": "Super fast shipping. Great price. Hands down the BEST spicy brown mustard you will ever find. Not too strong, not too mild, just bold flavor that is well balanced, we use it to add flavor to all kinds of foods and sauces.", "summary": "Kosciusko Mustard - AWESOME!", "unixReviewTime": 1388016000} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2013", "reviewerID": "ACUP66JJDWLR0", "asin": "B000H11C6I", "style": {"Size:": " 4.25 Ounce (Pack of 12)", "Flavor:": " Cheddar Cheese"}, "reviewerName": "Twice Retired", "reviewText": "These crackers made with nut flour are an excellent choice for those who cannot consume gluten (wheat, etc). They are tasty, crisp and come in different flavors. Try 'em and you'll like 'em", "summary": "Excellent Choice for Celiacs", "unixReviewTime": 1366934400} +{"overall": 3.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A3SWMG8PWIACCE", "asin": "B0010O8PRA", "style": {"Size:": " Twelve-Pack", "Style:": " Classic Sourdough"}, "reviewerName": "linda", "reviewText": "This brand is way over priced and the taste of the sourdough is mild, not rich and strong as from a bakery which provides a better flavor, larger loaf, baked that morning and reasonably price. But this is delivered to your home.", "summary": "this brand is way too expensive and bland compared to a bakery (better priced too in the bakery)", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AYQKA3UTONK0Z", "asin": "B000WR4SB8", "reviewerName": "Alicia", "reviewText": "The best organic seasoning salt! We use it almost every day. Delicious AND organic : )", "summary": "The best!", "unixReviewTime": 1429401600} +{"overall": 2.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A3SLRGFBX5Y2E3", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " Double Chocolate"}, "reviewerName": "Joony B.", "reviewText": "I think that Designer Whey must have changed their formula because this tasted worse than usual. Too much of the fake sweet flavor.", "summary": "... Whey must have changed their formula because this tasted worse than usual", "unixReviewTime": 1407974400} +{"overall": 4.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A17YKOEJJY0B06", "asin": "B000LT0D4S", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "David", "reviewText": "Good deal", "summary": "Four Stars", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "AUCE520NQLKOT", "asin": "B000WJRBXS", "style": {"Size:": " 4 Ounce"}, "reviewerName": "kdee", "reviewText": "One of my favorite teas. Spicy but not too much, with a lovely aroma,", "summary": "taste and aroma", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A2JOFQBTFZO8VX", "asin": "B000W7PUL0", "reviewerName": "Ann Thomas-Gay", "reviewText": "Easy to fix and it taste good", "summary": "Easy to fix and it taste good", "unixReviewTime": 1488412800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2013", "reviewerID": "A2GQ3GR745PU4G", "asin": "B0007R9L4M", "style": {"Flavor:": " Bombay Potatoes"}, "reviewerName": "Mike Walker", "reviewText": "I am a transplanted Californian who lives in a small rural town and being able to get a dish like this is really a treat. I keep a bunch of these at work too, so when I am pressed for time and want a nice lunch its less than two minutes in the microwave away.", "summary": "Simply awesome", "unixReviewTime": 1376092800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "A2I7FVGJP4XCA4", "asin": "B000JZEABG", "reviewerName": "Humbled", "reviewText": "great product...great price!", "summary": "great product...great price!", "unixReviewTime": 1447459200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 21, 2014", "reviewerID": "A2HKGX0P3POXU8", "asin": "B000X3TPHS", "style": {"Size:": " 8.5 Ounce Bag", "Flavor:": " Assorted"}, "reviewerName": "Pilates Penny", "reviewText": "Whenever I place an amazon order I get a bag of these.\nThey are a tasty organic treat that doesn't break the bank.", "summary": "I buy this for my staff.....", "unixReviewTime": 1398038400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A5PE9A1TL8S4B", "asin": "B000EXQ4AS", "style": {"Flavor:": " Sugar free Peanut Butter Crunch"}, "reviewerName": "Linda C. Rudderforth", "reviewText": "I love these protein bars, I eat one every morning with my coffee. just ordered two more boxes.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A2N9SRV0K5GPJC", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Happy", "reviewText": "I am impressed. Hershey's with almonds, Hershey's bar, kit Kats, Reeses peanut butter cups- 30 candy bars! filled that soon to come chocolate fix. Fresh, full of happiness and arrived on time not to add a great price. Thank You! AWESOME!!!!", "summary": "full of happiness and arrived on time not to add a great ...", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A1Q0JGZ2968K8W", "asin": "B0012BSDNW", "reviewerName": "Brian C.", "reviewText": "Delicious tea - I used with Takeya pitcher and go through a lot of this stuff. worth it.", "summary": "a beauty", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A168BE3ER4RHHK", "asin": "B000WV0RW8", "reviewerName": "Cari", "reviewText": "EXCELLENT PRODUCT!", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 3.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A2NB2KYSK4KVEL", "asin": "B000JMAXOC", "reviewerName": "Sparky", "reviewText": "I do not care much for the flavor. I had read this was to help blood sugar levels . I have not seen that .", "summary": "Turmeric powder", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A1KRXLBO3ZW6Z3", "asin": "B000ZM34MO", "style": {"Size:": " 8.8 oz (250g)", "Package Type:": " Standard Packaging"}, "reviewerName": "MARIA AMARANTE", "reviewText": "So good", "summary": "Five Stars", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2016", "reviewerID": "A1PTDGM9NM9ER", "asin": "B000K7NOKG", "reviewerName": "Angel Raul Maselli Izas", "reviewText": "Simply delicious", "summary": "Five Stars", "unixReviewTime": 1460678400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "APG8M4JR4UM7G", "asin": "B0014GSMAY", "reviewerName": "Arlitto", "reviewText": "Just as cavity-inducing as I remember.", "summary": "Holla", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A116KCAIE14IM5", "asin": "B000W7PUL0", "reviewerName": "Bob W", "reviewText": "Great for a quick meal", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2017", "reviewerID": "A2EKOX1FFW6DYO", "asin": "B000O9WEY2", "reviewerName": "Big Al", "reviewText": "A very good breakfast item.", "summary": "Great Breakfast Item.", "unixReviewTime": 1503878400} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A3QOFN2B82EQID", "asin": "B0007LXU0Y", "reviewerName": "M", "reviewText": "Really taste like chocolate covered coconut", "summary": "Four Stars", "unixReviewTime": 1457827200} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A3M4QAF5ROIIUF", "asin": "B0013HNFJC", "reviewerName": "Linda Cox", "reviewText": "like", "summary": "Four Stars", "unixReviewTime": 1405036800} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2012", "reviewerID": "A2M2SYR21R2WY", "asin": "B0014EQI4I", "style": {"Size:": " Pack of 12", "Flavor:": " Grilled Steak Chili with Beans"}, "reviewerName": "Kindle customer", "reviewText": "Tasty chili. Meat, beans. A filling meal. Mixture of some great flavors and vegetables in it also. Very good. Great after a long day out in the cold.", "summary": "Good Chili", "unixReviewTime": 1356566400} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A3TF6ZNUZP73ZF", "asin": "B000GG1OAI", "reviewerName": "Rose", "reviewText": "My favorite! I think Its addicting. The flavor is just right.", "summary": "Five Stars", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A15YBNDSKCNT15", "asin": "B000QKWDRW", "reviewerName": "Amazon Customer", "reviewText": "Tasted good gave some to a senior in assisted living to enjoy them", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A2L4CWU8UO45DG", "asin": "B000OY2OQK", "style": {"Size:": " 10 Ounce", "Flavor:": " Organic French Roast"}, "reviewerName": "J. H. WALLIS", "reviewText": "smooth and tasty and organic!!", "summary": "Five Stars", "unixReviewTime": 1503100800} +{"overall": 4.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A262ZR3XHZKLFZ", "asin": "B0000W0GP2", "reviewerName": "goldybark7", "reviewText": "It is good. I am looking for real Mexican vanilla. I think I'll have to find a \"Mexican market\" somewhere. This vanilla is much better than the standard vanilla, one buys at a grocery store", "summary": "Much Better Than Supermarket Vanilla", "unixReviewTime": 1431388800} +{"overall": 3.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A1YDOBH48D8TOO", "asin": "B000HDK0DC", "style": {"Size:": " 5 Pound", "Flavor:": " Vitamin C Pops"}, "reviewerName": "L. Small", "reviewText": "Great price but tastes too much like added vitamin C at least in the mango flavor. I didn't try the others.", "summary": "Too much Vitamin C taste", "unixReviewTime": 1411862400} +{"overall": 3.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A273FPXN2LYLHQ", "asin": "B000ES5GMK", "style": {"Flavor:": " Peach & Passion Fruit"}, "reviewerName": "Steven C. Benke", "reviewText": "There are hardly any flavor - find a better flavored tea. I will not purchase this tea any more. To find a better tasting tea has taken me several tears of searching.", "summary": "Average tea", "unixReviewTime": 1375401600} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A3SVVV4IW49U6D", "asin": "B0001M11DC", "style": {"Size:": " 1 Pound"}, "reviewerName": "Giovanna DiLauro", "reviewText": "I start my day with ginger and lemon in my hot water as a total body purifier. The ginger must be organic to get the full health benefits. Great price, too!", "summary": "Great price, too", "unixReviewTime": 1423526400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A2FP77TBO4YI8C", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Citizen", "reviewText": "Did need a few more KitKats... For the Chocolate lover!", "summary": "Chocolate", "unixReviewTime": 1428451200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "AZA3EGEV5Z8TG", "asin": "B0016862HU", "reviewerName": "Sue", "reviewText": "My favorite chili powder. This is the only stuff I will use in my chilis and Mexican food. Worth every penny.", "summary": "Great tasting chili powder.", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2012", "reviewerID": "A30HB84QPL308E", "asin": "B0014DPIPO", "style": {"Size:": " 500 Packs"}, "reviewerName": "Mz. A12", "reviewText": "Really got tired of buying this product in the grocery store, especially if we let it run out. This megapack is so convenient and reasonably priced, it was irresistible.", "summary": "Use this product often", "unixReviewTime": 1347235200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 21, 2014", "reviewerID": "A3IVQLUWQYUVTU", "asin": "B000OQ2DJ6", "style": {"Size:": " 16"}, "reviewerName": "S. Morris", "reviewText": "Great honey at a great price. When I first opened the jar it was so thick it would not pour. It wasn't white like spun honey, more of a ivory color. One of my best values of the year from Amazon.", "summary": "Not Spun But Seemed Like It", "unixReviewTime": 1390262400} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2016", "reviewerID": "A74IPVDZEHJT8", "asin": "B000WLHOQK", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Satisfied Customer", "reviewText": "always a quality, well packaged product from Bob's red mill", "summary": "quality, well packaged product", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A17NY5LQBVE8XP", "asin": "B000EDG598", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "Dani M", "reviewText": "This is a great product. My baked items always turn out just right.", "summary": "Love it", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2017", "reviewerID": "A24CUOF2I2ZX2A", "asin": "B000WR4SJ0", "reviewerName": "Frances R. Johnson", "reviewText": "Perfect for my chicken keoto recipies", "summary": "Perfect for my chicken keoto recipies", "unixReviewTime": 1511136000} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "01 2, 2008", "reviewerID": "AIO25EH09HWTV", "asin": "B000H1327A", "reviewerName": "R. Davis", "reviewText": "The whole case disappeared as almost quickly as it came in the mail! I love this chocolate and the quality was flawlwss as usual. We usually buy this by the single bar and I loved the opportunity to buy it by the case. I will be ordering more!", "summary": "Excellent!", "unixReviewTime": 1199232000} +{"overall": 3.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A2C821E85JPQYV", "asin": "B000FOIYX6", "style": {"Flavor:": " Wint-O-Green"}, "reviewerName": "Steve Wallschlaeger", "reviewText": "ok, but not as good as Breath Savers", "summary": "OK", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A1MJ4WTOYW9WXZ", "asin": "B000O62KBM", "reviewerName": "bay driver", "reviewText": "Very good and I will be buying some more!", "summary": "EXCELLENT GNOCCHI!", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A3NQAHE01PLVHI", "asin": "B000BTHHF6", "reviewerName": "S. Meador", "reviewText": "I've tried several brands. These are the best for just eating. I have others for adding to my red sauce.", "summary": "These are the best for just eating", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A27CTALGHYOLAX", "asin": "B000MGWIH0", "reviewerName": "Scotty", "reviewText": "Outstanding product. My third time purchasing this & will continue to.", "summary": "Outstanding product", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A3JOB4BZUXW5O0", "asin": "B000ETVKEM", "style": {"Size:": " 5.2 Oz (Pack of 2)"}, "reviewerName": "pasofinopatty", "reviewText": "Yummy, more European style.", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2012", "reviewerID": "A13WQWWCQC9A2Q", "asin": "B000RHUWMC", "reviewerName": "Victoria G.", "reviewText": "I had been purchasing hibiscus flowers from another seller, but when I saw the 2-pound bag I decided to give this one a try. It is more economical than buying a pound at a time. The flowers seem a little nicer than those I was getting previously too. Well worth the money.", "summary": "Beautiful Tea!", "unixReviewTime": 1352678400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A1S17IGJEKW9IX", "asin": "B000WG7SZC", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "James Frederick", "reviewText": "Scottish oatmeal cooks nicely in the microwave. I prefer them to rolled oats. Add organic raisins and crushed walnuts, I have a fantastic breakfast the helped be eliminate heart medicines for blocked arteries.", "summary": "Scottish oatmeal cooks nicely in the microwave", "unixReviewTime": 1497657600} +{"reviewerID": "A277DDWC2UWMM9", "asin": "B000F4DKAI", "reviewerName": "Todd Sikes", "verified": true, "reviewText": "Love this tea!!", "overall": 5.0, "reviewTime": "01 7, 2015", "summary": "Five Stars", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2018", "reviewerID": "A3D2XMRV8DSK3J", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "V. M. Coniglio III", "reviewText": "This is not just salt it is snowflakes from heaven. If you want something that wants that salt taste & crunch this stuff is it, salted carmels, chocolate chip cookies (yes try it) and so many other things", "summary": "This is not just salt it is snowflakes from heaven ...", "unixReviewTime": 1524096000} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A10FXUYJA86DD", "asin": "B000F4GP3C", "style": {"Size:": " Pack of 12"}, "reviewerName": "perfectionist", "reviewText": "The best crackers for flavored dips because they add no flavor of their own. Thankfully, unlike their poor competitors, the are not sicky sweet!", "summary": "The best crackers for flavored dips because they add no flavor ...", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A1R5UPSOH21D3D", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Tony NYC", "reviewText": "Great walnuts at a great price!", "summary": "GREAT!", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "ARNL2125C26TV", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " 4 Flavor Variety Pack"}, "reviewerName": "A Customer", "reviewText": "These are yummy!", "summary": "Tasty and Light on the sugar", "unixReviewTime": 1474329600} +{"reviewerID": "A1B84PINB2WMCL", "asin": "B000EDG3UE", "reviewerName": "T. Park", "verified": true, "reviewText": "First time trying quinoa. Tastes good and unlike some reviews I've read about on other quinoa products - no mouse or rat droppings...lool\n\nIt's clean and no problems with it.", "overall": 5.0, "reviewTime": "07 1, 2014", "summary": "Good. No problems.", "unixReviewTime": 1404172800} +{"overall": 4.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A2QNTMW6ONFDWV", "asin": "B0013Z40U2", "style": {"Size:": " Pack of 2", "Flavor:": " Oats and Chocolate"}, "reviewerName": "Cherry Creek", "reviewText": "Good flavor. Will purchase again.", "summary": "Good flavor. Will purchase again.", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "A16BZEC45QNMCA", "asin": "B000LRH6DQ", "reviewerName": "P. L. Watkins", "reviewText": "...then you are missing the boat. Really an excellent rice. We love it. Quick delivery. Product is just as described. I am very satisfied with this purchase and with the vendor. Couldn't be more pleased.", "summary": "If you don't know basmati ....", "unixReviewTime": 1359244800} +{"reviewerID": "AB2CFLM9L39Q", "asin": "B000FRUMBK", "reviewerName": "KeepingIt100", "verified": true, "reviewText": "Good taste and snack", "overall": 4.0, "reviewTime": "12 6, 2015", "summary": "Tasty", "unixReviewTime": 1449360000} +{"overall": 3.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A1AUHO7OVPL7IV", "asin": "B000YPMKXQ", "style": {"Flavor:": " 4-Flavor Variety Pack"}, "reviewerName": "Brian W.", "reviewText": "Very yummy and easy to make. I wish there were slightly more food in each pack. I am not sure why the packaging is so large other than to fool people into thinking they are going to get more than they are. The oatmeal fills the package about half way up after water.", "summary": "Very Yummy, but not nearly as much food as container should have!!!", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A3C08ZFWWBE2T9", "asin": "B000LKX4FW", "style": {"Size:": " 3 oz (Pack of 2)"}, "reviewerName": "punkface", "reviewText": "such a good product", "summary": "Five Stars", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A2CFVTRIYI2PKP", "asin": "B000EOM6TA", "style": {"Size:": " 1 Pack"}, "reviewerName": "Pablo Heitmeyer", "reviewText": "Grinds perfectly. Tastes great. Looks cool in the chrome and glass grinder we have.", "summary": "tasty and grinds well", "unixReviewTime": 1407888000} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A1RIH0YFM0NV3C", "asin": "B000ELQNRE", "reviewerName": "Elizabeth Terry", "reviewText": "Nice for occasional use. Too strong a flavor to use regularly.", "summary": "Four Stars", "unixReviewTime": 1419811200} +{"overall": 3.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A1HC2IZYT4JBK0", "asin": "B000ESNDZW", "style": {"Size:": " 7.5 Ounce (Pack of 12)"}, "reviewerName": "Laralea, Birmingham", "reviewText": "I have not mastered the cooking process of these noodles yet and cannot yet give them five stars. Three stars for now, but I will be working on it.", "summary": "Learning-Curve Noodles", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A2U9F1PUM0SGZF", "asin": "B0013JQON4", "style": {"Size:": " 22 oz."}, "reviewerName": "Debra G.", "reviewText": "Great!!", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A1TIXX13HHCZ1H", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Tricia HIll", "reviewText": "Great combination of candy! Sadly, this 30 pack didn't last very long in my household, but all of it was great. Very fresh and tasty!", "summary": "Great combination of candy", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2IMH6HYO4AMFT", "asin": "B000CQC08C", "style": {"Size:": " 100 Count"}, "reviewerName": "David", "reviewText": "This is a great tasting, fresh green tea. Easy to brew as well.", "summary": "Great taste", "unixReviewTime": 1421193600} +{"overall": 2.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A3D3192ZJOFNX", "asin": "B000N7YKQK", "style": {"Size:": " 1 Pack"}, "reviewerName": "DST", "reviewText": "I love the no chicken base...however, I received fish base.", "summary": "Two Stars", "unixReviewTime": 1519084800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "AOEQZ43PNDH1H", "asin": "B000QXGB7C", "reviewerName": "World's Okayest Mom", "reviewText": "I've always loved Bob's Red Mill, so I've been trying a bunch of their stuff. I like the oats.", "summary": "Great!", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2013", "reviewerID": "A2S39JG9VJASNC", "asin": "B000HDMXGO", "style": {"Size:": " 5 lb box", "Flavor:": " Mango"}, "reviewerName": "Texas Sparky", "reviewText": "Very good, peanut butter is my wives favorite. These are my favorites, its really hard to make a choice when they are all good.", "summary": "love all chews", "unixReviewTime": 1361923200} +{"reviewerID": "A801586CFIHWE", "asin": "B0009F3QKM", "reviewerName": "Walker", "verified": true, "reviewText": "This is my favorite green tea", "overall": 5.0, "reviewTime": "03 19, 2017", "summary": "Five Stars", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A1453OI6HGP264", "asin": "B00061EOVO", "reviewerName": "Officer P.", "reviewText": "Tasty too!", "summary": "Five Stars", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A3B0HXAUWCLSZO", "asin": "B000EH0RTS", "style": {"Flavor:": " Light Brown"}, "reviewerName": "MisterStorm", "reviewText": "I bought this rice thinking it would be chewy and heavy like traditional brown rice. Fortunately, this was not the case. Texmati light brown rice was easy to cook, and was very close to regular Basmati rice with supposedly more health benefits.\n\nI would definitely buy again.", "summary": "Tastier Alternative to Traditional Brown Rice", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2014", "reviewerID": "A39BCFAZ05RYPY", "asin": "B00132RPN4", "style": {"Size:": " 1.4 Ounce (Pack of 10)", "Flavor:": " Much-Ado-About-Mango"}, "reviewerName": "Cirroc", "reviewText": "What's not to like?! These are the best dried mango snacks on the market. The small package is perfect for snacking. Great to throw in your bag or car so you can eat healthy when you're on the go.", "summary": "Tasty, Vegan, Delicious", "unixReviewTime": 1390435200} +{"overall": 3.0, "verified": true, "reviewTime": "01 7, 2010", "reviewerID": "A22UH02B61LAL5", "asin": "B000E123IC", "style": {"Flavor:": " Vietnamese Style Pho"}, "reviewerName": "S. R.", "reviewText": "I never use the whole sauce packet, there's some fish sauce in it that just overwhelms the whole bowl with a salty taste I don't like. If I use 1/2 or less of the sauce packet it doesn't overwhelm the dehydrated veggies, and is ok - not my favorite though.", "summary": "Salty salty salty", "unixReviewTime": 1262822400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A1YDTPYZFM2KON", "asin": "B000EA2DA6", "reviewerName": "Sarah Simmons", "reviewText": "The hubs and I are addicted to this in our coffee.", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "vote": "47", "verified": false, "reviewTime": "12 26, 2006", "reviewerID": "A36HEY6E2XQT75", "asin": "B000EQT77M", "style": {"Size:": " Pack of 24", "Flavor:": " Original"}, "reviewerName": "mommylove", "reviewText": "I love these chips..They are really different from the regular chips, only better..the only drawback is ...the quantity per bag is a little small...they should sell a lot more of these in bigger bags!!! I absolutely love them!!!!!", "summary": "Awesome !!!", "unixReviewTime": 1167091200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A25CFG9INGYHCC", "asin": "B000Q5ZMD4", "reviewerName": "Dr. Debra", "reviewText": "I love these thin, sweet slices of ham.", "summary": "Love", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": false, "reviewTime": "12 2, 2015", "reviewerID": "A1IJ9T3DBSHIS3", "asin": "B000WV0RW8", "reviewerName": "Hien", "reviewText": "Great product, great price", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 2.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A3GTIBKZYCFCLA", "asin": "B000YPKPE2", "reviewerName": "Amazon Customer", "reviewText": "granola bars were stale", "summary": "Stale and Old", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": false, "reviewTime": "08 11, 2016", "reviewerID": "A2CLENX6CRO63V", "asin": "B000HZF1AM", "style": {"Size:": " 35.3 oz", "Flavor:": " Tomato Chicken Granulated"}, "reviewerName": "Adoracion", "reviewText": "Delicious!", "summary": "Five Stars", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2017", "reviewerID": "AAM68ZNNDFAEE", "asin": "B000G1ILU4", "reviewerName": "Annie", "reviewText": "Love the product but expensive for what you get", "summary": "Five Stars", "unixReviewTime": 1499904000} +{"overall": 1.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A1NIMGS6KA66MM", "asin": "B000G8399A", "style": {"Package Quantity:": " 1"}, "reviewerName": "Renee", "reviewText": "Just aweful and I followed the directions to a T. Nasty", "summary": "One Star", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A2S06QWIZDTV9I", "asin": "B000EVG8HY", "reviewerName": "Lg", "reviewText": "yum", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 1.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A35828OQWLR95", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "mike nova", "reviewText": "taste bad", "summary": "One Star", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "A3DB2L1PG1LLPN", "asin": "B000REI2X6", "style": {"Size:": " 1 pack"}, "reviewerName": "jt1188", "reviewText": "I really love Jelly Bellies, and it was nice to find these at a noticeable discount, versus their perfectly formed counterparts.", "summary": "Delicious!!!", "unixReviewTime": 1399766400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2010", "reviewerID": "A29BWC41573AF8", "asin": "B000EQV5R2", "reviewerName": "S. Little", "reviewText": "i like nachos. i don't like stale chips. i eat nachos on my day off from work. good price good chips. i happy. thank you garden of eatin.", "summary": "no more stale chips", "unixReviewTime": 1265673600} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A2QPKBR5HEO6ZB", "asin": "B000W7PUL0", "reviewerName": "Unruly Peasant", "reviewText": "Not home made, but works out well when traveling.", "summary": "Will be purchasing again.", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "AR49YIHEMHF7F", "asin": "B000F4DK9Y", "style": {"Size:": " 3.53 Ounce", "Flavor:": " Jasmine Green Tea"}, "reviewerName": "Dirty Old Man", "reviewText": "Product that was ordered arrived promptly and intact. User is delighted.", "summary": "The User is Happy with the Tea", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A24Z0GD5XHUDSI", "asin": "B000SR5TJM", "reviewerName": "Mikes Country Photo", "reviewText": "It's salt?", "summary": "Five Stars", "unixReviewTime": 1441324800} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A2XSVUL8AS2FEM", "asin": "B000P6MSOU", "reviewerName": "Consulting Writer", "reviewText": "I purchased this as an added snack in the kids lunches. The only problem was that they didn't care for the cheese crackers or the lemon cookies. Everything else they enjoyed.", "summary": "Good for kids", "unixReviewTime": 1395187200} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A1D1VOOERKYMGF", "asin": "B000IXRF8O", "reviewerName": "Don Fox", "reviewText": "very much like fiddle flake cookies (remember those?) without the flakes-crispy and lighter than the usual peanut butter chocolate concoctions", "summary": "very much like fiddle flake cookies (remember those", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": false, "reviewTime": "01 16, 2017", "reviewerID": "A37606EU9UQFHZ", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "EthericOne", "reviewText": "Great tasting cinnamon - better than some more expensive ones \"Ceylon\" \"Vietnamese\" cinnamons that I have tried from the store - this tastes really fresh and packs a nice strong cinnamon flavor! Yum!", "summary": "Tastes Fresh and Delicious", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2013", "reviewerID": "A3PWHJWGY4RF1R", "asin": "B000CQE3HS", "style": {"Size:": " 0.28-Ounce Sticks (Pack of 100)", "Flavor:": " Original"}, "reviewerName": "Rain", "reviewText": "My kid love Slim Jims and they make great easy snacks for carrying around. However, I don't want them eating the large ones and I have a very hard time finding these small snack sticks in the stores. I have been so happy to find them on Amazon!", "summary": "Hard to find in stores.", "unixReviewTime": 1384646400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A1N45QTWMABL64", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 4)", "Flavor:": " Vanilla"}, "reviewerName": "Christin", "reviewText": "Perfect sweetness in my coffee every morning without all the oils of the flavored creamers.", "summary": "Just like a coffee shop.", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A5SKG65201X2K", "asin": "B000PQQQSO", "reviewerName": "Philip N.", "reviewText": "Super, pancake size, chocolate chip cookies, made with excellent ingredients. They are worth the cost, if you just do not have the time to mix up and bake a few dozen cookies that everyone will like.", "summary": "They stay fresh in the metal container.", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "A2OTZLFW68IZ75", "asin": "B000LQTTVY", "reviewerName": "A Tonibaby", "reviewText": "best tasting mayo in a larger size - good price. have tried other brands but this flavour and consistency keep me coming back", "summary": "best tasting mayo in a larger size - good price", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A33P00D7RCE6F", "asin": "B0000CFMU7", "style": {"Size:": " Set of 8", "Style Name:": " 0"}, "reviewerName": "Lady Abigail", "reviewText": "Nice set", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A1HQ5MUECRGJXU", "asin": "B0009F3QKW", "style": {"Flavor:": " Calming"}, "reviewerName": "E. Comella", "reviewText": "This tea is so tasty I don't feel the need to add any sort of sweetener. It is lovely right before bed to just soothe me into sleeping. I use two tea bags in a large mug. Delicious!", "summary": "Delicious, makes you sleepy", "unixReviewTime": 1413504000} +{"overall": 4.0, "verified": false, "reviewTime": "06 18, 2009", "reviewerID": "A15JB2HEZ6RKGW", "asin": "B0013TJB7A", "reviewerName": "Boyzoo", "reviewText": "we all enjoyed it and we'd buy it, if it were in our local grocery store.", "summary": "we like it", "unixReviewTime": 1245283200} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2018", "reviewerID": "AR240SU6LYNIZ", "asin": "B0012JNRKS", "style": {"Flavor:": " Chocolate Chip"}, "reviewerName": "Sherrie Pitchford", "reviewText": "Taste good and there organic. Good size. Good price for 18 bars. 4star because they have sugar.", "summary": "Taste good.", "unixReviewTime": 1518998400} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2013", "reviewerID": "A20XVB7N3U81UP", "asin": "B000KRUEO0", "reviewerName": "J. L. Gross", "reviewText": "I got this after trying it at a friends house. I asked her what is this? its spicy but not like regular black pepper. Well she said, its Slap Ya Mama! Haha so I got some too. I love adding it to basically everything.", "summary": "Great for an extra kick", "unixReviewTime": 1363478400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2014", "reviewerID": "A3QH24M8LMU0IW", "asin": "B000WSK5N2", "reviewerName": "Arthur J. Filler, Jr.", "reviewText": "Saw them on a television show and decided to try them - absoutely delicious. Put together a \"trail mix\" of Goji berries, dried bananas and unsalted mixed nuts with the flax seeds and can't stop eating them. Fabulous!", "summary": "Great Stuff", "unixReviewTime": 1396742400} +{"reviewerID": "A1F8KZD63CYHNH", "asin": "B000FRUMBK", "reviewerName": "Megan N. Knott", "verified": true, "reviewText": "Great! Thank youu", "overall": 5.0, "reviewTime": "03 23, 2016", "summary": "Five Stars", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A169SPJIZN4GI8", "asin": "B000AF0A78", "reviewerName": "AJ", "reviewText": "It's gross but it works", "summary": "It's a good tea and the bags are huge", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2017", "reviewerID": "A1IRA6Y0BP87BZ", "asin": "B000JMAVQC", "reviewerName": "Akwardly", "reviewText": "The pepper corn was good, still is good: still got some.", "summary": "Pepper corn was good.", "unixReviewTime": 1513123200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A3J5J8KKWR8I6S", "asin": "B0014JT9VW", "style": {"Size:": " 3.5oz Jar"}, "reviewerName": "Paula", "reviewText": "OMG!! This is amazing stuff!! Rubbed it on my salmon - put a little butter on top and baked. Nothing dry about it! Will not eat salmon without this rub!! Wish I could give 10 stars!!", "summary": "10 Stars!!!!!!!!!!!", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A3D5S555NGODKW", "asin": "B0012JNRKS", "style": {"Flavor:": " Iced Oatmeal Cookie"}, "reviewerName": "Rachel Riley", "reviewText": "Packaged well. Healthy. Delicious. Quality.", "summary": "Great!", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2012", "reviewerID": "A1K4AIPL0NFAGF", "asin": "B000EMQFDU", "reviewerName": "Constance Cade", "reviewText": "Good and chewy! What more needs to be said. My son loves these for guilty pleasure snacks. We all need some every now and then, and these are a lot better than grabby the really sugary candies.", "summary": "My son loves these!", "unixReviewTime": 1352592000} +{"reviewerID": "A28SHKJDEP08TP", "asin": "B0014GNS94", "reviewerName": "Roberta J. Fahr", "verified": true, "reviewText": "Just as ordered and the price is good.", "overall": 5.0, "reviewTime": "09 10, 2015", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2014", "reviewerID": "A348XQP7Y5KV1L", "asin": "B00024DB6O", "style": {"Size:": " 12 fl.oz", "Package Type:": " Standard Packaging"}, "reviewerName": "GB", "reviewText": "Great flavor. A big spoonful all at once isn't good, but a drop on the tongue, or over coconut flour pancakes is Delicious!", "summary": "Love it!", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A2IKSEFBFFSBMQ", "asin": "B0001CXUHW", "style": {"Size:": " 16 Ounce"}, "reviewerName": "kommay", "reviewText": "Preferred by Pro Bakers. Easy to use, long shelf life if refrigerated.", "summary": "Ramp up Your Baking", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2013", "reviewerID": "A3D5KU76MHRR8M", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "AH", "reviewText": "Big fan of raw honey. I use it sparingly in recipes as I eat low carb, and it tastes better than the store bought stuff that's for sure. Honey is good for hair and skin too so it's a great buy if you like making healthy organic hair and skin products at home.", "summary": "I like it", "unixReviewTime": 1383004800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A212CL0HX7HBTV", "asin": "B000VDYS1I", "reviewerName": "mrs042515", "reviewText": "Tastes great", "summary": "Good", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "AU6MPDVQ0K99A", "asin": "B000LKUABI", "style": {"Flavor:": " Black Cherry"}, "reviewerName": "Mr. O.", "reviewText": "Wonderful tea. I like this tea anytime of day or night. Sometimes, I'll mix it with other teas to get a unique flavor.", "summary": "Very mellow tea", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A4ALPK8VFCP1M", "asin": "B000LKX4FW", "style": {"Size:": " 3 oz (Pack of 2)"}, "reviewerName": "Customer A", "reviewText": "Very tasty! A lovely treat!", "summary": "Five Stars", "unixReviewTime": 1501113600} +{"reviewerID": "A2VDA54YR2G6BO", "asin": "B000GG0BNE", "reviewerName": "AppleCiderVinegar", "verified": true, "reviewText": "It's a lot of tea! Be careful unless you need tea for 6 months or so don't buy this. Otherwise good product and price.", "overall": 5.0, "reviewTime": "12 25, 2012", "summary": "Good Tea", "unixReviewTime": 1356393600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A3FLDIJZ46OHHD", "asin": "B0010BQB6A", "reviewerName": "M. Benoit", "reviewText": "My favorite tea!", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A2YODUTMTXO7YU", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "Chief1646", "reviewText": "Great salt to use on Sea Salt Carmel cheesecake. Arrived quickly. No spillage, packaged well. Sparkly iridescent flakes", "summary": "Five Stars", "unixReviewTime": 1483056000} +{"overall": 3.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A1ZFZ4R6MGZGR0", "asin": "B000F4DK9Y", "style": {"Size:": " 7.05 Ounce (Pack of 6)", "Flavor:": " Earl Grey"}, "reviewerName": "KPO", "reviewText": "I wanted a little more strength in the flavor. I guess I will buy it again with three tea leaves. Pay attention to bottom middle of the can so you know the flavor strength before ordering.", "summary": "I wanted a little more strength in the flavor. ...", "unixReviewTime": 1471132800} +{"overall": 2.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A1NRF4LONKZP8U", "asin": "B000EML7DS", "style": {"Flavor:": " Classic White Cheddar"}, "reviewerName": "Jack Dz", "reviewText": "Not what I expected. I love cheese that's cooked, burnt to the pan, etc. But this did not live up to my expectations. Odd taste. Wish I could say it was better.", "summary": "Not so good", "unixReviewTime": 1452988800} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "ACW99ATY2Y55C", "asin": "B000WW78QA", "reviewerName": "ARTHUR PAINE", "reviewText": "OK but will not buy any additional", "summary": "Three Stars", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "AUTUO70PS478A", "asin": "B000TMQJZY", "style": {"Size:": " 12 Count (Pack of 6)", "Flavor:": " Espresso"}, "reviewerName": "Tony", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 3.0, "verified": true, "reviewTime": "08 14, 2013", "reviewerID": "A30F7K945LI4SQ", "asin": "B000MOGV0C", "style": {"Size:": " 1 pack"}, "reviewerName": "Motherof10", "reviewText": "The box is very small for the price and the pancakes are dry, but after being carb deprived it didn't taste too bad. You can dr. It up maybe add an extra egg or butter and it might help.", "summary": "Tasted alright", "unixReviewTime": 1376438400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A449XBOPH8S5Z", "asin": "B000U0OUP6", "reviewerName": "Evenshade", "reviewText": "fresh and crunchy. Good buy!", "summary": "Good buy!", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": false, "reviewTime": "03 5, 2015", "reviewerID": "A1Q2GOBN6V0GZJ", "asin": "B000FFLHSY", "style": {"Size:": " 16oz.", "Flavor:": " Goji Berries"}, "reviewerName": "Mark", "reviewText": "These are my favorite Goji berries.", "summary": "Five Stars", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2017", "reviewerID": "AB0QQGQWCH8YH", "asin": "B0012S8EUC", "reviewerName": "Sammy", "reviewText": "The best bacon.", "summary": "Five Stars", "unixReviewTime": 1510617600} +{"overall": 5.0, "verified": false, "reviewTime": "02 10, 2015", "reviewerID": "A3GW00CAHMHF2I", "asin": "B000OIT8T2", "reviewerName": "yangzi", "reviewText": "We love Skittles! I bought these and gave to my hubby for his birthday. He doesn't like green apple flavor Skittles, so I cut a small slit on the side of the package and took all the green Skittles for him before wrapping. He loved the gifts!", "summary": "Huge bags of Skittles <3", "unixReviewTime": 1423526400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A1BPOPVHQWGCQP", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "kathleen burgess", "reviewText": "This has become my favorite honey to keep on hand. Taste is wonderful and seems to be raw and pure. Can't go wrong with this brand. Broken tops on my last too purchases have been disappointing but honey has not seemed to have been affected.", "summary": "Pure and Raw", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2010", "reviewerID": "A14AJ9Y7TZEF7O", "asin": "B000ED7M3Q", "style": {"Size:": " 22 Ounce (Pack of 4)"}, "reviewerName": "Laberg", "reviewText": "Thanks for stocking Bob Red Mills and Arrowhead Mills products. They are hard to find in grocery stores. Now I am looking for Bob's Red Mill Gluten Free four for a good price!", "summary": "Thanks", "unixReviewTime": 1290816000} +{"overall": 3.0, "verified": true, "reviewTime": "08 20, 2016", "reviewerID": "A15D582RV85U05", "asin": "B00061BW14", "style": {"Size:": " 12 Oz"}, "reviewerName": "Andrew Kohler", "reviewText": "Not as sour as I expected", "summary": "Three Stars", "unixReviewTime": 1471651200} +{"overall": 4.0, "vote": "7", "verified": true, "reviewTime": "07 9, 2007", "reviewerID": "A2QUTWZ0INA7IS", "asin": "B000EVLZCW", "reviewerName": "Ann Ominous", "reviewText": "Pureed and spiced black beans. Simple and uncomplicated, but seasoned well. Quick to make since there aren't big chunks to hydrate. Healthy.", "summary": "Filling", "unixReviewTime": 1183939200} +{"reviewerID": "A12FP8FS4E066N", "asin": "B0010VSBPO", "reviewerName": "C.R", "verified": true, "reviewText": "nice flavor", "overall": 5.0, "reviewTime": "08 3, 2015", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "A23S159FK7W4IK", "asin": "B0010UOGWM", "style": {"Size:": " Regular", "Flavor:": " Cream Soda"}, "reviewerName": "Nitpicker", "reviewText": "This seemed to be a very good price for this particular flavor. My wife and I love the taste of this product. Excellent product for your sodastream device.", "summary": "TASTE JUST LIKE THE OLD DAYS!", "unixReviewTime": 1384214400} +{"overall": 5.0, "vote": "18", "verified": true, "reviewTime": "03 30, 2010", "reviewerID": "A6XBN10AP0MFP", "asin": "B000NEAKJY", "reviewerName": "Katie Mac", "reviewText": "I sent this as a gift and my friend says it just keeps on blooming... not like cut flowers that fade quickly. Now I want one, too!!", "summary": "Blooms and Blooms and Blooms", "unixReviewTime": 1269907200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71wGkqD9eaL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71eQQgSNzeL._SY88.jpg"], "overall": 1.0, "vote": "3", "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A1MMUIHZ410TIE", "asin": "B000GW0U9I", "style": {"Size:": " 3.25-Ounce Bags (Pack of 4)", "Flavor:": " Beef"}, "reviewerName": "bin lin", "reviewText": "Upon receipt of the package has been opened", "summary": "One Star", "unixReviewTime": 1419033600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A1CGHA5E6PLUE", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "June M Asbury", "reviewText": "The expiration date is not good for a 5lb bag of gummi bears.", "summary": "Expiration date 11/15 really?", "unixReviewTime": 1444176000} +{"reviewerID": "A6L6L70I01U1F", "asin": "B0014EW4N2", "reviewerName": "E. Whitefield", "verified": true, "reviewText": "OK! GOOD STUFF!", "overall": 4.0, "reviewTime": "11 2, 2015", "summary": "GOOD STUFF!", "unixReviewTime": 1446422400} +{"overall": 4.0, "vote": "6", "verified": false, "reviewTime": "04 27, 2015", "reviewerID": "A3TY5DIETPVIO0", "asin": "B0000D17HK", "reviewerName": "Kindle Customer", "reviewText": "Giving a 5 for taste but a 3 for packaging. These noodles are delicious. They have a wonderful texture and taste. But they are packaged with a thin plastic top and half the noodles were in bits by the time they got to us. I would buy again, just not from amazon.", "summary": "They have a wonderful texture and taste", "unixReviewTime": 1430092800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A1PRYYHR7GB2QU", "asin": "B0017IB6H0", "reviewerName": "Andrea", "reviewText": "These are so healthy for you!!! And a good buy, too!! I'll be getting more! So glad to find this brand on Amazon!", "summary": "Great stuff!!", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A1SPZ6I3VANSY5", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Steven Salzer", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2016", "reviewerID": "A3G4MXR60DQ2QR", "asin": "B000FVMQJC", "reviewerName": "L. Arenas", "reviewText": "Good taste", "summary": "Five Stars", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A17ZCSI8B5WN9Q", "asin": "B000KEPBCS", "style": {"Size:": " 44 Ounce (Pack of 4)"}, "reviewerName": "Ajbwashdc", "reviewText": "Great 1 for 1 substitute for regular flour for all gluten free cooking/baking needs (thickening sauces to cakes, muffins etc)", "summary": "Great 1 for 1 substitute for regular flour", "unixReviewTime": 1455753600} +{"reviewerID": "A9Q28YTLYREO7", "asin": "B001651282", "reviewerName": "MAXIMILLIAN MUHAMMAD", "verified": false, "reviewText": "ain't nothing like watching be it Baseball,football,basketball,Golf, &having a good amount of trail-mix&washing it down with some sprite re-mix. this is a good fun Party Platter type of mix. it's real good for partys&things.", "overall": 5.0, "reviewTime": "09 16, 2006", "summary": "Trail Mix is the Weekend Snack", "unixReviewTime": 1158364800} +{"reviewerID": "A1Y7REX3L02YHB", "asin": "B000GG0BNE", "reviewerName": "RaCom", "verified": true, "reviewText": "good value", "overall": 5.0, "reviewTime": "04 9, 2015", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A2YJ1AMOYLOUKL", "asin": "B000U0OUP6", "style": {"Size:": " 16 Ounce (Count of 3)", "Flavor:": " Cocktail Peanuts"}, "reviewerName": "Marc St Martin", "reviewText": "Always good!!", "summary": "Five Stars", "unixReviewTime": 1489795200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71iqHlvISML._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/712jDs37E6L._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "12 22, 2017", "reviewerID": "ABRCU5TLRW26G", "asin": "B0001CXUHW", "style": {"Size:": " 16 Ounce"}, "reviewerName": "mcadwell", "reviewText": "Best deal for the money! Works wonderfully in my bread maker for express bread. I keep it in the freezer so it lasts longer", "summary": "Best deal for the money!", "unixReviewTime": 1513900800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "A5UBCHWBIZ9Y1", "asin": "B00086IE5Y", "reviewerName": "countrygal", "reviewText": "Smells like cinnamon. haven't used it yet. Got it for a relative who gets migranes. Supposed to rub it on your temples...", "summary": "priced right", "unixReviewTime": 1357948800} +{"overall": 1.0, "verified": true, "reviewTime": "09 18, 2012", "reviewerID": "A8IEN0YAAXT2L", "asin": "B0013OSJMI", "style": {"Size:": " 20oz"}, "reviewerName": "Steve", "reviewText": "I shouldn't have to call each time.\nThis is not a supplement, but a nut butter food product non-taxable in Calif", "summary": "No sales tax should be charged on food", "unixReviewTime": 1347926400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A2LOOWTQG5AQAF", "asin": "B000CEO6WM", "style": {"Size:": " 24 Count"}, "reviewerName": "TV Viewer and Reader ;Linda", "reviewText": "My daughter loves this flavor of coffee. I buy it for her every Christmas.", "summary": "Delicious Butter Toffee Gloria Jean coffee for Keurig", "unixReviewTime": 1455580800} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A1QKEN1T1IA4A7", "asin": "B000KK39CQ", "reviewerName": "Robert A. Burr", "reviewText": "The real thing. For those that wish to brew large batches of Thai Tea, rather than fiddle with little tea bags.", "summary": "The real thing. For those that wish to brew ...", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A3N0UGN3F0X5Z6", "asin": "B000O0I1NE", "style": {"Style:": " Mexican Blend"}, "reviewerName": "Magdalini", "reviewText": "Awesome tasting cheeses, and melts really easily. They're shredded very thin, and all 3 cheeses blend together well. I've used this with enchiladas, in omelets and in pizzas.", "summary": "Awesome tasting cheeses", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "ACN1N1IREG0RW", "asin": "B00099XK6I", "reviewerName": "Will", "reviewText": "Great product.\nBrews surprisingly well in cold water.\nReady to drink in 7-10 min.", "summary": "Nice", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A1PWJIORI82ZJD", "asin": "B000BGZNXW", "style": {"Color:": " White"}, "reviewerName": "Cielo", "reviewText": "Works beautiful for my monin 750 ml.", "summary": "Love it !!", "unixReviewTime": 1447200000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A4YFWU8YSXVNM", "asin": "B000FA8SH2", "style": {"Size:": " Pack of 3"}, "reviewerName": "S0rceress0", "reviewText": "So delicious!!! Crisp and cookie like. Soft sweetness, perfect with tea.", "summary": "Yummy!", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A1S26L7KGW7AXX", "asin": "B000E1FZHS", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Salted Caramel Peanuts"}, "reviewerName": "RoxZilla", "reviewText": "Very good. Exactly as described. Taste of salted caramel - can't go wrong", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2016", "reviewerID": "A1TYUNPE5B01J6", "asin": "B000QYGCYI", "style": {"Size:": " 56-Count (Pack of 8)", "Style:": " Soft Pack"}, "reviewerName": "ShawnAndTiffany", "reviewText": "I only use huggies wipes. And I've tried EVERY other brand.", "summary": "Five Stars", "unixReviewTime": 1472256000} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A1ZGCF0J8LG4SG", "asin": "B0011FTX8S", "style": {"Size:": " 3 Flavor Fun Pack"}, "reviewerName": "Avid", "reviewText": "I love this product. The flavors are strong, so you don't have to use much on your shaved ice. I also like the fact that the set comes with the snow cone cups, spoon straws, and the push/pull pourer caps. I would buy this product again.", "summary": "The best snow cone syrups", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "AYDC482SM6VQ0", "asin": "B0007LXU0Y", "reviewerName": "Makeitrainpink", "reviewText": "I bought these for my boyfriend and he loves them. Mmm coconut! Mmmm dark chocolate!!", "summary": "My boyfriend loves these granola bars!", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2013", "reviewerID": "A2H1HUSI8V7MEU", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Winter Spice"}, "reviewerName": "CLAIREf85", "reviewText": "I originally received this tea in my Christmas stocking and enjoyed it so much that I shared it with my daughter and a dear friend. It's not readily available in my local stores, but found it here on Amazon! And very reasonably priced too! I enjoy mine with just a hint of honey!", "summary": "A unique and delicious flavor ...", "unixReviewTime": 1367712000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A2HOJT3VTBP72B", "asin": "B000M7YBQA", "style": {"Size:": " 3.3 Ounce (12 Count)", "Flavor:": " Variety Pack"}, "reviewerName": "Nancy J Walker", "reviewText": "wish we could pick however. Hate the mint", "summary": "Hate the", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2013", "reviewerID": "AMBJQQSRCAOHS", "asin": "B000WSP5MI", "style": {"Size:": " 100 Capsules (Pack of 3)"}, "reviewerName": "Indiana DIY", "reviewText": "I haven't really noticed tons of results. But It does help overall health I feel good taking it, and it smells like celery Salt or something like that.", "summary": "Works Good", "unixReviewTime": 1373587200} +{"overall": 5.0, "verified": false, "reviewTime": "03 12, 2015", "reviewerID": "A22E0DDT9XT347", "asin": "B000IALILW", "reviewerName": "CH", "reviewText": "If you want the real taste of Red Currants this is it. The taste is wonderful. This is delicious and spreads easily. I will use this for pastry and toast alike.", "summary": "Delicious", "unixReviewTime": 1426118400} +{"reviewerID": "A172BTMZ3GBLT2", "asin": "B000HRS7OM", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "Only 4 stars.because quality is inconsistent. Some boxes seem fresher than other boxes", "overall": 4.0, "reviewTime": "09 16, 2015", "summary": "Yorkshire Gold Tea", "unixReviewTime": 1442361600} +{"overall": 2.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A2USYLDU2TMCNL", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "SeattleSue", "reviewText": "I bought the variety pack, 24 packages. The peanuts were OK, only so-so.\nThe cashews were AWFUL, tiny broken bits, stale and bad tasting.\nI called the 1-800 number on the package for Planters.\nThey were not even interested enough to take down the lot number.\nSave your money.", "summary": "stale and bad tasting. I called the 1-800 number on the ...", "unixReviewTime": 1459382400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A2IXPS6T9KVCI1", "asin": "B001394BW0", "style": {"Size:": " 16 bags"}, "reviewerName": "A Woman", "reviewText": "Very relaxing.", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A1KAUZGNG3KK11", "asin": "B000ZK5NV6", "reviewerName": "Harris Wireless", "reviewText": "Delicious", "summary": "Five Stars", "unixReviewTime": 1457481600} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A3NQEEKG4PSJQ6", "asin": "B000EVN2ZK", "style": {"Flavor:": " Happy Cola"}, "reviewerName": "Tina", "reviewText": "Haribo cola candy is delicious. The cola flavor is subtle.", "summary": "Four Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A3H4ZND6DZMU3W", "asin": "B0001ES9FI", "style": {"Size:": " 16ct (Pack of 6)", "Flavor:": " Kona Blend"}, "reviewerName": "kurt", "reviewText": "Wise favorite", "summary": "Kona coffee", "unixReviewTime": 1449878400} +{"overall": 3.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A229ZWV6K42JXE", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "Pammy T.", "reviewText": "A big fan of the Powercrunch bars. This one was a little sweeter for me but I also prefer chocolate over vanilla flavors. It's still a good one to add to the variety", "summary": "Taste good!", "unixReviewTime": 1452384000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 9, 2013", "reviewerID": "A1M707ORDR92AE", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Pure Peppermint"}, "reviewerName": "Miss Sakura", "reviewText": "I love mint tea I tried most the brands and this is one I would suggest to anyone who likes a crisp refreshing mint taste one if my faves :) so worth the wait in shipping time.", "summary": "Refreshing and so good", "unixReviewTime": 1368057600} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A2LF7COPS0M46", "asin": "B000Q3CJGO", "style": {"Size:": " 1 Pack"}, "reviewerName": "B. Corporation", "reviewText": "Great product. We use it everyday.", "summary": "Great product. We use it everyday", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "A1L2ZH8N85BAOW", "asin": "B000H26J7E", "reviewerName": "Laurent E. Foisy", "reviewText": "I love These Dark Chocolate, Thy are Good For You, So I Like Them.", "summary": "Dark Chocolate", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A2B4GHGU63TLPR", "asin": "B000Z8ZOM6", "reviewerName": "Bob P.", "reviewText": "Exactly what I needed", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A2BJNDDMZM7CK", "asin": "B000V1AWBK", "style": {"Size:": " 3.5 Ounce (Pack of 6)", "Flavor:": " Butter Chicken Curry"}, "reviewerName": "Snow Family", "reviewText": "Really Delicious. I buy this all the time and Amazon seems to have the best price.", "summary": "Really Delicious", "unixReviewTime": 1501113600} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "07 14, 2009", "reviewerID": "A28N0F64GESQUQ", "asin": "B000FDDEV4", "style": {"Flavor:": " Couscous, Whole Wheat"}, "reviewerName": "Manzanilla Olives", "reviewText": "The boxes were not properly sealed. As soon as I would lift a box out of the case couscous would leak from the box and go everywhere.\n\nThe couscous wasn't as tasty as the whole wheat couscous I've bought in my local supermarket.", "summary": "Couscous leaks from boxes", "unixReviewTime": 1247529600} +{"overall": 2.0, "verified": false, "reviewTime": "04 10, 2016", "reviewerID": "A1R0Z1BJGWRH8E", "asin": "9742356831", "reviewerName": "L. D. Smith II", "reviewText": "This brand is ok if you like it really (REALLY) spicy. But it's so bland that you have to use a lot of it. By that time it's too hot too eat and still doesn't have a lot of flavor that I'm used to in the traditional Thai dish.", "summary": "Tastes ok if you can stand the heat", "unixReviewTime": 1460246400} +{"overall": 4.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "AL0TG9X81BSFJ", "asin": "B0014GPSKQ", "reviewerName": "Al M.", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": false, "reviewTime": "12 9, 2014", "reviewerID": "A2KK5E3I0RV02E", "asin": "B000HESDVW", "reviewerName": "Mary", "reviewText": "I buy this for work and they are a hit.", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2012", "reviewerID": "AZXXSOF328C52", "asin": "B000E4ALEW", "style": {"Size:": " 13.25 Ounce (Pack of 6)", "Flavor:": " Multibran Flakes"}, "reviewerName": "PRATEEK JAIN", "reviewText": "I always enjoy the Nature's Path products and this one is excellent too. It has good ingredients and I feel it is a great food to start your day. One of the best cereals I can find in the market.", "summary": "Great stuff!", "unixReviewTime": 1349481600} +{"overall": 1.0, "vote": "30", "verified": true, "reviewTime": "08 24, 2008", "reviewerID": "APF4LLE49226S", "asin": "B000F6SNPS", "style": {"Size:": " 18 Count (Pack of 6)", "Flavor:": " Sweet & Spicy Caffeine Free", "Style:": " Organic Herbal Tea"}, "reviewerName": "K. VanDeraa", "reviewText": "The flavor of this organic tea is no where near the flavor of the original, non-organic. I like organic products and tend to use more of them as they become available. But this tea is missing a flavoring the company is unable to put into the organic tea. I gave mine away.", "summary": "Flavor of organic NOT the same as the original", "unixReviewTime": 1219536000} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "A2Y993PR2Z17J6", "asin": "B000V6HQQ4", "style": {"Flavor:": " New England Clam Chowder"}, "reviewerName": "Lee R", "reviewText": "i am hooked, these are easy and when your not sure what you want to eat...... perfect solution", "summary": "these are easy and when your not sure what you want to ...", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "A2RYO45PFJVLB9", "asin": "B000EEWZEG", "style": {"Size:": " 3.75 Ounce Can (Pack of 12)", "Flavor:": " Mediterranean Style"}, "reviewerName": "Samuel Johnson", "reviewText": "Nice flavor. A longtime favorite of mine.\nThese would work on a salad, but i eat them on crackers or by themselves.", "summary": "One of my favorites.", "unixReviewTime": 1482451200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A3H05QJYIMUXV2", "asin": "B000WHZDEY", "style": {"Size:": " 1.25 oz", "Flavor:": " White Chicken"}, "reviewerName": "villageRN", "reviewText": "Addicting, inexpensive and quick preparation make this product one of my \"necessities.\"", "summary": "YUMMMM!", "unixReviewTime": 1475712000} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "AYXIYKJ9FP7PU", "asin": "B000GARX3G", "style": {"Size:": " 3 Pound Bag"}, "reviewerName": "deathsour", "reviewText": "Hemp mm tasty.", "summary": "Four Stars", "unixReviewTime": 1404864000} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A1G3ZHC1SU2U82", "asin": "B000WR22CA", "reviewerName": "Dianaru", "reviewText": "I bought this to use in place of corn syrup. Works perfectly.", "summary": "Four Stars", "unixReviewTime": 1467676800} +{"reviewerID": "A108PBHPOJ7X4Z", "asin": "B000EMM9YO", "reviewerName": "Sr. Ruth", "verified": true, "reviewText": "Easy to use. Biscuits fluffy and good tasting. Great with added ingredients for a variety of tastes and selections. Thanks.", "overall": 5.0, "reviewTime": "07 3, 2013", "summary": "Great Product", "unixReviewTime": 1372809600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A39S4LV9TIDI9X", "asin": "B000GG0BQ6", "style": {"Flavor:": " Organic Green Tea"}, "reviewerName": "Kindle Customer", "reviewText": "My husband has been enjoying this tea. Great buy for the price!", "summary": "Great buy for the price", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "AD625NT7OJAVF", "asin": "B000YMFVQC", "reviewerName": "oava", "reviewText": "Best tuna\nI well never eat can again!", "summary": "Best tuna I well never eat can again", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2018", "reviewerID": "A2OFVA9SREBL14", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Original"}, "reviewerName": "Chris", "reviewText": "Delicious protein!", "summary": "Five Stars", "unixReviewTime": 1525910400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "AO8IH3D14EXJV", "asin": "B000NMI7VO", "reviewerName": "Melodi", "reviewText": "love them and fresh too", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A3EX8ZFNVDHGPM", "asin": "B000YFD37I", "reviewerName": "S. Mitchell", "reviewText": "Red Mill always good! quality", "summary": "Love Red Mill Products", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A3P1RDCFIJC6HM", "asin": "B000P362B8", "reviewerName": "Christy Kennedy", "reviewText": "This is such a wonderful tea. I steep it with Jasmine Green Tea and yum!", "summary": "This is such a wonderful tea. I steep it with Jasmine Green Tea ...", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "A10AGFN93JCNHQ", "asin": "B000NMCOYK", "style": {"Size:": " Original Flavor", "Flavor:": " Original"}, "reviewerName": "California Girl - LMD", "reviewText": "A fun product.", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "A1CXHO5YEQ06OA", "asin": "B0014ZDFGG", "reviewerName": "MWM", "reviewText": "This is now a staple in our home! Tastes excellent and had what a body needs for a healthy thyroid - natural iodine:) Took it to work and everyone loves it!", "summary": "Tastes excellent and had what a body needs for a healthy ...", "unixReviewTime": 1415664000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2018", "reviewerID": "A19F0LJYPCRQSC", "asin": "B000GAWH4G", "style": {"Size:": " 8-oz. extract"}, "reviewerName": "Liz M.", "reviewText": "Nice quality vanilla - definitely recommend if you want to step up your baking flavor a bit.", "summary": "Good Quality", "unixReviewTime": 1517875200} +{"overall": 3.0, "verified": true, "reviewTime": "06 4, 2013", "reviewerID": "A2B6ZPHRVLLJV3", "asin": "B000UUWECC", "style": {"Size:": " 11.2 Ounce", "Flavor:": " Natural"}, "reviewerName": "Maya", "reviewText": "I usually buy Vita Coco but my friend recommended I try this one. I won't be purchasing it again. The packaging left an odd taste.", "summary": "Packaging tastes funny", "unixReviewTime": 1370304000} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "ABTI1JHGQDRIL", "asin": "B000FFIEL2", "reviewerName": "LG", "reviewText": "Really yummy and filling. I add fresh cilantro and fresh lime, but avocado, chopped tomato or green onions would make a great garnish, too.", "summary": "Tastes like homemade- maybe better,", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2016", "reviewerID": "A13TTPBEYNT1N4", "asin": "B00099XK6I", "style": {"Size:": " 8 Ounce", "Style:": " Loose Black Tea"}, "reviewerName": "Koda", "reviewText": "Excellent quality loose black tea. 4 1/2 level teaspoons makes a pitcher of excellent tasting tea. I brew it daily in an electric coffee brewer (never used for coffee).", "summary": "Brew a pitcher daily...hot or cold.", "unixReviewTime": 1483142400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "AMMNGUJK4HQJ5", "asin": "B000LLK9KE", "reviewerName": "Misty", "reviewText": "Nice little go to size for recipes.", "summary": "Worth having i pantry.", "unixReviewTime": 1413417600} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "A19MILBP4GLFW1", "asin": "B000LKTB90", "style": {"Size:": " 8 Ounce (Pack of 12)", "Flavor:": " Rotelle"}, "reviewerName": "Linda", "reviewText": "I am celiac and must use non-wheat noodles. I use these for everything and even my non gluen free guests can tell the difference. Plus they have more protein than regular noodles.", "summary": "great", "unixReviewTime": 1357171200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "A16NBVP9XR7VHZ", "asin": "B0001ES9FI", "style": {"Size:": " 18ct (Pack of 6)", "Flavor:": " Medium Roast"}, "reviewerName": "JOHN D of VA BEACH", "reviewText": "FANTASTIC COFFEE PODS FOR THE SENSEO COFFEE MAKER I ONLY WISH YOU COULD STILL GET THEM LOCAL(VA BEACH) AT THE TARGET STORES", "summary": "ALWAYS SUPER", "unixReviewTime": 1367452800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2009", "reviewerID": "AZV26LP92E6WU", "asin": "B000EDM8FS", "style": {"Size:": " 8 Ounce (Pack of 4)"}, "reviewerName": "m.r.h.", "reviewText": "I needed this product. I like it very much. Highly recommended. It looks to be a top quality product.", "summary": "Bob's Red Mill Large Flake Yeast", "unixReviewTime": 1257552000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2012", "reviewerID": "AQNWZ9XWJXG2E", "asin": "B000H1CO74", "reviewerName": "lotsaqotsa", "reviewText": "Much better deal than in stores! I really like using this in recipes that call for larger amounts of ketchup (meatloaf, meatballs, etc) so I can cut down on overall sugar.", "summary": "Less sugar, yea!", "unixReviewTime": 1354406400} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A3SQKM6E4Q1S24", "asin": "B000E148JY", "style": {"Size:": " Pack of 6", "Flavor:": " Brown Rice Noodle", "Style:": " Pad Thai"}, "reviewerName": "Dinka", "reviewText": "These are yummy and at good price! Will buy again", "summary": "Five Stars", "unixReviewTime": 1489968000} +{"overall": 1.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A3CYJIZ77T9VS3", "asin": "B00122ATVU", "style": {"Flavor:": " Whole Pitted"}, "reviewerName": "iNsOmNiAcAnDrEw", "reviewText": "you know where it says 'may contain blah blah blah'? they should change it to 'probably contains blah blah blah' yeah...allergic people stay away from this irresponsible company.", "summary": "you know where it says 'may contain blah blah blah' ...", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "AXTUFNX2LVOSJ", "asin": "B0001LO3FG", "style": {"Size:": " 100 Count", "Flavor:": " English Breakfast"}, "reviewerName": "Nina T", "reviewText": "We ;ove that tea!", "summary": "We; ove that tea!", "unixReviewTime": 1485388800} +{"overall": 2.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A3US2P9OJBOIQD", "asin": "B000AF0A78", "reviewerName": "WallyFam", "reviewText": "hasn't been effective for my tummy. it seems weak, maybe i should try two bags at once. i have had more luck with peppermint or ginger teas.", "summary": "not effective", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2013", "reviewerID": "A1UXVUM6G2H7D6", "asin": "B000GW67B8", "style": {"Size:": " 2-Ounce Packages (Pack of 12)", "Flavor:": " Original"}, "reviewerName": "Gina E. Macias", "reviewText": "I gave these to my nieces with children for a snack during the summer and the children really enjoyed them. They didn't come in ravenous before dinner!", "summary": "Great Snack", "unixReviewTime": 1379462400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A39WKNQTZXPBSC", "asin": "B00015UC8O", "reviewerName": "King Charles III", "reviewText": "Taste great.", "summary": "Taste great.", "unixReviewTime": 1462233600} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "AG6GX6ECU0MQ9", "asin": "B000WLJICI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Battlingbard", "reviewText": "I really have no idea how you rate a flour. It looked fine and seemed to work well in the pizza dough I made.", "summary": "It looked fine and seemed to work well in the pizza dough ...", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "AAI3RT571C3IG", "asin": "B0015CIWHK", "reviewerName": "Sonya Hampton", "reviewText": "My favorite cookies and they shipped ASAP and none were broken", "summary": "great buy", "unixReviewTime": 1428537600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 25, 2012", "reviewerID": "A33N5SFDGYZSAH", "asin": "B000EDK6K2", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Flamethrower", "reviewText": "Great stuff, cooks like fresh buttermilk, easy to store in freezer. Buttermilk is not readily available in Central American countries, so I cook with this.", "summary": "Buttermilk when you can't get fresh.", "unixReviewTime": 1330128000} +{"overall": 3.0, "verified": false, "reviewTime": "08 17, 2013", "reviewerID": "A1AG6A3IJMB6RW", "asin": "B000H9K4KA", "reviewerName": "G G Tuens", "reviewText": "The flavor of this licorice isn't bad, a little strange which costs it a star. The texture is the real problem with this stuff. It's very soft and pasty, not chewy at all, which costs it another star.", "summary": "good but not great", "unixReviewTime": 1376697600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2014", "reviewerID": "A35ENAU86IN6VW", "asin": "B000YN2GVY", "reviewerName": "aw", "reviewText": "Excellent for my purposes. As described by seller.", "summary": "Five Stars", "unixReviewTime": 1410048000} +{"overall": 5.0, "verified": false, "reviewTime": "02 22, 2015", "reviewerID": "A37W0JG51XH1LR", "asin": "B000EVE3YE", "reviewerName": "M. Triano", "reviewText": "This mix makes the best gluten free muffins. I add some organic flavorings (lemon, orange, etc) and they are very good. My grandson has to eat gluten free and it is difficult to find something that tastes good (not like the box). These do.", "summary": "Great gluten free", "unixReviewTime": 1424563200} +{"overall": 2.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "A37OPVPXMWHJJK", "asin": "B000E1FZHS", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Chili Lime Flavored Peanuts"}, "reviewerName": "kjwhitley", "reviewText": "I loved the 5 alarm chili peanuts. But, these are way too hot. I took them to a party and no one ate them because they were too hot.", "summary": "Too hot", "unixReviewTime": 1459641600} +{"overall": 4.0, "verified": true, "reviewTime": "06 1, 2013", "reviewerID": "A12WDV5UAHLQZD", "asin": "B000H2XXRS", "reviewerName": "John R Nail", "reviewText": "After reading about the healthiness of coconut oil I had to try it. I've been happy with it. I like the mild coconut flavor it adds to the chicken or fish I cook in the skillet.", "summary": "Healthy", "unixReviewTime": 1370044800} +{"overall": 5.0, "verified": false, "reviewTime": "10 30, 2017", "reviewerID": "A1ZGKL96TXNJ6B", "asin": "B0009F3POO", "style": {"Flavor:": " Seasonal Tea Sampler"}, "reviewerName": "Happy Housewife", "reviewText": "I've personally tried this product, I purchased it at the store. I decided to have some shipped to my grandparents and they love it. I recommend this product. Shipping was on time and the product was intact.", "summary": "Works evertime I'm sick", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A385PX2500RL6B", "asin": "B0002AUTY0", "style": {"Size:": " 50 Tea Bag Tin", "Flavor:": " Orange Blossom 100% White Tea"}, "reviewerName": "Cynthia T. Corbin", "reviewText": "A delightful light tea. Great hot or iced.", "summary": "Great hot or iced", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A1SX6IVNMNJTL4", "asin": "B000HDI5O8", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Order monthly for my dogs, great product", "summary": "Good product", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A48RZUR5B15AA", "asin": "B000U0OUP6", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Salted Caramel Peanuts"}, "reviewerName": "Richard", "reviewText": "Not a big peanut fan but I love these!!! They are sooo good!", "summary": "Yummy", "unixReviewTime": 1484870400} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A2O2XNHP3LGDG6", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Peppered"}, "reviewerName": "Beth K.", "reviewText": "I ordered a bunch of this for camping,didn't open any and kept it in a cool dark place,2 weeks later and 2 lb bags are molding. Pretty expensive for this to happen!", "summary": "Moldy w/o even opening it !", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2013", "reviewerID": "A26C4J34HDVZYY", "asin": "B0007STDKI", "reviewerName": "Smart", "reviewText": "This is one of the Trident flavours. Also great for fresh breathe. I love it for sure. I see myself chewing the packet. Very fast", "summary": "One of all time favorites", "unixReviewTime": 1381449600} +{"reviewerID": "A242OWP736R9GD", "asin": "B000F4DKAI", "reviewerName": "Ken", "verified": true, "reviewText": "fine product. good flavor.", "overall": 5.0, "reviewTime": "06 29, 2016", "summary": "good tea", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2016", "reviewerID": "A39E51VMQSFN33", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Muscle Recovery"}, "reviewerName": "PhantomLord", "reviewText": "I have no idea if it actually does what its advertised as doing. I am not a tea drinker, but I really enjoy this tea.", "summary": "Great taste", "unixReviewTime": 1467504000} +{"overall": 3.0, "verified": false, "reviewTime": "03 22, 2017", "reviewerID": "A23LUQ7RA6QBG6", "asin": "B0017U48KK", "reviewerName": "Tina Turner", "reviewText": "Not a hit at my house, but the service was excellent.", "summary": "but the service was excellent.", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": false, "reviewTime": "08 17, 2016", "reviewerID": "A1JI9XJZW7JY1", "asin": "B000OK2AG8", "style": {"Size:": " 1 Pack"}, "reviewerName": "Robert Weinheimer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A18J35RPHQDRHB", "asin": "B0009X65FC", "reviewerName": "Cappuccino lover", "reviewText": "Love this tea. What great flavor. Easy to brew.w", "summary": "Wonderful tea!!!!", "unixReviewTime": 1496275200} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A2WZ20EAAM1ANY", "asin": "B0005XNHMK", "reviewerName": "Malinda R. Willeford", "reviewText": "It's got a better flavor than black pepper. The only reason it didn't get 5 stars is because it comes out a little too fast.", "summary": "Better than black pepper", "unixReviewTime": 1425772800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 5, 2010", "reviewerID": "A3GCZEEFXF81W8", "asin": "B000VK88IA", "style": {"Size:": " 6-Ounce (Pack of 6)", "Flavor:": " Mountain Mambo"}, "reviewerName": "Blessed with 4", "reviewText": "We did like this! Very good! Nice sub for peanut items as we have a daughter allergic to peanuts. Would recommend.", "summary": "Really good!", "unixReviewTime": 1278288000} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A2XJZQK1KQ3ZON", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " French Vanilla"}, "reviewerName": "Daniel Kryszczuk", "reviewText": "Excellent, no artificial sweeteners.", "summary": "Five Stars", "unixReviewTime": 1414108800} +{"overall": 3.0, "verified": false, "reviewTime": "11 19, 2014", "reviewerID": "A1I326CYVEZDNH", "asin": "B0007R9L4M", "style": {"Flavor:": " Aloo Palak"}, "reviewerName": "Sandra Berryman", "reviewText": "good and healthy.", "summary": "good and healthy", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "A111U0FJ58SJDB", "asin": "B0009VZP6Y", "reviewerName": "whitebirch", "reviewText": "Addictive, too. It's much better to buy these in bulk than to pick up the little boxes. Wish I could find them locally.", "summary": "Great Stuff!", "unixReviewTime": 1395878400} +{"overall": 1.0, "verified": true, "reviewTime": "12 26, 2013", "reviewerID": "A2PCVF3MBDP203", "asin": "B000X5M5R8", "reviewerName": "gary", "reviewText": "THE CAKE WAS MILDEW ,IT WAS BAD, IT WAS A CHRISTMAS GRIF THAT I HAD APOLOGIZE FOR SO IWOULD NOT BUY AGAIN", "summary": "CAKE WAS MILDEW , IT WAS BAD", "unixReviewTime": 1388016000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2007", "reviewerID": "A3009H6NCESWKQ", "asin": "B000FL52IY", "reviewerName": "Sara P.", "reviewText": "It took a long time for me to receive this coffee, but it was worth the wait! I'm spoiled now and I find that regular coffee is lacking in flavor.", "summary": "Great coffee", "unixReviewTime": 1182297600} +{"overall": 5.0, "vote": "16", "verified": true, "reviewTime": "09 7, 2008", "reviewerID": "A3QGPFUH2D4S4S", "asin": "B000GBXG2C", "reviewerName": "S. Tucker", "reviewText": "I couldn't do without this in the mornings. It packs the same punch as does coffee, but is more gentle on the stomach. Always quickly delivered. Thanks for a great product.", "summary": "My Morning Staple", "unixReviewTime": 1220745600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A123JYXESGJHIH", "asin": "B000HDKZK0", "style": {"Size:": " 6 Ounce (Pack of 6)", "Flavor:": " Soft Baked Variety Pack"}, "reviewerName": "T.W.", "reviewText": "These cookies are GOOD. Especially considering they are allergen free. I had my doubts and my kid is kind of picky, but we both loved them.", "summary": "Good Cookies", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "AH38CT249JB2Q", "asin": "B000GFYRK8", "style": {"Flavor:": " Cozy Chamomile"}, "reviewerName": "Trekboi", "reviewText": "Nice tea, no staples used in teabag. Makes an authentic tea, although it's better when steeped longer that Bigelow tells you.", "summary": "Nice tea when you steep it longer", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": false, "reviewTime": "07 24, 2014", "reviewerID": "AZKFUF6I15W5A", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Cheryl Clark", "reviewText": "Amazon has the lowest price I have foudn so far. This real hydrates your body", "summary": "Five Stars", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2017", "reviewerID": "A87BK8IOFHBIF", "asin": "B000E1DS7C", "style": {"Size:": " 0.3-Ounce Boxes (Pack of 6)", "Flavor:": " Peach"}, "reviewerName": "Pam J. Thomas", "reviewText": "Love Peach and cant find it in my local area. Great to add into a shake also for flavoring", "summary": "Five Stars", "unixReviewTime": 1485302400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2013", "reviewerID": "A28DLAVPZXLH7A", "asin": "B000QV4U4U", "style": {"Size:": " 26oz"}, "reviewerName": "Rob H.", "reviewText": "I got this for my husband for Christmas. He loves cooking with this stuff. Puts it on nearly everything. Great taste and not too terribly toxic.", "summary": "My hubby loves this stuff", "unixReviewTime": 1359417600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A228QSUSHHEUS7", "asin": "B000CSRBXY", "reviewerName": "Gary Lang Jr.", "reviewText": "best popcorn my family has had for being a natural version", "summary": "very good", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A1CPHWT5SRA5S9", "asin": "B00032BPCM", "reviewerName": "Teddy B", "reviewText": "works", "summary": "Four Stars", "unixReviewTime": 1475625600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2008", "reviewerID": "A13S959ZBAOU53", "asin": "B000EN4JNC", "style": {"Size:": " 16-Ounce Can", "Flavor:": " Butterscotch Snaps"}, "reviewerName": "CFB", "reviewText": "I bought these as a gift for my daughter and her family. I hear from them that these are absolutely fabulous.", "summary": "HEAR THESE ARE GREAT", "unixReviewTime": 1203379200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A2SDK9AMRRFDGZ", "asin": "B000DZDJ0K", "style": {"Size:": " 24 ounce (Pack of 6)", "Flavor:": " Baking & Pancake, 24 Ounces (Pack of 6)"}, "reviewerName": "Maureen Riley", "reviewText": "I love it! I can make pancakes & muffins.", "summary": "Five Stars", "unixReviewTime": 1424995200} +{"reviewerID": "A3H47Z0OGNU5B", "asin": "B000HRS7OM", "reviewerName": "limeylass", "verified": true, "reviewText": "This is one of the best teas I have ever tasted. Although I am originally from England, I had never had Yorkshire Tea until my niece (who lives in Yorkshire) recommended it and I'm glad she did. You can't go wrong with Yorkshire Tea.", "overall": 5.0, "reviewTime": "03 2, 2014", "summary": "DELICIOUS TEA!!", "unixReviewTime": 1393718400} +{"overall": 4.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "AK2ZP67EZ430S", "asin": "B000YPMKXQ", "style": {"Flavor:": " Cinnamon Pecan"}, "reviewerName": "MQM", "reviewText": "I LOVE THIS BECAUSE IT DOES HAVE LESS SUGAR AND YET THE TASTE IS NOT COMPROMISED\nTHIS IS AT A GOOD REASONABLE COST, SINCE USA ECONOMY IS NOT IN THE BEST OF FORM!!", "summary": "QUAKER THESE CUPS ARE GREAT, BECAUSE YOU HAVE NO CLEAN UP AND YET NOTHING IS SAID SHORT FOR THE GREAT TASTE!!", "unixReviewTime": 1522195200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A1CH7I0FLVEFTK", "asin": "B0000DG4MK", "reviewerName": "TKC", "reviewText": "Great flavors accentuated with some pretty serious heat. I put this on just about everything. If you're a \"pepper head\", you owe this a try. Nice work Professor P!", "summary": "Oh yeah!", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2016", "reviewerID": "A31A96J8W51G05", "asin": "B000E1FZHS", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Chipotle Peanuts"}, "reviewerName": "Randy B", "reviewText": "These are simply wonderful, if you like Chipotle flavor.", "summary": "Careful, they can be habit forming!", "unixReviewTime": 1460160000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71CphZIBa0L._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A1GNYV0RA0EQSS", "asin": "B000CQ01IS", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Chocolate Chip"}, "reviewerName": "Olivia", "reviewText": "Annie's Bunny Grahams are a favorite in our house! I picked up this case at a great price here on Amazon. Believe it or not, my elderly parents love them as much as the kids do! Great flavor! Repeat Buyer!", "summary": "Great Flavor! My Elderly Parents Love them!", "unixReviewTime": 1476489600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "A3EX8ZFNVDHGPM", "asin": "B0001CXUCW", "style": {"Color:": " Lavender"}, "reviewerName": "S. Mitchell", "reviewText": "I ordered this for my Marti Gras cupcakes. Good quality sugar in all the colors I have purchased. I like having it in bulk because when I make cupcakes...I make them by the 100's.", "summary": "Perfect sanding surgar", "unixReviewTime": 1360108800} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2013", "reviewerID": "AO0RVR3UB8T2I", "asin": "B0006SKBOQ", "style": {"Size:": " 28 pieces"}, "reviewerName": "spazzymermaid", "reviewText": "I don't normally drink coffee, but I absolutely love this product! It's sweet, but with the bitter undertones of coffee, and I just can't get enough of it!", "summary": "Absolutely Delicious!", "unixReviewTime": 1378512000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A26FM12X6CXC72", "asin": "B000HDK0DC", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Gregg1030", "reviewText": "Decent taste and decent sugar levels", "summary": "Affordable & pretty good", "unixReviewTime": 1459382400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2015", "reviewerID": "A1MC07GOAHDZS7", "asin": "B000E1FZHS", "reviewerName": "Colleen", "reviewText": "Love peanuts and I love the fact that these are unsalted.", "summary": "Five Stars", "unixReviewTime": 1427414400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A3MPD0440KBPL0", "asin": "B000EEWZCS", "style": {"Size:": " 13 Ounce (Pack of 12)", "Flavor:": " Lump White"}, "reviewerName": "ingrid szabo", "reviewText": "I cannot get this good quality in our stores here. the chunks are large and taste like tight out of crab legs.", "summary": "I cannot get this good quality in our stores here", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A29KTG1K8K7SA0", "asin": "B001652KK6", "reviewerName": "Paul J", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A144CCH75W0C33", "asin": "B000WR8L4S", "reviewerName": "MSW", "reviewText": "Fresh and aromatic.\n\nI can no longer find these in local grocery stores, and they are a must-have for certain German dishes I cook.", "summary": "Fresh and aromatic.", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A3CGYT53TWUMUG", "asin": "B000HDJXLW", "style": {"Size:": " 14.5 Ounce", "Flavor:": " Diced, Fire Roasted"}, "reviewerName": "Barbarah", "reviewText": "Simply GREAT! Like I would can, myself, but no mess, no fuss...and I really didn't have all that many tomatoes this year.", "summary": "Simply GREAT! Like I would can", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2013", "reviewerID": "A1SE5TAJXF4289", "asin": "B000X3TPHS", "reviewerName": "Mary", "reviewText": "These are bursting with flavor. I took them to work with me, and they are a great alternative to eating chips during the day. They are full of flavor. And they satisfy my taste for something sweet. Yummy Earth is a good product.", "summary": "Good candy!!", "unixReviewTime": 1382400000} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A22QAP2SQ2ZGP9", "asin": "B0014C5N0U", "reviewerName": "Annabelle Linvill", "reviewText": "big", "summary": "Five Stars", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A8Z0ZZGW5VWP2", "asin": "B000G6TNOM", "style": {"Size:": " 2-Pack"}, "reviewerName": "anthony bawidamann", "reviewText": "Mmmm mm good", "summary": "Five Stars", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A324DSLSZX8YIF", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Jennifer Fisher", "reviewText": "received in a timely manner and was just what I expected - after soaking and drying - tastes great - will buy again", "summary": "will buy again", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "A3R0SIXGB6DXMQ", "asin": "B000C1HKTG", "reviewerName": "Grampa Joe", "reviewText": "The jelly beans were delivered promptly. They were well packaged. Most of all they were delicious and fresh. Now we have enough on hand to enjoy with a nice TV program.", "summary": "Great fresh , tasty, delicious licorice jelly beans.", "unixReviewTime": 1384905600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A2B1GVA8GELOX", "asin": "B000U5YMIG", "reviewerName": "Cooler", "reviewText": "Nice to use in cocktails.", "summary": "Tasty", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A2GQNG24YX752Y", "asin": "B000S6CCJ8", "style": {"Flavor:": " Tea Lovers Assortment"}, "reviewerName": "dc", "reviewText": "Excellent choice of tea and different varieties.great company", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2017", "reviewerID": "A2PKAZ3JUUSHZN", "asin": "B0009F3SDC", "style": {"Flavor:": " Caramel Apple Spice Slim Life"}, "reviewerName": "GhostCell", "reviewText": "Really good tea.", "summary": "Five Stars", "unixReviewTime": 1509062400} +{"overall": 1.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A1SJCNCRTUZDZF", "asin": "B00117YT4Y", "style": {"Size:": " 12 ounce", "Flavor:": " French Vanilla"}, "reviewerName": "Paul Peragine", "reviewText": "I've Tried a lot of different brands, but this was the worst tasting protein powder I've ever had.", "summary": "Tastes Absolutely Terrible", "unixReviewTime": 1421020800} +{"reviewerID": "A2OFMPPHT0CGJ9", "asin": "B000HRS7OM", "reviewerName": "SamanSarr", "verified": true, "reviewText": "The tea leaves don't seem pure and additive-free, but processed in a way to release ample color once brewed. That's no what I look for in a tea that's supposed to be brewed properly.", "overall": 2.0, "reviewTime": "01 16, 2015", "summary": "The tea leaves don't seem pure and additive-free, but ...", "unixReviewTime": 1421366400} +{"overall": 1.0, "verified": true, "reviewTime": "10 4, 2013", "reviewerID": "AR7DDYZNJSSSK", "asin": "B000PDY3P0", "style": {"Size:": " 4-Ounce Portion Packs (Pack of 24)"}, "reviewerName": "A.J.", "reviewText": "Positive- Arrived on time.\n\nNegative- Popcorn did not pop. Less then Half in a Gold Medal Popcorn Machine... Never had this happen before. Popcorn that did pop was terrible and extremely dense.", "summary": "Poor Quality Seed - Maybe Old Batch?", "unixReviewTime": 1380844800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 24, 2011", "reviewerID": "A1LNUH08546UK6", "asin": "B000ZGW714", "style": {"Flavor:": " Coconut"}, "reviewerName": "Kai", "reviewText": "Very tasty, quality healthy snack. Easy to take on hikes & is a rewarding treat to have at the summit. Comfortable knowing it's locally made with care & quality ingredients.", "summary": "Can Taste the Love", "unixReviewTime": 1308873600} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A11RAEIPCPNI1V", "asin": "B000EM6PS0", "style": {"Size:": " 20 Count", "Style:": " Bavarian Wild Berry"}, "reviewerName": "aj", "reviewText": "Love this tea! Smells amazing!", "summary": "Love it!", "unixReviewTime": 1432771200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "A2J6Y2XJ8VDN1", "asin": "B00171651O", "reviewerName": "Philip LoGiudice", "reviewText": "My mom loves filet mignon and really loved these! Omaha really lives up to its reputation for excellent quality. We will be ordering more in the future.", "summary": "Great steaks as always", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "AD6Q8VKX4OH5X", "asin": "B000LRFVHE", "style": {"Size:": " 454g"}, "reviewerName": "Old Texan", "reviewText": "It's Fleischmann's yeast. The best and original.", "summary": "Very good.", "unixReviewTime": 1494633600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2013", "reviewerID": "ALT0QR7X9I46B", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 6", "Flavor:": " Organic Ginger"}, "reviewerName": "pdubs", "reviewText": "The only ginger tea I have found to have just pure Organic Ginger Rhizome, no other added ingredients. A wonderful afternoon booster. I will look to Traditional Medicinals for other teas", "summary": "exceptional tea", "unixReviewTime": 1370044800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A3DEW78W6XSQG0", "asin": "B000YQUY2E", "style": {"Size:": " Bottle Only"}, "reviewerName": "Susan Purcell", "reviewText": "this is my favorite syrup! Great tasting sugarfree no guilt and no after taste. Hope they never stop producing this one!", "summary": "Just like the \"real\" thing", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A178EMSAZLPDRE", "asin": "B000ZEIR6U", "style": {"Size:": " 4 Ounce"}, "reviewerName": "Diane", "reviewText": "Very easy to use, and made the perfect royal icing. I'll definitely be ordering again!", "summary": "Five Stars", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2015", "reviewerID": "AH9MJSX5PIYF2", "asin": "B0002QEDC8", "reviewerName": "jb", "reviewText": "Love these beans.", "summary": "Five Stars", "unixReviewTime": 1427414400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A31POV4LSYJKEF", "asin": "B000CQE3NM", "style": {"Size:": " 100 Count"}, "reviewerName": "Sarah", "reviewText": "love this tea", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "AHRWXTWFEDDSJ", "asin": "B0012OTHB6", "style": {"Size:": " 0.87 oz", "Flavor:": " Beef Stroganoff"}, "reviewerName": "K.O.", "reviewText": "I really like this mix for beef stroganoff..I throw in some leftover beef and cut in small strips, turns out really tasty..", "summary": "Love it", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A3VJOHWFSM0ZHZ", "asin": "B0013F78VA", "reviewerName": "marty", "reviewText": "Excellent, exceeded expectations.", "summary": "Five Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "vote": "6", "verified": false, "reviewTime": "06 26, 2012", "reviewerID": "AOCJVTOCJEFQY", "asin": "B000EJLWWC", "reviewerName": "Ratzrule", "reviewText": "I love this stuff I get sinus infections a lot and it helps clear stuff out when I get bad, and I only really need it maybe once every couple days since it really has a strong cleansing effect for my lungs.", "summary": "really helps clear lungs", "unixReviewTime": 1340668800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "AOC0RR9I3YW39", "asin": "B000LLHNV2", "style": {"Flavor:": " Cream of Mushroon"}, "reviewerName": "Daniel S.", "reviewText": "a little watery but very versatile as a base or as it is.", "summary": "Five Stars", "unixReviewTime": 1422921600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A3TFBHVF12XYFL", "asin": "B000FA3912", "style": {"Size:": " 6-Count Packs (Pack of 6)", "Flavor:": " Chips Ahoy! Thin Crisps"}, "reviewerName": "Savvy", "reviewText": "Love these for snacks. It's also surprising easy for me to stick to one pack and sometimes two. Love crunchy cookies.", "summary": "Love these for snacks", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A21RXXDHN1V4H9", "asin": "B0002TA77A", "style": {"Size:": " 20 Single-Serve Cups - 100% Kona"}, "reviewerName": "LisaCamdenNY", "reviewText": "We bought this coffee for my best friend who has everything and she just loved it! She always loved Kona, but when the crops went bad in Hawaii, she couldn't get it anymore, so this really thrilled her. I'll be back for more for her birthday. Beautiful packaging, too.", "summary": "Great Pure Kona Coffee", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A17BGQJI5YK0GT", "asin": "B000E4ALEW", "reviewerName": "Missleeyy", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": false, "reviewTime": "02 3, 2016", "reviewerID": "A35KQDYRXEGWE3", "asin": "B000YPMKXQ", "style": {"Flavor:": " Maple & Brown Sugar"}, "reviewerName": "Kristi D", "reviewText": "Delicious with raisins!", "summary": "Five Stars", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A143G1ZSVS9A0X", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "LoveYourMother", "reviewText": "High quality, fresh product.", "summary": "Excellent choice!", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A30Q9OVLLJHJU6", "asin": "B000P6J0SC", "reviewerName": "Marie Labosky", "reviewText": "I hate that I have to write a review for food", "summary": "Five Stars", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A1Q8QPOBEII2E1", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Amazon Customer", "reviewText": "If you like coconut water, you will like this!", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2013", "reviewerID": "A1CIF2X8LCYR94", "asin": "B000WGA9TO", "reviewerName": "Nathaniel T. Faulhaber", "reviewText": "This works well, has no clumps, and the flat part on the inside of the can makes measuring much easier. Highly recommended.", "summary": "great product and can design", "unixReviewTime": 1374624000} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2013", "reviewerID": "A2X1HGVMPX1PXN", "asin": "B000HDK0DC", "style": {"Size:": " 3 Ounce", "Flavor:": " Super Sour"}, "reviewerName": "Barry F. Stinson", "reviewText": "An interesting variety of flavors, all very appealing and delicious, and healthy, which is the added bonus. Pop one of these in your mouth when working at the computer... Highly recommended...", "summary": "Great snack.", "unixReviewTime": 1367712000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A3B6MTAWVL6WAR", "asin": "B000CONMBS", "style": {"Size:": " 1-Ounce Bags (Pack of 24)", "Flavor:": " Aged White Cheddar"}, "reviewerName": "Kaye", "reviewText": "I love the crunch and the texture....love the taste!", "summary": "Five Stars", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2012", "reviewerID": "ACGGG91TIHBYZ", "asin": "B000Y8Y8HY", "reviewerName": "Phil", "reviewText": "I just love these things. I buy them in Germany when I go. You can only buy them in the winter anywhere.\nThe price was not to bad. Shipping was quicker then I was told. Good job.", "summary": "These are the Best", "unixReviewTime": 1329609600} +{"overall": 3.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A1WZI4N6V5F0EC", "asin": "B000CL4MFQ", "reviewerName": "Francis", "reviewText": "I give to this product 3 starts because hard to chew.", "summary": "Hard to chew", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A28ZYCRLRN90TU", "asin": "B000LKTFYG", "style": {"Size:": " 3.2 Ounce (Pack of 12)", "Flavor:": " 65% Dark with Ginger"}, "reviewerName": "Ginnyk", "reviewText": "Great chocolate.", "summary": "Five Stars", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2014", "reviewerID": "A3NMT0XES7THFR", "asin": "B000R91FQM", "reviewerName": "Ashley", "reviewText": "I'm in love with this tea. Bergamot and tea are one of the best flavor combinations in the existence of taste, and Stash got this one right, as always!", "summary": "LOVE.", "unixReviewTime": 1397088000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "AJFNRXC21QJAT", "asin": "B000WS3APW", "style": {"Size:": " 1-Pack"}, "reviewerName": "chickadee", "reviewText": "The oregano is just as good as the thyme leaves that I ordered. They come undamaged and fresh. Would definatly get again.", "summary": "Also good", "unixReviewTime": 1389312000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2009", "reviewerID": "A1B1S3E3H3L7A3", "asin": "B000EHIWUE", "style": {"Size:": " 4-Count Bars (Pack of 6)", "Flavor:": " Chocolate Peanut"}, "reviewerName": "AmazonLover", "reviewText": "I have been a fan of these protein bars before ordering here. Now, getting them on autoship is just a bonus. I'm not a fan of processed foods in general but Love Kashi and just need that protein boost sometimes in a quick easy to-go version!", "summary": "A staple item", "unixReviewTime": 1233792000} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A18YVG8O3Z25W9", "asin": "B000NINEXY", "reviewerName": "Oanna", "reviewText": "Ok tea, but probably artificially flavored. The taste is not very powerful, and feels slightly chemical. I got spoiled by really good jasmin green tea, but the cost was four times the cost of the Sunflower tea, so you get what you pay for.", "summary": "decent taste, good price", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A3LZ7UPU83WQQA", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "CypressCa", "reviewText": "always a great product", "summary": "Five Stars", "unixReviewTime": 1446854400} +{"overall": 5.0, "verified": false, "reviewTime": "03 18, 2014", "reviewerID": "A2EWHC4E4NJWMI", "asin": "B000WSK5N2", "reviewerName": "Bargain Shopper", "reviewText": "I have been using flax seed 5 days a week because I heard it reduced cholesterol. After 1 year of use, my cholesterol went down 20 points. I am not sure if other supplements assisted with this but I am happy with the results.", "summary": "I think it works", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3FQOXKVXTOMBN", "asin": "B000IN0C3O", "reviewerName": "tina b. bromley", "reviewText": "These are so delicious, the expression you can't have just one comes to mind. I'm guilty...will be buying more", "summary": "Macarena nuts", "unixReviewTime": 1445040000} +{"overall": 3.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "A35KP4ROS9KWPO", "asin": "B0014C5N0U", "reviewerName": "GJY", "reviewText": "It's filling and tastes alright. Decent dessert to go with your lunch.", "summary": "Filling and tastes alright", "unixReviewTime": 1422057600} +{"reviewerID": "A2GNEHDD0BK06H", "asin": "B0016BS3BK", "reviewerName": "sdk", "verified": true, "reviewText": "Very good product and highly recommended when you can pick up the 12 pack for $24 or less. For some reason the price fluctuates greatly between $18 and $38 so be careful when purchasing.", "overall": 5.0, "reviewTime": "03 21, 2014", "summary": "Price Fluctuations", "unixReviewTime": 1395360000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2013", "reviewerID": "A3L636VUIVIEND", "asin": "B000E1FZHS", "style": {"Size:": " 16 Ounce (Pack of 2)", "Flavor:": " Lightly Salted Dry Roasted Peanuts"}, "reviewerName": "K. Fonte", "reviewText": "These are great because I prefer no salt and my husband salt, so lightly salted is a great compromise for both of us", "summary": "good flavor", "unixReviewTime": 1378598400} +{"overall": 1.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A36ZRSWIGBG6TJ", "asin": "B000HG8JNW", "reviewerName": "Dolores", "reviewText": "Like another reviewer said they are as hard as a rock so no telling if they are old or stored wrong but since the entire bag went into the garbage I will not be getting them again.", "summary": "probably won't buy again", "unixReviewTime": 1430697600} +{"reviewerID": "A9H2D1IBTHRWK", "asin": "B0012BSH9W", "reviewerName": "Elaine Farr", "verified": true, "reviewText": "I love this tea! It has a great taste and is a good substitute if you don't want coffee.", "overall": 5.0, "reviewTime": "02 15, 2016", "summary": "I love this tea", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "ABCG0QVUU6VW5", "asin": "B0001EJ4CU", "reviewerName": "Everglades", "reviewText": "What can I say.....The best like everyone else stated.", "summary": "There are no 3 stars only 4 or 5 stars", "unixReviewTime": 1475193600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A238RV4L8SVTSF", "asin": "B0016JKXGU", "style": {"Size:": " 100 Count (Pack of 5)", "Flavor:": " Green Tea"}, "reviewerName": "CJ", "reviewText": "We really like green tea and we use these products over the other commercial brand products for their flavor and the organic quality.", "summary": "Very good green tea", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A1I9MRVHQ29CO0", "asin": "B000EZOO30", "reviewerName": "RON K.", "reviewText": "What can I say, best Garlic powder ever. Nice taste of garlic.", "summary": "Best Garlic Powder ever", "unixReviewTime": 1477526400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A2N9RM2N97KLC1", "asin": "B000U0OUP6", "style": {"Size:": " 52 Ounce (Pack of 2)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "CJ", "reviewText": "Have had no problems... very satisfied with the product.", "summary": "very satisfied with the product", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": false, "reviewTime": "08 16, 2014", "reviewerID": "A3B2QJTIAE1Q37", "asin": "B0010BZZ08", "reviewerName": "Adampay", "reviewText": "We liked it. Out of two brands I bought, I think I liked this one the best.", "summary": "Out of two brands I bought, I think I liked this one the best.", "unixReviewTime": 1408147200} +{"overall": 5.0, "verified": false, "reviewTime": "02 9, 2016", "reviewerID": "A2O5JWQ2C7V3WV", "asin": "B00159NR3M", "style": {"Flavor:": " Organic Cranberry Orange"}, "reviewerName": "Welhem Mendoza", "reviewText": "Tastes great!", "summary": "Five Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A1X695YBE1G5BD", "asin": "B0009F3QL6", "style": {"Flavor:": " Chai Black"}, "reviewerName": "Carlos A.Benitez", "reviewText": "Excellent product, excellent price very satisfied with the quality of the product. i plan to buy again any time soon.", "summary": "Great!", "unixReviewTime": 1356652800} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2017", "reviewerID": "A1IS09GJPJV629", "asin": "B00099XOVO", "reviewerName": "Carey Probst", "reviewText": "Nice", "summary": "Nice", "unixReviewTime": 1503964800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A2M9Z11S0S9DBD", "asin": "B0011UN9T2", "reviewerName": "Suzan T", "reviewText": "This product just missed being a 5 star because it is in awful packaging with NO product information. It's good....I hope it's safe.", "summary": "Almost a 5 star", "unixReviewTime": 1362441600} +{"reviewerID": "A2HK1DT5IKI7KP", "asin": "B0014UFUKA", "reviewerName": "dbotanicals", "verified": true, "reviewText": "Arrived quickly and they are fresh.", "overall": 5.0, "reviewTime": "01 14, 2015", "summary": "Fresh", "unixReviewTime": 1421193600} +{"overall": 2.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A1LWUTV4ICB956", "asin": "B000P6J0SM", "reviewerName": "chlo", "reviewText": "$5 for 1b of Strawberries? I don't know why they are charging this much. it's not even farm-fresh quality..", "summary": "overpriced", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A3G7QD4OLV4FF4", "asin": "B000WS039S", "style": {"Size:": " 12-Ounce", "Flavor:": " Organic Mind Body Soul Whole Bean"}, "reviewerName": "L. Rosvold", "reviewText": "Non GMO and organic - can't go wrong here! Thanks!", "summary": "Non GMO AND organic - awesome!", "unixReviewTime": 1449619200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2014", "reviewerID": "A18019VLDBK0RN", "asin": "B0001M12SG", "style": {"Size:": " 8.8"}, "reviewerName": "Zoo", "reviewText": "This stuff is wonderful! Very fine grains and so much better than plain old table salt. I got it and the spicier version. Love it.", "summary": "O.M.G never use regular salt again.", "unixReviewTime": 1393027200} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2014", "reviewerID": "A1XYDI6ZZX12AV", "asin": "B000IMSSF4", "style": {"Flavor:": " Semi-Sweet Chocolate Chips"}, "reviewerName": "klu", "reviewText": "Nothing spectacular, but they are decent chocolate chips. Melt well in the microwave for various applications, works well in cookies. Taste is good.", "summary": "Decent chocolate chips--just like you buy in the store", "unixReviewTime": 1395878400} +{"overall": 2.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "A2GUYB80SIF2LL", "asin": "B000MHHDVK", "style": {"Size:": " .625oz (Pack of 32)"}, "reviewerName": "Andrea F.", "reviewText": "maybe i didn't read the description very well, but i was not pleased when i got these. the almonds are raw, which i don't like at all. i could handle unsalted if they were roasted, but these are bland and mealy. again, probably my fault for not reading...", "summary": "my mistake?", "unixReviewTime": 1388793600} +{"reviewerID": "A15U1Z3N0L3C12", "asin": "B0014EW4N2", "reviewerName": "Bugsy", "verified": true, "reviewText": "This stuff is going into the dog slop. I'll mix it in and fool the dog.\nHorrible taste with little pieces of some sort of meat. UGH!", "overall": 2.0, "reviewTime": "03 27, 2014", "summary": "Sickening", "unixReviewTime": 1395878400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1LOJ65IRS43TM", "asin": "B000EM6PG2", "reviewerName": "DHP", "reviewText": "this tastes heavenly as an iced tea!", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A2EHHG2CNECWNF", "asin": "B0001LO3FG", "reviewerName": "Hayley Oliveira", "reviewText": "Cannot go wrong, all of the different spices mix perfectly.", "summary": "Five Stars", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A1VZPC4XISH6AV", "asin": "B0005YX4WC", "reviewerName": "E. Pearl", "reviewText": "Very nicely priced - I love it with cottage cheese or on toast.", "summary": "Orange Marmalade by Smucer", "unixReviewTime": 1441497600} +{"overall": 2.0, "verified": false, "reviewTime": "02 22, 2014", "reviewerID": "AALKUZPVWGL0", "asin": "B0016CMVZI", "reviewerName": "Will P", "reviewText": "It's really hard to can prepared seafood meals. This and their salmon item (which is possibly worse) are no exception. The fish just plain taste bad. Buy their prepared meals that don't contain seafood.", "summary": "seafood products poor", "unixReviewTime": 1393027200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "AB1QQML1AKPZ2", "asin": "B000EDG598", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "Kindle Customer", "reviewText": "I am on a gluten free diet and I use almond flour in many recipes to replace flour. It makes an awesome crust for a chocolate tart.", "summary": "Works well in recipes calling for almond flour", "unixReviewTime": 1395446400} +{"overall": 3.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A3B5E4KBU6WEGJ", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "jjs", "reviewText": "I didn't care for the flavor, I was disappointed . I love coconut just about any way but this didn't have a lot of flavor. I won't get it again.", "summary": "I was disappointed. I love coconut just about any way but ...", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2013", "reviewerID": "A2IXAPWGXAPWVS", "asin": "B001534QYW", "style": {"Size:": " 12-pack", "Flavor:": " Raspberry Acai Green Tea"}, "reviewerName": "Tom", "reviewText": "I have been drinking various Celsius beverage flavors for over two years, and though I do not see any \"weight\" related benefits, I do enjoy the flavors. It is, however, high in caffeine and I do feel it.", "summary": "Refreshing Drink", "unixReviewTime": 1359072000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "AAPM3LWJU3OIP", "asin": "B000HDK0DC", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "R&M", "reviewText": "These are so good! I love all the different flavors.", "summary": "Five Stars", "unixReviewTime": 1429228800} +{"overall": 3.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A3QX27HMHGO743", "asin": "B000W73PH6", "reviewerName": "J. Lindsey", "reviewText": "Great flavor but too salty!", "summary": "Great flavor!", "unixReviewTime": 1489190400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2016", "reviewerID": "A1AR5R49LVBTQE", "asin": "B000WR2OF0", "reviewerName": "M.B. W.", "reviewText": "I make all my own salad dressings and recently found an excellent recipe for a poppy seed dressing. Thanks to this product my dressing is 100% organic.", "summary": "Organic dressing", "unixReviewTime": 1459900800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A1CLL0HYPLLGE", "asin": "B000HDJXLW", "style": {"Size:": " 14.5 Ounce", "Flavor:": " Diced, Fire Roasted"}, "reviewerName": "Cassi M.", "reviewText": "This product was delivered promptly and in perfect condition the flavor is amazing and good quality I recommend this product to everyone!", "summary": "Great product", "unixReviewTime": 1477353600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A23BF7PYYT23UK", "asin": "B000E9WB8G", "style": {"Size:": " 16 Ounce, 12 Pack"}, "reviewerName": "A. Gabriele", "reviewText": "Just the slightest cane juice flavor in the background. Very nice in good black espresso and in latte.\n\nI have also used \"Sucanat\" - \"dehydrated cane juice\" and its flavor is too strong for coffee and things like that, OK in things that can stand a molasses slant to them though.", "summary": "Great Tasting Sugar", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A2W46LAMVCGR06", "asin": "B000K7NOKG", "reviewerName": "anonymous", "reviewText": "Fabbri cherries bring back memories of Lazio!", "summary": "italian amarena cherries", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A1SBFI91YMPS9I", "asin": "B000U0OUP6", "reviewerName": "Orthodoxy", "reviewText": "Very nice easy open can. Fixes my sweet-tooth, too.", "summary": "Easy Open Can", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A35MRBCSB3APHJ", "asin": "B000WS1KI6", "reviewerName": "Lawdawgirl", "reviewText": "Great Coriander !!", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A22PJ6VAZ71GOC", "asin": "B000QCOALC", "reviewerName": "Amazon Customer", "reviewText": "We are Nutella lovers and I love packing these into my daughters lunch boxes! They are great snacks and they taste just as awesome! They arrived quickly too!", "summary": "We are Nutella lovers and I love packing these into my daughters lunch boxes", "unixReviewTime": 1497312000} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A3R2C1AK5LJDAC", "asin": "B000WHZEMK", "reviewerName": "jump Patricia", "reviewText": "good for what it is. perks the meat up.", "summary": "Good for what it is.", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A39UX2QQZLV6VJ", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Yerba Mate Mint"}, "reviewerName": "daniel bravo", "reviewText": "As soon as you open the box you can smell the mint. It's tastes great.", "summary": "It's tastes great.", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A16I4R4DT2L4MC", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "John M. Willis", "reviewText": "Good value", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "A2I15WYRLJZSV5", "asin": "B000FDDET6", "style": {"Flavor:": " Caraway Rye"}, "reviewerName": "Jannynet", "reviewText": "My hubby is a rye freak. I bought a new bread machine and wanted to try making rye loaves. This is a very flavorful and hearty rye loaf. He likes it. I'm not a big rye fan but enjoyed this when I tried it. I'll order it again.", "summary": "Tasty", "unixReviewTime": 1389225600} +{"overall": 4.0, "verified": false, "reviewTime": "02 17, 2015", "reviewerID": "A2OM4VC2GYCIXW", "asin": "B0016G1DQW", "style": {"Size:": " 1.41"}, "reviewerName": "Brad Porter", "reviewText": "I didn't like it on the first sip. The first sip had metal taste. But from the second sip on, it grew on me. Except for the first sip, there was an orange. I got this for free.", "summary": "Good", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "AFBNOYCRHQXPB", "asin": "B000QYGCYI", "style": {"Size:": " 648 Count", "Style:": " Refill"}, "reviewerName": "Donna", "reviewText": "These wipes are great! They don't tear midwife and get the job done.", "summary": "Five Stars", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A1JSGYN2LC4CR7", "asin": "B0005XNXBU", "reviewerName": "Rhonda B", "reviewText": "Delicious! We make pizza and pasta with this sauce, and it's consistently delicious every time. Great price on Amazon too. We're vegan and gluten-free and make wonderful pizzas with this sauce and Daiya cheese.", "summary": "Yummy & Great Price", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AG5OM487FBXEI", "asin": "B000E1FZHS", "style": {"Size:": " 12 Ounce (Pack of 4)", "Flavor:": " Cocktail (Lightly Salted)"}, "reviewerName": "marilyn g. bean", "reviewText": "Everything's great ...", "summary": "Five Stars", "unixReviewTime": 1476144000} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "AVELJ9BN3Y5NA", "asin": "B000C2ROG4", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "Joe B. Poole", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1439251200} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "01 9, 2011", "reviewerID": "A1XSPKZ8HHSBX2", "asin": "B00113ZTVK", "style": {"Size:": " Pack of 12"}, "reviewerName": "Problematic1963", "reviewText": "my daughter is vegetarian and we got 3 different kinds of those bouillon cubes at a local health food store. The Chick'n one had the best flavor so we order a big box of those . It tastes the same then a regular bouillon without any meat in it. great product !", "summary": "vegan bouillon", "unixReviewTime": 1294531200} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A31KK2084556YB", "asin": "B000WR4SB8", "reviewerName": "MICHELLE MOORE", "reviewText": "Great Product!! will buy again!!!!", "summary": "Great Product!!", "unixReviewTime": 1409788800} +{"overall": 4.0, "verified": false, "reviewTime": "08 21, 2008", "reviewerID": "AVKUS8A25FPPW", "asin": "B000W2DSO6", "reviewerName": "Elaine Hayes", "reviewText": "These easily portable packs are great for on the go, at work, wherever. The coffee, for instant, is good, and they are very handy! Recommended", "summary": "Good and Portable", "unixReviewTime": 1219276800} +{"overall": 5.0, "verified": false, "reviewTime": "07 17, 2017", "reviewerID": "A6GKM0CWB4INF", "asin": "B000P6H2BY", "reviewerName": "Amazon Customer", "reviewText": "Fresh beautiful bunch of parsley. I have already bought it many times.", "summary": "Five Stars", "unixReviewTime": 1500249600} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2016", "reviewerID": "A1A4Z7C4SHGGKL", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "RJ", "reviewText": "Very delicious. A new favorite.", "summary": "A new favorite.", "unixReviewTime": 1473552000} +{"overall": 3.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A3IZ7ND40W8AN0", "asin": "B0000SXENM", "reviewerName": "Danny", "reviewText": "I would prefer a stronger, more natural lemon taste. The last batch I made of this flavor did not get thick enough, despite my care in using cold skim milk, etc.", "summary": "May not set up if you're not careful", "unixReviewTime": 1374883200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "AII60O8R253O", "asin": "B0012BSDNW", "reviewerName": "M. Smith", "reviewText": "I can't believe how deep the color of the tea I make with those flowers is.", "summary": "Add some color to your life (tea, that is)", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "A34AJUVJN5KBY8", "asin": "B000JSSOCY", "reviewerName": "Ted", "reviewText": "An essential for any table, I could spread this thickly on bread and eat it without anything else on top.", "summary": "Indian nectar", "unixReviewTime": 1377907200} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A2HHVR4QB6IKL6", "asin": "B000WV0RW8", "reviewerName": "momto6", "reviewText": "Worked great to make refrigerator oatmeal. Great price and arrived on time.", "summary": "will buy again", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A2S97UCWHGOKY4", "asin": "B0001LO3FG", "style": {"Size:": " 50 Count", "Flavor:": " Irish Breakfast"}, "reviewerName": "nursehealer", "reviewText": "YUM", "summary": "Five Stars", "unixReviewTime": 1519862400} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A1DWW56C0W0A0I", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Muscle Recovery"}, "reviewerName": "Amazon Customer", "reviewText": "I love this tea. It always leaves me feeling refreshed and invigorated and it's delicious!", "summary": "Love this tea", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "AAH3WNCZLQX1I", "asin": "B0000DHZY1", "style": {"Size:": " 6 Ounce"}, "reviewerName": "warren kimmel", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "ALOZCFDT43XJ7", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Original"}, "reviewerName": "Amazon Customer", "reviewText": "Awesome!", "summary": "Five Stars", "unixReviewTime": 1523491200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A174X51AGFWAMW", "asin": "B000YN2GVY", "reviewerName": "SS", "reviewText": "I don't really know what I can say for this wonderful vinegar.\nI use it for a lot of things around the home and just love it.\nIt's great in salad dressing or in some drinks I know that sounds off but ja I do drink it lol.", "summary": "I love it!", "unixReviewTime": 1400716800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "A5L1DFVIC7C22", "asin": "B000GHJJVI", "style": {"Color:": " old-1"}, "reviewerName": "adobe goddess", "reviewText": "This has a wonderful unique taste. It allows me to use much less oil when I cook chicken because of the great flavor.", "summary": "Great taste", "unixReviewTime": 1361318400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "AQHMV3MEFCRHY", "asin": "B000FIXYB4", "style": {"Size:": " 20 Ounce ( Pack of 4 )"}, "reviewerName": "Glenn Garland", "reviewText": "What can I say it's Dinty Moore. It's good.", "summary": "Good", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3F0UW1UFZ8K5W", "asin": "B0005XNHMK", "reviewerName": "Don Mc", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "AF85BX6IRGLCT", "asin": "B000RDN8NQ", "reviewerName": "Alice", "reviewText": "These candies were unexpectedly tasty!", "summary": "Yummy", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "AY1C6ZMFR1M25", "asin": "B000FAB4GE", "reviewerName": "CatK", "reviewText": "Takes me back to that summer I lived in Ireland...", "summary": "Five Stars", "unixReviewTime": 1465603200} +{"overall": 4.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A12GCONT4KDDM6", "asin": "B0014EOU4S", "style": {"Size:": " 11.5 Oz", "Style:": " Pack of 24"}, "reviewerName": "Theresa", "reviewText": "I like the potassium level in the juice, its delicious when its cold.", "summary": "Four Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "A3610U4ZX0GMEK", "asin": "B000H26J7E", "style": {"Size:": " 3.5-Ounce Packages (Pack of 12)", "Flavor:": " A Touch of Sea Salt Dark"}, "reviewerName": "GHitch", "reviewText": "Wasn't a big dark chocolate fan until recently. This is by far my favorite chocolate and flavor. You will really enjoy the sea salt.", "summary": "Best Chocolate Ever", "unixReviewTime": 1392768000} +{"overall": 1.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A2SBWSD2GJKJB5", "asin": "B000F6WRYG", "style": {"Package Quantity:": " 1"}, "reviewerName": "pinetopgal", "reviewText": "Smells great ,dose not taste good", "summary": "Smells great, dose not taste", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2OJ3DFBR2QGT8", "asin": "B000E283KS", "reviewerName": "James Strozewski", "reviewText": "Great and fast shipping", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A2FAAXZ8AWWEOD", "asin": "B000HDMW9M", "reviewerName": "Robin", "reviewText": "We all know seafood is good for us but the oil it is packed in maters too. Season is one of the few brands that packs in 100% olive oil.", "summary": "Delicious and good for you", "unixReviewTime": 1387324800} +{"overall": 1.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A11GWQ771BXHQX", "asin": "B000WR4SJ0", "reviewerName": "Rebecca Blankinship", "reviewText": "The jar came with no lid.", "summary": "No lid", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A373NEBNIHRBGN", "asin": "B000XDJU0A", "style": {"Size:": " 10 oz."}, "reviewerName": "Angela wilburn", "reviewText": "Very good to make pho", "summary": "Yum", "unixReviewTime": 1479945600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 2, 2013", "reviewerID": "A2ET0V06QC9EF2", "asin": "B000OIT8T2", "reviewerName": "Robert A. Ladner", "reviewText": "These are Skittles. I buy this bag to fill a candy machine in my front office, and it's cheaper than buying at other web sites or retailers in my area.", "summary": "It's a big bag of Skittles. what else is there to say?", "unixReviewTime": 1383350400} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "AAGKBVPMMSMLZ", "asin": "B000B6J54U", "reviewerName": "kdero", "reviewText": "Spicy.", "summary": "Four Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A1F676EKEC3VJN", "asin": "B0016AZH4M", "reviewerName": "000000", "reviewText": "got plenty.. grea product.", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A18KUEAGS3OGVI", "asin": "B000HDK0DC", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "A. Garoff", "reviewText": "Best of the best!", "summary": "best", "unixReviewTime": 1411689600} +{"reviewerID": "ANCCWNC7MLF1J", "asin": "B001651282", "reviewerName": "Charly", "verified": true, "reviewText": "Product is ok, but delivery was not. You claimed 12 pack delivery. It was only 11 pack delivery, one pack was missing. Not good.", "overall": 3.0, "reviewTime": "05 22, 2017", "summary": "Not good.", "unixReviewTime": 1495411200} +{"overall": 2.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A1APA62N77H3XK", "asin": "B000F3Q6W8", "reviewerName": "Lauren", "reviewText": "THEY ARE MINI/SMALL GUM BALLS!!!!! I needed to refill my gum ball machine and thought these were full size gum balls. Needless to say, they did not work and I had to buy the large ones elsewhere.", "summary": "SMALL GUM BALLS!!", "unixReviewTime": 1385856000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A2CTTPSFVCPOTU", "asin": "B000MT8FK6", "style": {"Package Quantity:": " 1"}, "reviewerName": "Sheryl Barton", "reviewText": "First tried this at a parade as a free hand out and had to find it for myself. It is a soft Big Hunk. Lovely mild flavor.", "summary": "Delicious", "unixReviewTime": 1390521600} +{"reviewerID": "AUQFMDA6XZKED", "asin": "B000CQ01GU", "reviewerName": "LateReviewer", "verified": true, "reviewText": "Who knew mac and cheese could be so good...", "overall": 5.0, "reviewTime": "08 23, 2016", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 4.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "AH14DCWC3932C", "asin": "B000CQ01NS", "style": {"Color:": " Mwo", "Flavor:": " White Cheddar"}, "reviewerName": "Balbini", "reviewText": "This mac and cheese has a really smooth taste. The cheese is not overpowering like in other mac and cheese kits.", "summary": "Nice.", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "AO80AC8313NIZ", "asin": "B000168QTU", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Roastaroma"}, "reviewerName": "kYpondman", "reviewText": "My wife loves this stuff so it must be good. LOL", "summary": "Makes my wife happy so it makes my life happy.", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": false, "reviewTime": "09 9, 2014", "reviewerID": "A3IGG1SFU33VCZ", "asin": "B0009F3PJE", "style": {"Flavor:": " Organic Smooth Move"}, "reviewerName": "PWORD", "reviewText": "Very effective I take this tea daily works great", "summary": "I love it", "unixReviewTime": 1410220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A166JL2POXBAE5", "asin": "B000GARX3G", "style": {"Size:": " 19 Ounce"}, "reviewerName": "Sara", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A3L7E84BLLYIAD", "asin": "B000P6MSOU", "reviewerName": "Kim G", "reviewText": "Product as described", "summary": "Five Stars", "unixReviewTime": 1504656000} +{"overall": 4.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "AWUTC5XCTT4VF", "asin": "9742356831", "reviewerName": "V. A. Tipnis", "reviewText": "This tastes just like in Thai restaurants", "summary": "Four Stars", "unixReviewTime": 1435968000} +{"overall": 4.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "A30NE2641BQAIA", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Rita", "reviewText": "I was going to send this back because I cancelled right after ordering. I even received a confirmation. The item was sent anyway. I kept it for a week b/f opening. The product is solid & creamy. Taste pretty good. I hope that it doesnt continue to harden.", "summary": "Cancelled order but you sent it anyway", "unixReviewTime": 1524441600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A17O9AHKHK66AI", "asin": "B000YN2GVY", "reviewerName": "A", "reviewText": "If you are using apple cider vinegar for health reasons, this is definitely the brand you want. It is raw, organic, unfiltered, and comes in glass. Not plastic.", "summary": "Best ACV with the Mother", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "A1Z405PBLUAG2T", "asin": "B000HLCKC8", "style": {"Size:": " 18.8 Fl Oz"}, "reviewerName": "Sheila", "reviewText": "love it!", "summary": "Five Stars", "unixReviewTime": 1492387200} +{"overall": 3.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A1V4V3B9QBXDX1", "asin": "B000E48IPG", "style": {"Flavor:": " Corn Puffs"}, "reviewerName": "Fussy", "reviewText": "These are OK, but they don't have a lot of flavor. Good for a change of texture, though.", "summary": "OK", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A2OOE11F4SE33A", "asin": "B000LWCR26", "style": {"Size:": " 3 Count", "Flavor:": " Moroccan Mint"}, "reviewerName": "Dayzee D", "reviewText": "Gave as a gift and was well liked for good flavor.", "summary": "Gave as a gift and was well liked for good flavor.", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A3MPJUO2SA3TUM", "asin": "B0009MK7NO", "reviewerName": "Joyce", "reviewText": "Best pancake mix ever. My whole family requests this for Christmas and birthday gifts. Yummy.", "summary": "Delicious", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A193MU75VR3QFI", "asin": "B000X3TPHS", "reviewerName": "L.C.-H.", "reviewText": "Nephew says he LOVES these.", "summary": "Healthier alternative", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A229B0Q7M7INLH", "asin": "B000H226N0", "reviewerName": "Arnel B.", "reviewText": "Item as described, service as expected.", "summary": "Five Stars", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "AEJ4MVDD54AA2", "asin": "B0000CFPI2", "style": {"Flavor:": " Teriyaki"}, "reviewerName": "Susan P. Ditta", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A34TAXH2TR0DDG", "asin": "B000N7YKQK", "style": {"Size:": " 1 Pack"}, "reviewerName": "Barb6298", "reviewText": "Love it", "summary": "Five Stars", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A2U3QUM1VRR8SG", "asin": "B000GIZAS8", "style": {"Size:": " 1.5 Lb"}, "reviewerName": "Frank D. Adams", "reviewText": "Very good product! Quite tasty!", "summary": "Tasty product - good buy", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A1QVYS9S2GTRIS", "asin": "B0014M1VR4", "reviewerName": "shiva haridas", "reviewText": "Much better then the Mac nut oil I can buy here in Hawaii, which is flavorless compared to this brand. This has a strong flavor, good stuff.", "summary": "Good stuff", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": false, "reviewTime": "01 11, 2016", "reviewerID": "A2X141MIPRAF1M", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Amy", "reviewText": "I bought a giant jar of these years ago for my niece and she loved them. Now that my son is old enough for treats you can bet your sweet @&($) that these were the first lollipops I purchased for him. They're delicious and! best of all, made with 100% fruit juice and are organic.", "summary": "... of these years ago for my niece and she loved them. Now that my son is old enough ...", "unixReviewTime": 1452470400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "AOEB8CHAQL93O", "asin": "B000VQDABY", "style": {"Size:": " (30 pack)"}, "reviewerName": "T.J.K.", "reviewText": "So addicting. By far my favorite ramen yet.", "summary": "By far my favorite ramen yet", "unixReviewTime": 1502755200} +{"overall": 3.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A1AFL3RAGW9OGP", "asin": "B000VZTTQ0", "reviewerName": "Lhfitz", "reviewText": "Just ok - not as good as the licorice toffee.", "summary": "Three Stars", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2018", "reviewerID": "A1XD3P2TRHT69E", "asin": "B000E46GG4", "style": {"Size:": " 14 Ounce (Pack of 6)", "Flavor:": " Apple Cinnamon"}, "reviewerName": "Amazon Customer", "reviewText": "My family enjoys this oatmeal. All natural and the sugars are from cane juice and still not too high...14 gm per serving. I'd prefer less than 10, but overall, everyone is getting a good breakfast.", "summary": "everyone is getting a good breakfast.", "unixReviewTime": 1520726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A3UA3UJBQFZDQQ", "asin": "B00099XOQO", "style": {"Size:": " Pack of 12", "Flavor:": " Butter & Herb"}, "reviewerName": "Stephenie", "reviewText": "yummy", "summary": "Five Stars", "unixReviewTime": 1437696000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A3SDDMEUMCN858", "asin": "B000FA1HBQ", "reviewerName": "Joey Joe Joe Jr. Shabadoo", "reviewText": "It is sticky rice. Do you like purple sticky rice? If so, you will like this rice. I'm not a big fan of sticky rice, as it turns out. My wife loves it, though, and she's quite satisfied with this stuff.", "summary": "It certainly is purple sticky rice.", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "A1ALXF63EFFIFP", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Great Santini", "reviewText": "This is my first purchase from Simply Organic. I have been very impressed with the flavor of the garlic. A clean garlic taste. I will be buying more of the garlic and I will be trying other Simply Organic products in the future. A good garlic at a nice price.", "summary": "Garlic Powder at its Best", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A3TU4S65QUF1US", "asin": "B0013RV72E", "style": {"Size:": " 16 oz"}, "reviewerName": "Stacy", "reviewText": "Amazing taste and so easy to mix up. I add it to teas and use it to make smoothies. Will def. purchase again!", "summary": "Great taste!", "unixReviewTime": 1458604800} +{"overall": 4.0, "verified": true, "reviewTime": "09 23, 2013", "reviewerID": "A1MJ187SQLR6K4", "asin": "B0009F3SDC", "style": {"Flavor:": " Joint Comfort"}, "reviewerName": "diasha78", "reviewText": "We don't drink it enough to see a difference in joint pain but we do like the taste very much.", "summary": "Good taste.", "unixReviewTime": 1379894400} +{"reviewerID": "A2JEI0M9C833VB", "asin": "B000GJQ5C2", "reviewerName": "Lewis A. Jones", "verified": true, "reviewText": "Every home should keep one of these cakes in supply. Cared for properly, these cakes are long lasting, retaining their softness.", "overall": 5.0, "reviewTime": "08 15, 2015", "summary": "Wonderful", "unixReviewTime": 1439596800} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2017", "reviewerID": "A17HEOSF3H7JSO", "asin": "B000CL4MFQ", "reviewerName": "M. Smith", "reviewText": "Nice flavor but it doesn't last as lost as regular gum. However, the xylitol is good for the teeth.", "summary": "Four Stars", "unixReviewTime": 1507420800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A3EL7Z6T35OGZ0", "asin": "B0000W0GP2", "reviewerName": "Brett W.", "reviewText": "This extract does not even sit on the same scale as any other vanilla extracts.", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "AOC7NU1QQCBF7", "asin": "B000EDK7ZQ", "style": {"Size:": " 8 Ounce"}, "reviewerName": "Miss Lillie", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1407024000} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "ATW9780A01S7J", "asin": "B000QGCM04", "style": {"Flavor:": " Nacho"}, "reviewerName": "Magix", "reviewText": "The only thing is annoying about this pack is the size. too small for me.\nThe taste was good and it was fresh enough for me!", "summary": "Good taste, But Small!", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A1EZGJX03IVODA", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Research Queen", "reviewText": "Great! Taste like whole fruit, not too sugary. Great option for family.", "summary": "Great!", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2011", "reviewerID": "A27ODQ434BH8VB", "asin": "B000WR22CA", "reviewerName": "Zekesgirl", "reviewText": "I grew up on Lyle's syrup and love the delicious smooth taste. It's not easy to find in stores so I was thrilled to see Amazon carry it. Although it's not inexpensive, it does last for a long time, so all in all, it's a good value. Thanks Amazon!!", "summary": "Delicious Golden Nectar!!", "unixReviewTime": 1315785600} +{"overall": 4.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "A29OP8USEBN7UH", "asin": "B0010EIIPE", "reviewerName": "Man from Norfolk VA", "reviewText": "Everything about the candy was delicious. The packaging was horrible at best. The box was crushed and some of the candies were damaged. The packaging material was of the cheap thin cardboard.", "summary": "candy was great!", "unixReviewTime": 1366502400} +{"reviewerID": "A1I1YMVOQ2XWBB", "asin": "B000F4DKAI", "reviewerName": "Jedana", "verified": true, "reviewText": "Not as spicy as the chai I drink, but very good. The longer the tea bag sits, the better it tastes.", "overall": 4.0, "reviewTime": "11 23, 2013", "summary": "good", "unixReviewTime": 1385164800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2011", "reviewerID": "A1ZK5P0EOE727F", "asin": "B0009PCPL8", "style": {"Size:": " 16 Ounce"}, "reviewerName": "Denise M. Everett", "reviewText": "I like this ranch salad dressing. I not only use it for salads but for sandwhiches in place of mayonaisse. I have eaten this product for a long time and enjoy it alot!", "summary": "Good salad dressing", "unixReviewTime": 1296950400} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "A2Y0Y40WLZREQB", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Ondine", "reviewText": "Completely delicious! I'm putting it in diet cola as I transition away from sugary cola. This really helps mask or even neutralize the bitter taste of aspartame. I've tried the Vanilla Cream and the Cola flavors and both are terrific. Highly recommended!", "summary": "Yummy yummy yummy", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "AMA0IJM6UD348", "asin": "B0014ET2MI", "style": {"Flavor:": " Healthy Request Chicken & Sausage Gumbo"}, "reviewerName": "Grumpy", "reviewText": "There are any number of good canned soups on the market, but this has become my favorite and it's the only one I give 5-stars to. Why? Simply because it pleases my sense of taste. I think it's the best of the Campbell's Chunky soup series. That's my story and I'm sticking to it!", "summary": "My Favorite Canned Soup", "unixReviewTime": 1388620800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1RJ1YNCNIBN6G", "asin": "B000X3TPHS", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "maria", "reviewText": "I love it", "summary": "Five Stars", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": false, "reviewTime": "04 23, 2009", "reviewerID": "AFM8HGCK7GHGB", "asin": "B000EMQFY4", "style": {"Size:": " Pack of 12", "Flavor:": " Fruit and Nut"}, "reviewerName": "S Young", "reviewText": "I normally don't care for these healthy granola-type bars, but this one is really good. It has enough fruit in it to keep it from being like sawdust, and is actually a bit chewy and sweet without being overwhelming. I would buy this again.", "summary": "Good Stuff", "unixReviewTime": 1240444800} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2018", "reviewerID": "A2JX9PDB3KDM6S", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Henry", "reviewText": "really tasty", "summary": "Five Stars", "unixReviewTime": 1524787200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A3OQ4I8U6TYCVE", "asin": "B00016XJM4", "style": {"Size:": " 1 Pound"}, "reviewerName": "DIY Mom", "reviewText": "Taste is great, helps add savory tastes to every kind of cooking. Big ingredient in flavor and nutrition of home made baby formula via nourishing traditions recipe...many uses, lovely fresh meaty/nutty smell and taste. Will buy again!", "summary": "yummy", "unixReviewTime": 1417046400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2013", "reviewerID": "A3HZ1UQ0Z5Z91N", "asin": "B000EZUHD6", "reviewerName": "Garry J. Polled", "reviewText": "I'm 70+ now and have been eating Branston Pickle for as long as I can remember. It used to be available in some grocery stores; in the USA, but it's easier to just order it from Amazon now. With cheese or cold meat there's nothing to compare.", "summary": "Branston Pickle a lifelong devotee", "unixReviewTime": 1362700800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2013", "reviewerID": "A2ZPX9JG9JXMS8", "asin": "B000DZH19U", "style": {"Flavor:": " Pecan Shortbread"}, "reviewerName": "kathysue", "reviewText": "Pamela's products hit. I always loved pecan shortbread cookies and I am grateful for a gluten free product with flavor that rivals any gluten product.", "summary": "Tasty", "unixReviewTime": 1374796800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A2DXMTUW1IDZ52", "asin": "B00061KYLS", "style": {"Size:": " 11.2"}, "reviewerName": "BOB", "reviewText": "DIP , GREAT ! SANDWICH SPREAD , GREAT ! ON FISH , GREAT ! ON PRIME RIB , AWESOME !", "summary": "GREAT! SANDWICH SPREAD", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A1BBRR3ORKSCMU", "asin": "B0009F3PM6", "reviewerName": "zapper", "reviewText": "Good for reducing cholesterol", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "ARL4OFT8HOQ3H", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "Jean E Campanile", "reviewText": "Daughter loves it", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A3U89F9I2649UT", "asin": "B0012JNRKS", "style": {"Flavor:": " Iced Oatmeal Cookie"}, "reviewerName": "JMARIE", "reviewText": "Grandkids love to get these on Subscribe and Save.", "summary": "Yummy!", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A3LGF51S7AWHNC", "asin": "B000HDL1KI", "style": {"Flavor:": " Sesame Teriyaki"}, "reviewerName": "Amazon Customer", "reviewText": "I love this! It is tasty and filling. I would recommend it, but remember everyone has different taste. I have ordered several boxes (six bowls per box) and I cannot keep any in stock.", "summary": "I love this! It is tasty and filling", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "ADI9ND69278JY", "asin": "B0001M0Z6Q", "reviewerName": "Alex", "reviewText": "Great value, great scent, totally worth it. Try adding a dozen uncracked peppercorns into a soup or stew and see the flavor develop! Great!", "summary": "Great value, great scent", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2017", "reviewerID": "A3VDBO4BMDCHBR", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 4)", "Flavor:": " Peach"}, "reviewerName": "Robin Warren", "reviewText": "This is a 4-pack at a wonderful price. I love putting this in my tea, and sometimes I may add 1-2 capfuls of lemon juice. I love this!!!", "summary": "I Love The Peach In My Tea!!!", "unixReviewTime": 1494720000} +{"overall": 3.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A137RMUCHGTUL8", "asin": "B000IZ3GXA", "style": {"Package Quantity:": " 1"}, "reviewerName": "larry parise", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A3U5GEJ59PJH5R", "asin": "B000DZE0XK", "reviewerName": "Patrick Henry", "reviewText": "Was a gift to others. Trust they enjoyed.", "summary": "Trust they enjoyed.", "unixReviewTime": 1469750400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71wX+fvo-PL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "08 10, 2017", "reviewerID": "A2DBPPYX7W85HT", "asin": "B000W5BS9K", "style": {"Size:": " 1 Pack"}, "reviewerName": "Corgi Lover", "reviewText": "Package came in perfect condition, I first tried this stuff when my mom brought it back from the Phillipines. It's a perfect sweet and creamy instant coffee, no milk needed! My bag came in good condition, I'm so happy!!!!!!!", "summary": "Love this coffee!!!!", "unixReviewTime": 1502323200} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A3TBT2YJYVAN0Y", "asin": "B000F6SNPS", "style": {"Size:": " 18 Count (Pack of 6)", "Flavor:": " Citrus Kiss", "Style:": " Green Tea"}, "reviewerName": "lunarchi", "reviewText": "We really enjoy the Good Earth Citrus Kiss decaf tea. However, be aware that it is not the same as the older Good Earth green tea with lemon grass flavor. It's still good, but it is different, with a more citrus taste.", "summary": "New Tea from Good Earth", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A37XB2XVSQQKYV", "asin": "B0013JNMWA", "style": {"Size:": " 10"}, "reviewerName": "Theta Cerveri", "reviewText": "Way too salty; however I do use it in a lot of my cooking, I like using vinegar in place of heavily salted and wish this product had less salt in it, but I just adjust the other flavors to make the finish tasty.", "summary": "Two Stars", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "AQHUNQBU7QRDS", "asin": "B000V992TU", "style": {"Size:": " 11.0 Ounce", "Flavor:": " Milk Chocolate"}, "reviewerName": "tantalumgirl", "reviewText": "I love Raisinettes, best candy/snack ever as far as I'm concerned. Delicious and addictive, I keep a bag in my fridge. I was also impressed by the way they were shipped by Amazon in the warm weather, with a cold pack around them. Good job Amazon!!", "summary": "best-candy-ever", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A14FS5F4Z39D61", "asin": "B0001ES9FI", "style": {"Size:": " 18ct (Pack of 4)", "Flavor:": " Dark Roast"}, "reviewerName": "Sig", "reviewText": "Very good, strong coffee. I keep buying it", "summary": "when you need a good strong coffee", "unixReviewTime": 1491004800} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "AMJA88W7DASG5", "asin": "B000GW0U9I", "style": {"Size:": " 3.25-Ounce Bags (Pack of 4)", "Flavor:": " Teriyaki"}, "reviewerName": "dutchgirl", "reviewText": "My dog has a wheat allergy eats these. I give them when I leave home as a treat. He likes them so well he wants me to leave:)", "summary": "My dog has a wheat allergy eats these. I ...", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "AGQKTV09L8K78", "asin": "B0015MGC1I", "reviewerName": "SLP", "reviewText": "Not a strong or robust flavor. I prefer Crema e Gusto.", "summary": "Four Stars", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A1Q7GPP36PMC59", "asin": "B000WR2F0Y", "reviewerName": "v guthrie", "reviewText": "great for filling the small bottles", "summary": "buy in bulk and save", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A1FZ1TY0A3AIPK", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Blueberries"}, "reviewerName": "Amazon Customer", "reviewText": "A OK", "summary": "Five Stars", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A1UEN7RDP1FJTI", "asin": "B000YF9944", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "BBD", "reviewText": "THE VERY BESTEXCELLENT EVERYTHING!!!", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2SE2US0VY8ZV0", "asin": "B000HDD0PC", "reviewerName": "Daniel E", "reviewText": "Great flavor like a great deli mustard.", "summary": "Gulden's Spicy Brown Mustard, 12 Oz", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "AKQIBRCHEOUFV", "asin": "B000LSZB4Q", "style": {"Size:": " 20 Pack", "Flavor:": " Natural Cinnamon", "Package Type:": " Standard Packaging"}, "reviewerName": "Courtney Walton", "reviewText": "Another great product from Spry. Excellent flavor and a great add on for tooth protection.", "summary": "Cinn-amony", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A2VEBN2F29GE1T", "asin": "B000EDG598", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "Amazon Customer", "reviewText": "Love this. Super convenient for Paleo baking. A+", "summary": "Five Stars", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A1IEHDHGXGM0XM", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "ritename", "reviewText": "The only problem that I have is that it doesn't \"disappear\" in some drinks. Other that, I am very happy with the taste.", "summary": "Better than sucralose and the other ose's", "unixReviewTime": 1465516800} +{"overall": 1.0, "verified": true, "reviewTime": "11 1, 2010", "reviewerID": "AIRP6LXD1S0YG", "asin": "B000FFRTYK", "reviewerName": "J. Prior", "reviewText": "I am sorry to say this is not a product I would recommend. It is easy to get ready BUT the taste leaves much to be desired. I really hate to say this. This is a true statement.", "summary": "Not a good product, Sorry.", "unixReviewTime": 1288569600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A29MIDSNTOJQU0", "asin": "B000YN2GVY", "reviewerName": "susieq", "reviewText": "Love this product!!!", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A1CT6MLYNBG3L4", "asin": "4639725043", "reviewerName": "Expo Reviews", "reviewText": "This is the best flavor tea for iced tea I have found.\nAdd a little jasmine tea or other flavoring. Most pre-flavored teas are too strong flavoring.\nUse this tea with a small amount of valilla or other tea, and you can get a great iced tea with just a hint of other flavor!", "summary": "Great for Iced Tea", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2017", "reviewerID": "AY7BQWKPH4PSS", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "JH", "reviewText": "Love this company and love this tea. Good hot or iced. Just a really good Oolong tea.", "summary": "Lovely Oolong", "unixReviewTime": 1491868800} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A341ZDZ1NVJ7Q0", "asin": "B000F3N7AC", "reviewerName": "MV", "reviewText": "I have found it somewhat unnerving that the Splenda packets came packaged in a plain cardboard box. Makes me wonder if it's real or a knock-off, and wonder if there really is 1000 packets. Every seems fine it's a perception though.", "summary": "Not fond of the packaging", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AFXPLFHDBZNF2", "asin": "B000E6LBXK", "style": {"Size:": " 400 Count"}, "reviewerName": "DEBORAH MILLER", "reviewText": "Good for diabetes. Yes i would recommend it", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "03 31, 2011", "reviewerID": "AG1JWQCP2UKI7", "asin": "B0014H17LO", "style": {"Size:": " 12", "Flavor:": " Cheese"}, "reviewerName": "KGS", "reviewText": "I liked Bellino's spinach gnocchi so thought these would be good. Unfortunately, they just taste like plain dough. I'll use them in soup and rely on the soup for flavor, because on their own these gnocchi have no flavor, and most certainly NO cheese flavor at all.", "summary": "Where's the cheese?", "unixReviewTime": 1301529600} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A5F9KZIU02M6B", "asin": "B000F5429A", "style": {"Size:": " 7.7-Ounce", "Flavor:": " Assorted"}, "reviewerName": "Bill Garrett", "reviewText": "was a gift", "summary": "Five Stars", "unixReviewTime": 1449619200} +{"overall": 5.0, "verified": false, "reviewTime": "10 12, 2014", "reviewerID": "AJJQCWJ8AV6OO", "asin": "B000O9WEY2", "reviewerName": "keepingitreal", "reviewText": "We found this great price for the oatmeal from Amazon. We love oatmeal and I am sure we will purchase more. Thank you", "summary": "Love it", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "A53AN5EPQPSUB", "asin": "B000E1HUVC", "style": {"Size:": " 6.25 Ounce (Pack of 1)", "Flavor:": " Macadamia"}, "reviewerName": "ziofran", "reviewText": "love the taste and the price", "summary": "Five Stars", "unixReviewTime": 1412380800} +{"overall": 4.0, "verified": false, "reviewTime": "09 20, 2014", "reviewerID": "A1BZMZ4RGIAI65", "asin": "B00024D3JE", "style": {"Size:": " 24 - 1.23 oz (35 g) bars [29.63 oz (840 g)]", "Flavor:": " Protein Rich"}, "reviewerName": "Lela Kay", "reviewText": "Like these protein bars, I do realize however they are pretty high in sugar and not really all that high in protein for the calories. They make for a good snack and I think if you were hiking all day they'd be appropriate.", "summary": "Tasty snack", "unixReviewTime": 1411171200} +{"reviewerID": "A11LQWMQ9RSC86", "asin": "B000FRUMBK", "reviewerName": "Jay", "verified": true, "reviewText": "Our family loves this, tastes great and a great alternative for vegetarian's protein intake.", "overall": 5.0, "reviewTime": "02 20, 2015", "summary": "Tastes Great.", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A4UDA8VI9SD2Q", "asin": "B000EVMNMI", "style": {"Flavor:": " Happy-Cola"}, "reviewerName": "Crystal Grey", "reviewText": "Candy arrived fresh.", "summary": "Five Stars", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2013", "reviewerID": "A3MPD0440KBPL0", "asin": "B000PKYVQ4", "style": {"Size:": " 12 Ounce Jars (Pack of 2)", "Flavor:": " Raspberry Seedless Preserve"}, "reviewerName": "ingrid szabo", "reviewText": "after trying many different brands of seedless raspberry preserves, this is the first one which tastes like the real berries.", "summary": "delicious, just like the berries i used to pick in the woods.", "unixReviewTime": 1374883200} +{"overall": 4.0, "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A1SOYRQZOS9H2N", "asin": "B000YN2GVY", "reviewerName": "GeeBee", "reviewText": "yep, just like they say, it's vinegar! Nothing else to say about it, using it as a 'mother culture' thats all, nothing yet after a couple of weeks.", "summary": "It's vinegar!", "unixReviewTime": 1364601600} +{"overall": 3.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A3VXIA8HCI8LCE", "asin": "B000CSEFQ0", "reviewerName": "A. Tadros", "reviewText": "I ordered this item multiple times (when I could because pricing was appropriate) when I open the box a few of the cups are dented or damaged, which doesn't work out too well for me. Would like to see a change in this...", "summary": "Love the product but want to see more guarantees when items inside box are damaged", "unixReviewTime": 1391472000} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A22XF682ALXRLG", "asin": "B000EM9E2Y", "style": {"Flavor:": " Lower Salt"}, "reviewerName": "William O. Beeman", "reviewText": "These are an excellent snack. I much prefer the lower salt variety, but these are not always available on Amazon.", "summary": "Good snack, but lower salt variety not always available on Amazon", "unixReviewTime": 1444521600} +{"overall": 3.0, "verified": false, "reviewTime": "04 26, 2016", "reviewerID": "A1E08J5AB2RGAG", "asin": "B00099XOVO", "reviewerName": "JCM", "reviewText": "Knorr has lots of great products, but this one is just okay. There is nothing special about it, and it is rather salty. In the future, I will stick with what I know.", "summary": "\"Just Okay\"", "unixReviewTime": 1461628800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 24, 2010", "reviewerID": "A1U6M8VJHK2ECA", "asin": "B000KOWCMU", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Isabelle Jolly", "reviewText": "This is a very tasty hard candy. If you have to, (or simply want to), restrict your sugar intake, I highly recommend it.", "summary": "Brach's Sugar Free Butterscotch hard candy", "unixReviewTime": 1282608000} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A3V21MXMXJV5PI", "asin": "B000BD0SDU", "reviewerName": "John C. Howell", "reviewText": "Dr young recomends this and we have beeen using it for more than 10 years", "summary": "Five Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "AZ48B48HQXB1V", "asin": "B000DZH19U", "style": {"Flavor:": " Lemon Shortbread"}, "reviewerName": "Just another reviewer", "reviewText": "Sadly, these cookies are awesome. They're pure buttery, lemony goodness. I have tried the chocolate varieties of Pamela's, but I actually prefer these lemon ones and ginger cookies. I guess the basic flour used works well with those flavors.", "summary": "Sadly", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A2EM2G0DTNCJYC", "asin": "B000VQDABY", "style": {"Size:": " (30 pack)"}, "reviewerName": "Marcin", "reviewText": "I'm addicted to this stuff. Be aware.", "summary": "Five Stars", "unixReviewTime": 1485043200} +{"reviewerID": "A1H4F151MDR0AF", "asin": "B000F4DKAI", "reviewerName": "Kristal Harrell", "verified": true, "reviewText": "Good", "overall": 4.0, "reviewTime": "10 9, 2015", "summary": "Four Stars", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "A1VR79HF8BLJCH", "asin": "B000E1FZHS", "reviewerName": "JustMe", "reviewText": "Received on time and sealed correctly and fresh!", "summary": "Love these!", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A24V1KO277B9ZA", "asin": "B000FFLTM8", "reviewerName": "Russell E LeMaster", "reviewText": "Excellent product - very pleased with this and the seller", "summary": "Five Stars", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A373WZFO2HWOYL", "asin": "B0010O8PRA", "style": {"Size:": " Twelve-Pack", "Style:": " Hawaiian Sweet"}, "reviewerName": "Sherry Brisco", "reviewText": "One of my favorites. Great with coffee in the mornings....", "summary": "Hawaiian Sweet Artisan Bread", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A28NTQIP3H51QG", "asin": "B000ZSX4D2", "style": {"Size:": " 6 Ounce (Pack of 12)"}, "reviewerName": "Gee Gee", "reviewText": "I order the Almonds all the time. I am diabetic and Almonds are a great snack. This is the best price I have found any where.", "summary": "Repeated Order", "unixReviewTime": 1392595200} +{"reviewerID": "A1KYPEOB79JBLW", "asin": "B000GG0BNE", "reviewerName": "Amanda", "verified": true, "reviewText": "Love this green tea. I drink it at least once a day and have been buying it here, in bulk, for more than a year.", "overall": 5.0, "reviewTime": "03 4, 2015", "summary": "No-frills, good green tea", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "ACT9XHVGQHS8C", "asin": "B000BD3Y7C", "style": {"Size:": " 1lb", "Flavor:": " Coffee & Chicory"}, "reviewerName": "Amazon Customer", "reviewText": "Takes us back to Louisianna", "summary": "Five Stars", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2013", "reviewerID": "A22IEMCYCS128S", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Lemon & Ginger"}, "reviewerName": "Pam Mack", "reviewText": "It was what I expected when I ordered it. I first tried this tea when I was away from homer dealing with my brother's death. It was soothing to me and I wanted to keep some on hand at home.", "summary": "Very Good", "unixReviewTime": 1373760000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A23DB6L9M3L0ES", "asin": "B00060055O", "reviewerName": "Mary Hammond", "reviewText": "I bought for my husband, he is a subistitue teacher and needs to be well all the time, recomended by Dr Oz", "summary": "for my husband", "unixReviewTime": 1357430400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A14U2V4G6FRAWA", "asin": "B000WV0TS0", "reviewerName": "Sara B. St Peter", "reviewText": "I feed these to my horse (he's all that really matters lol) and eat the myself. They are a great super food. Their high in omega 3's and protein. They hydrate the gut and give lots of energy. The packaging is great and the price is better than any bulk store on the web.", "summary": "Wonderful value and great product", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "AYZ9FLQ57VN83", "asin": "B00028OYB6", "reviewerName": "melody", "reviewText": "I really enjoy the flavor and smell of this tea. I am about to order more. I don't know if its detoxifying or not. I don't feel any different. Also my box is different then the one pictured.", "summary": "Smells and tastes yummy!", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2013", "reviewerID": "A2VYRRDJN2UKWB", "asin": "B000H23W7Y", "reviewerName": "April kid", "reviewText": "Not for the best diet but if you do not abuse is a great delicious snack any time with some ckakers.", "summary": "GREAT SNACK", "unixReviewTime": 1380499200} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2018", "reviewerID": "A2I8IY6QGAQL4B", "asin": "B000P717MI", "reviewerName": "Amazon Customer", "reviewText": "Firm, juicy, sweet and a little tart just the way I like them.", "summary": "Firm and juicy", "unixReviewTime": 1521849600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A29LK1V5474VUR", "asin": "B000LKZ9JG", "reviewerName": "Hardes76", "reviewText": "It was absolutely tasty n stands out from the rest! Used it with the frozen bread loaves n was fast to fix. Worth every penny", "summary": "Very tasty!", "unixReviewTime": 1388534400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "A36IMQHPR2O0WK", "asin": "B000NME0BU", "reviewerName": "Letizia Gonzalez", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1437782400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 14, 2010", "reviewerID": "A4QXTN3K865NR", "asin": "B000FZRYFY", "style": {"Flavor:": " Spinach Fetuccine"}, "reviewerName": "GoTrumper", "reviewText": "The Al Dente Spinach Fettuccine is the best ever - in fact have subscribed to monthly Amazon deliveries", "summary": "Excellent Product", "unixReviewTime": 1271203200} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2008", "reviewerID": "A29G2ROFNE63NY", "asin": "B000V0FKUO", "style": {"Size:": " 1 OZ", "Flavor:": " Purple Funk"}, "reviewerName": "GF FitGirl", "reviewText": "I loved this great, stick in your bag snack just as much as my toddlers did! The fruit was crisp and tasty and had an equal burst of berry and banana flavor. We are big fresh fruit eaters but found this product a great alternative to fresh fruit when you are on the go.", "summary": "Yummy & Convenient", "unixReviewTime": 1211846400} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A3GT2TSW3PJCSJ", "asin": "B000B6J5AY", "reviewerName": "Michael Stowell", "reviewText": "You just can't beat Old Bay for seafood seasoning..Shrimp, Lobster, Clams and even baked fish!", "summary": "How can you beat the flavor?? A+A+A+A+", "unixReviewTime": 1431388800} +{"overall": 3.0, "verified": false, "reviewTime": "03 24, 2011", "reviewerID": "AVLTDM0KI8T6F", "asin": "B000NDHOYE", "style": {"Size:": " 11 Ounce (Pack of 3)", "Flavor:": " Caf De Europa Classique Supreme"}, "reviewerName": "Marsha Marks", "reviewText": "I like strong coffee. I like starbucks. I wanted to like this coffee, but found it not strong enough, even when I tried to double up on the brew strength. Still, for a weaker tasting coffee, it was good.", "summary": "Good coffee, but not starbucks", "unixReviewTime": 1300924800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A2G98DDJQR6G4A", "asin": "B000YDTMP2", "style": {"Flavor:": " Pimento"}, "reviewerName": "Scoop", "reviewText": "Great for olive freaks like me!", "summary": "My goodness, so fully packed", "unixReviewTime": 1460764800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "02 21, 2014", "reviewerID": "A3B81VS0DT31M8", "asin": "B000YQ2FG2", "style": {"Size:": " 1 Pack"}, "reviewerName": "alina mielnick", "reviewText": "One of the better olive oils that I have found. Has nice ,fruity taste, great for salads, bread dips. I like that is in a tin container, keeps the light away, helps to stay fresh longer.", "summary": "Partanna virgin oil", "unixReviewTime": 1392940800} +{"overall": 4.0, "verified": false, "reviewTime": "03 25, 2017", "reviewerID": "A3UITGYJ4UAD2F", "asin": "B0007LXU0Y", "style": {"Size:": " 7.4 Ounce", "Flavor:": " Chocolate Almond and Sea Salt"}, "reviewerName": "Traci", "reviewText": "Really liked the taste & price was great.", "summary": "Tastey", "unixReviewTime": 1490400000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "A3HI5QIK567LCH", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Imfree", "reviewText": "Nothing that could be wrong, and nothing that is wrong. It is a good size, as well. Proceed with confidence.", "summary": "It's organic garlic powder", "unixReviewTime": 1403136000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2014", "reviewerID": "A1BOYK12QH2BXW", "asin": "B000WZZVI4", "reviewerName": "BKP", "reviewText": "Bought this to go with new Fryer I purchased for my daughter. They love the funnel cakes and the taste.", "summary": "Love Funnel cakes.", "unixReviewTime": 1399852800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2017", "reviewerID": "A2YOWOT5GKFQ62", "asin": "B000EUF9CK", "style": {"Flavor:": " Sea Turtle, (72%) Dark Chocolate with Blueberries"}, "reviewerName": "Lone Wolf", "reviewText": "Dark chocolate is better for you and these are exceptionally tasty as well.", "summary": "Five Stars", "unixReviewTime": 1490832000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2017", "reviewerID": "A3FS2KNCKXYZYN", "asin": "B0015NRJVO", "style": {"Size:": " 2 Pack", "Color:": " Gold"}, "reviewerName": "Shelly W", "reviewText": "fits great", "summary": "Five Stars", "unixReviewTime": 1490745600} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2014", "reviewerID": "ABATDKU6UZZ9S", "asin": "B000IXUJOQ", "style": {"Size:": " 3.2 Ounce (Pack of 18)"}, "reviewerName": "A. R. Pomroy", "reviewText": "great job, well packed and cooled!", "summary": "great job", "unixReviewTime": 1410652800} +{"overall": 4.0, "verified": false, "reviewTime": "06 18, 2014", "reviewerID": "ASKQAQZAGQJ0B", "asin": "B0009P68KM", "style": {"Size:": " 29 oz"}, "reviewerName": "M. Steinhorn", "reviewText": "I love this stuff, but I take off the shaker lid with the holes, pour the seasoning into my hand and spread it on the meat that way. If you don't the holes will let out more seasoning and less salt and you'll be left with mostly salt the last half of the bottle.", "summary": "Don't use the holes in the lid", "unixReviewTime": 1403049600} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "AOVKH28TNYTT9", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Cathy Lewis", "reviewText": "Have it every morning on my oatmeal, very sweet only need a teaspoon.", "summary": "Use this instead of sugar in many recipes, taste better and good for you!", "unixReviewTime": 1423526400} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A2HO2EESGXS4GJ", "asin": "B000UEUAGU", "reviewerName": "Rue8309", "reviewText": "All gone", "summary": "Four Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 12, 2010", "reviewerID": "A2N0EYG2NQZ5SZ", "asin": "B000EEWZG4", "style": {"Size:": " 6 Ounce (Pack of 12)", "Flavor:": " Skinless and Boneless Pink Salmon"}, "reviewerName": "sonnsett Radius", "reviewText": "They were fresh and made it easy for me to make salmon croquettes. I thought they were great because they taste great and they had no bones in them.", "summary": "I loved them", "unixReviewTime": 1273622400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "A1U92INR4AE96M", "asin": "B00006FWVX", "style": {"Color:": " Primary"}, "reviewerName": "shobia godwin", "reviewText": "Ok", "summary": "Five Stars", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A1KU1JY8RQJMLK", "asin": "B000WLGCPY", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "Mint Julip", "reviewText": "Of course you expect the best from Bob's, but to get shipping through prime and at an excellent price, fabulous.\nI use a lot of these oats to make granola and between the oats and prime, the price point is much better than purchasing through the grocery store!!", "summary": "Excellent oats!", "unixReviewTime": 1394841600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "A158M54UZXY20E", "asin": "B000EIE7GQ", "style": {"Size:": " 14 oz"}, "reviewerName": "Beesusie", "reviewText": "It tastes as it should. Be careful, though, if you are sensitive to spicy foods, go easy as it picks up spiciness as the food cooks. The product is supposed to be that way.", "summary": "This is an excellent product", "unixReviewTime": 1388620800} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "A3EBFWOD82FYX6", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 6", "Flavor:": " Organic Chamomile with Lavender"}, "reviewerName": "Krowman1964", "reviewText": "I love this tea nad drink it often.", "summary": "Quality Tea", "unixReviewTime": 1449705600} +{"overall": 3.0, "vote": "13", "verified": false, "reviewTime": "02 14, 2009", "reviewerID": "A3OTXLC66HQFYY", "asin": "B000F0DKYI", "reviewerName": "EChat", "reviewText": "The mold occurs when the gourd is left moist for too long, but do not worry, a simple wash with hot water will take care of it!\n\nDO NOT EVER USE SOAP OR ANY OTHER CLEANING PRODUCTS AS THE GOURD WILL ABSORB THESE FLAVORS!!", "summary": "Don't worry about the mold!", "unixReviewTime": 1234569600} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A5BCPL27D2C70", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Masala Chai"}, "reviewerName": "Lorrie A. Oyer", "reviewText": "The tea is very good. When I first ordered it I wasn't aware there was a typo. I thought I was getting over a pound of chai tea and not 1.2 ounces. I would not normally pay this much for tea, but it is some of the best chai I've ever had.", "summary": "Read the description carefully--1.2 ounces not 1.2 pounds", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A1FMJT89B3MXFC", "asin": "B000EITYUU", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "Monique Braun", "reviewText": "The taste is so wonderful. It's not like table salt at all. I like with a little in my water to help me hydrate.", "summary": "The taste is so wonderful. It's not like table salt at all", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A3IQ6195OXBVCF", "asin": "B000W7PUL0", "style": {"Size:": " 6 Ounce (Pack of 12)", "Flavor:": " Turkey"}, "reviewerName": "A. Jackson", "reviewText": "Delicious as expected. I always try to buy in bulk and this was a good deal!", "summary": "Great as always", "unixReviewTime": 1513468800} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "A44XA0FOXFHQ2", "asin": "B000E1BM7A", "style": {"Size:": " 1.25 Ounce (Pack of 6)", "Flavor:": " Nuts and Chocolate"}, "reviewerName": "Nancy Mc.", "reviewText": "Good stuff", "summary": "Mixed snack", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2017", "reviewerID": "A2U0X4QR7TAMTW", "asin": "B000E5SGI4", "style": {"Size:": " 3 x 3.5 oz"}, "reviewerName": "Luke Axelrod", "reviewText": "I put this on just about everything I eat.\nAlso I gave these out to my professional contacts for the holiday season and seemed well received and enjoyed.\nEven my personal trainer raves about the full flavor\n\nWill definitely purchase again", "summary": "Makes a great gift", "unixReviewTime": 1514678400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2018", "reviewerID": "ASDK6BAVBGJIG", "asin": "B000G176EG", "style": {"Flavor:": " Medium with Vegetables"}, "reviewerName": "KIMMIE", "reviewText": "love this soup!", "summary": "YUMMY!!", "unixReviewTime": 1517875200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A2Z8Q64753B2AM", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Shopaholic", "reviewText": "This large pack of candy bars was handy for X-Mas divided up between grandkids. They all got there favorite kind along with many other treats.", "summary": "They all got there favorite kind along with many other treats", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A3PVCWI9OXBBLW", "asin": "B000SKP2B4", "reviewerName": "Louie", "reviewText": "sweet", "summary": "Five Stars", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A27RJ8IOWN2N23", "asin": "B000FDDET6", "style": {"Flavor:": " 9 Grain"}, "reviewerName": "Lisa K. Miller", "reviewText": "This is by far the best bread mix I've found. Rises every time, even if I add oats and flaxseed, which make it even better. You won't be disappointed.", "summary": "Outstanding bread mix", "unixReviewTime": 1426291200} +{"overall": 4.0, "verified": true, "reviewTime": "11 18, 2012", "reviewerID": "ATKPDVG10HVUS", "asin": "B000F3Q6Q4", "reviewerName": "Marcymom", "reviewText": "Other than the price being way too steep for what I got, it was that \"Fleer's\" taste from my childhood and it blows great bubbles.", "summary": "Authentic", "unixReviewTime": 1353196800} +{"overall": 1.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A2IBI24L0BDVTJ", "asin": "B000CQ01LA", "style": {"Size:": " 6 Ounce (Pack of 12)", "Flavor:": " Whole Wheat Shells & Cheddar"}, "reviewerName": "C T Manlove II", "reviewText": "whole wheat not as tasty as annie's regular shells and cheese.", "summary": "One Star", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2017", "reviewerID": "AATCJHYTOR31X", "asin": "B000HDD0PC", "reviewerName": "Bigguy", "reviewText": "Really great stuff.", "summary": "Five Stars", "unixReviewTime": 1509494400} +{"overall": 3.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A9NDW8TG89SHM", "asin": "B000FKMNSM", "style": {"Size:": " 6.25 ounce (12 Bags)", "Flavor:": " Life Savers 5 Flavors Sugarfree"}, "reviewerName": "yekaterina balagian", "reviewText": "Not a good version of life savers candy. Some of the flavors are kind of ok, but the watermelon tastes so toxic.", "summary": "Not a good version of life savers candy", "unixReviewTime": 1512000000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A1JYWF9MA1XIWF", "asin": "B00017Y986", "reviewerName": "drmoore", "reviewText": "This can't be beat for < $100", "summary": "Never have it missing from your shelf!!!", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "A2NNRZOM0WZEGK", "asin": "B000CQE3HS", "reviewerName": "fox", "reviewText": "I have this product several times and love them. They are great for a snack and so easy to put in my purse and take with me for the day.", "summary": "snack food", "unixReviewTime": 1361577600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "AHEOUOVR11AD3", "asin": "B0000DHXGL", "style": {"Size:": " 2 Pounds", "Flavor:": " Conventional"}, "reviewerName": "Phan T.", "reviewText": "Delicious", "summary": "Five Stars", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A1HSGCVY2VTB9U", "asin": "B0000VM9EE", "style": {"Size:": " Single", "Package Quantity:": " 1"}, "reviewerName": "Barbara Cogan", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A3UBASTHFN7Q3L", "asin": "B0010Y6QBC", "style": {"Size:": " 200ct Tablets"}, "reviewerName": "Bree Lewis", "reviewText": "These pills seem to be doing the job. I take them for my body odor and I feel better already!", "summary": "I take them for my body odor and I feel better already!", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2017", "reviewerID": "A2YG3VR3MESL8W", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Woollyblue", "reviewText": "Organic garlic powder....what else can I say?", "summary": "Great", "unixReviewTime": 1487376000} +{"overall": 5.0, "verified": false, "reviewTime": "06 14, 2016", "reviewerID": "A2KK4ICYA75ZF5", "asin": "B000GARX3G", "style": {"Size:": " 19 Ounce"}, "reviewerName": "R.C.", "reviewText": "Great company, delicious, fresh hempseeds!", "summary": "Five Stars", "unixReviewTime": 1465862400} +{"overall": 3.0, "verified": true, "reviewTime": "05 7, 2014", "reviewerID": "A3IRPLK872LTGB", "asin": "B0012UYVRK", "reviewerName": "gadgetgal", "reviewText": "I am always looking for the healthier ways to flavor water and was excited to try this one. It is OK, but definitely not a favorite. The flavor is weak and you need to use a lot of product to get enough flavor to notice. I prefer Hansen's Fruit Stix hands down.", "summary": "Close, but not quite there yet.", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2017", "reviewerID": "A3J7LLBXC6QTZP", "asin": "B0001ES9FI", "style": {"Size:": " 18ct (Pack of 6)", "Flavor:": " Breakfast Blend"}, "reviewerName": "Naomi", "reviewText": "I have been using these pods in my Keurig, works fine, cheaper.", "summary": "works fine, cheaper", "unixReviewTime": 1490313600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A3ACJ5X3R1TZRM", "asin": "B000YN2GVY", "reviewerName": "L. hander", "reviewText": "great stuff add to my salads good for the gut", "summary": "great stuff add to my salads good for the", "unixReviewTime": 1488326400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A13VUYFQOOCDMX", "asin": "B000MGWIH0", "reviewerName": "J. A.", "reviewText": "The better of the flavors out there in the bitter category. I use it for Kool Aid mostly to relieve that sweet drink craving. About one heaping teaspoon per gallon for my taste.", "summary": "The better of the flavors out there in the bitter category", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "A27HPPJPWIVBVW", "asin": "B000WR4LM4", "reviewerName": "Ima Richburg", "reviewText": "I use thyme for cooking and creating natural cough remedies. This thyme is great.", "summary": "This thyme is great.", "unixReviewTime": 1415404800} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A3D95TJR9PAOWP", "asin": "B000JMAVYO", "style": {"Size:": " 4 Pound"}, "reviewerName": "Loren L McCann", "reviewText": "The nuts were fresh and of good quality. A good value.", "summary": "Four Stars", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "ARPLTDF8DDOH6", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "Wendy A.", "reviewText": "This is the best substitute for sugar. No AFTER TASTE!", "summary": "NO AFTER TASTE?", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A2BVX6BFMV32ID", "asin": "B000E1FXQ6", "style": {"Size:": " Pack of 24 (2.05-Ounce Cups)", "Flavor:": " Original"}, "reviewerName": "Michelle T", "reviewText": "Easy Mac is great. My 3 kids stayed home this summer and they eat Easy Mac a lot. Amazon has great prices too. I used subscribe n save to deliver every month.", "summary": "Easy Mac is great", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "AW8WTEWW0WPIJ", "asin": "B000NSKB8K", "reviewerName": "B. Garrett", "reviewText": "Fresh. Crisp.", "summary": "Nice produce ", "unixReviewTime": 1491523200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A3UAQ8DLN3RHDS", "asin": "B00012NHAC", "style": {"Size:": " OG, ESSENTIAL GROUND, 15 OZ"}, "reviewerName": "Lucia Contreras", "reviewText": "I use this flax everyday on my Paleo diet, excellent", "summary": "Five Stars", "unixReviewTime": 1435795200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A1GU1YUSNAHWSR", "asin": "B000U0OUP6", "style": {"Size:": " 12.5 Ounce (Pack of 12)", "Flavor:": " Spanish Redskin"}, "reviewerName": "robert corey", "reviewText": "great quality and taste", "summary": "Five Stars", "unixReviewTime": 1490918400} +{"overall": 2.0, "verified": true, "reviewTime": "09 4, 2014", "reviewerID": "A3QP6X3LY3IMLU", "asin": "B000CQID6U", "style": {"Size:": " 30 Count (Pack of 6)"}, "reviewerName": "magpie", "reviewText": "not flavorful enuf!", "summary": "Two Stars", "unixReviewTime": 1409788800} +{"overall": 4.0, "verified": false, "reviewTime": "11 18, 2014", "reviewerID": "A1T0WIBIBHGU6C", "asin": "B000U0OUP6", "style": {"Size:": " 16 Ounce (Pack of 2)", "Flavor:": " Dry Roasted"}, "reviewerName": "Anupam Thakur", "reviewText": "Overall this product is good.", "summary": "Four Stars", "unixReviewTime": 1416268800} +{"reviewerID": "A26U7HP9QEZ5NN", "asin": "B00117CG30", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "The best stuff ever", "overall": 5.0, "reviewTime": "05 26, 2016", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A6F0EBL08I36S", "asin": "B000W7PUL0", "reviewerName": "Kevin", "reviewText": "Great item helps so much", "summary": "Great item helps so much", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "ABSX2OQYI8JBN", "asin": "B0001LO3FG", "style": {"Size:": " 25 Count (Pack of 6)", "Flavor:": " Green Tea"}, "reviewerName": "Elizabeth Blackthorpe", "reviewText": "Nice, mellow flavor. I got the big (150 ct) pack. It came in 6 boxes of 25 ct. Expiry is two years out.", "summary": "Nice, mellow flavor", "unixReviewTime": 1455148800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2013", "reviewerID": "A17OGQGHLY51ZZ", "asin": "B0009VFDEI", "style": {"Size:": " 4lb", "Flavor:": " Summer Strawberry"}, "reviewerName": "James Casswell", "reviewText": "I find the strawberry flavor is not real strong, so it works great for me. The ingredients are also just what I am looking for and the price is one of the best.", "summary": "Flavor, ingredients and price are all just what I am looking for!", "unixReviewTime": 1360195200} +{"overall": 4.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A3AX86YSUHLELL", "asin": "B000YBEZYM", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "N. Couch", "reviewText": "Had never heard of this berry before until I watched Andrew Zimmern at the Minnesota State Fair and he talked about this. Decided to give it a try and love it. Will definitely buy more.", "summary": "A new find for me", "unixReviewTime": 1389744000} +{"overall": 3.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A2A47J5W0S6TSQ", "asin": "B0014EOUWU", "style": {"Flavor:": " Sirloin Burger with Country Vegetables"}, "reviewerName": "Paul Napier", "reviewText": "it's ok - i think they changed the recipe....something is missing now", "summary": "Three Stars", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A382ASF3BMSAHB", "asin": "B00022EWFK", "reviewerName": "Amazon Customer", "reviewText": "Love this product. The combination of flours I use makes a wonderful gluten free bread.", "summary": "Great product", "unixReviewTime": 1424822400} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A6BTCO4RSCRW", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Art Young III", "reviewText": "Geat relaxation", "summary": "Four Stars", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A1F0KPA232MTYC", "asin": "B0001APXYW", "style": {"Size:": " 1 Pack"}, "reviewerName": "Patrick Campbell", "reviewText": "Takes a little getting used to as this is stronger than the usual overly sweet American fare.", "summary": "Good chewy stuff", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": false, "reviewTime": "08 13, 2015", "reviewerID": "A1J9M8XL2PB8AE", "asin": "B000ILK9PM", "style": {"Size:": " 8.5 Ounce (Pack of 2)"}, "reviewerName": "chipper", "reviewText": "Tasty stuff!", "summary": "Five Stars", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A1NPTN2JARCPAK", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "sa", "reviewText": "Bought for Halloween treats.", "summary": "Five Stars", "unixReviewTime": 1505433600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "A8B4638BCZL38", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 6)", "Flavor:": " Variety Pack"}, "reviewerName": "Georgia", "reviewText": "As expected :)", "summary": "As expected :)", "unixReviewTime": 1489449600} +{"overall": 5.0, "verified": false, "reviewTime": "08 15, 2014", "reviewerID": "A30F6ABX1O0GHQ", "asin": "B00016XLHC", "reviewerName": "Kindle Customer", "reviewText": "We use a lot of garlic, and have tried many brands. This is The Brand! Just try it on popcorn! And better buy 2 jars at a time, you won't want to run out. The taste is true garlic and the powder is super fine.", "summary": "Great!", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "A14UY1IICUJZ7D", "asin": "B0009F3PJE", "style": {"Flavor:": " Organic Smooth Move"}, "reviewerName": "EB", "reviewText": "Works, 1/2 cup is enough!", "summary": "Five Stars", "unixReviewTime": 1450656000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A3HSOYVTIQSFVL", "asin": "B0007NKC7Q", "reviewerName": "C. Wallace", "reviewText": "donated to food pantry, have to leave review so it leaves my list.", "summary": "donate", "unixReviewTime": 1422489600} +{"overall": 2.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A2Z58TQ48MCGJN", "asin": "B001652KK6", "reviewerName": "Thank you all", "reviewText": "There is no reason I would get this with 45 days left before it expires.", "summary": "Watch the expiration, mine has less than 2 months of shelf life.", "unixReviewTime": 1437868800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A2C667ANL8DOOJ", "asin": "B000IXWD9K", "style": {"Size:": " 1.53 Ounce (Pack of 18)"}, "reviewerName": "Suzie Miller", "reviewText": "Very Happy with this product!!", "summary": "Five Stars", "unixReviewTime": 1454716800} +{"overall": 4.0, "vote": "3", "verified": false, "reviewTime": "09 11, 2016", "reviewerID": "A2GI8X394RLF83", "asin": "B000NSKB7Q", "reviewerName": "Ana Maria", "reviewText": "Ordered a large russet potato, received a 12oz russet potato.\nThe potato had a good quality and seemed pretty fresh to me.", "summary": "The potato had a good quality and seemed pretty fresh to me", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2017", "reviewerID": "A1TY8YL2VT521A", "asin": "B000RGYJ6I", "reviewerName": "John A Hathcock", "reviewText": "Lovely fruit, but eat them quick when they ripen cuz they go bad in about an hour.", "summary": "but eat them quick when they ripen cuz they go bad in about an hour", "unixReviewTime": 1500076800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2012", "reviewerID": "AJ0LVMSVJ0CN1", "asin": "B000EZOP0W", "style": {"Size:": " 2-Ounce Packages (Pack of 8)", "Flavor:": " Original"}, "reviewerName": "Joanie B", "reviewText": "Fast delivery and excellent packaging. Item as described and pictured. Delicious and organic jerkey. Wonderful flavor. I also bought this for my daughter in college and she loves this jerkey. I highly recommend and I will be purchasing more.", "summary": "Awesome organic jerkey", "unixReviewTime": 1351468800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A19G7PR6CE4F3Q", "asin": "B0011CX1SE", "reviewerName": "Ross Seymour", "reviewText": "Excellent Product. Fast Ship. A+++!!", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2014", "reviewerID": "A12Q30JMXWRGJ4", "asin": "B000PSPREG", "style": {"Size:": " 1 Count", "Flavor:": " Orange Spice"}, "reviewerName": "Shannon J.", "reviewText": "This tea is delicious. Citrus and spices are perfect. High quality tea and I will definitely be buying more of this flavor and probably other flavors!", "summary": "Mmmmmm. Tea.", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": false, "reviewTime": "11 27, 2015", "reviewerID": "A29FCK6OHCCUHB", "asin": "B0012ZJAJ4", "reviewerName": "Karen", "reviewText": "It's all gone....love the flavor...will have to buy more soon", "summary": "Love it", "unixReviewTime": 1448582400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2017", "reviewerID": "ASTNSOYCYPXUE", "asin": "B000WB1YSE", "reviewerName": "R C.", "reviewText": "Great tea love it will buy agian", "summary": "Five Stars", "unixReviewTime": 1496016000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A3SS121CI83YBF", "asin": "B0010BQB6A", "reviewerName": "dandnic", "reviewText": "Good tea! Great price! Using for making kombucha. Just what I was looking for! Thanks!", "summary": "Good tea!", "unixReviewTime": 1435017600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "A1STOHTZ9BOA43", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags", "Flavor:": " Earl Grey"}, "reviewerName": "Lynn M.", "reviewText": "Good value and good taste. Can be used in the microwave as there are no staples but not tags either", "summary": "Nice tea", "unixReviewTime": 1402185600} +{"overall": 2.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "A2F0KAEZGX0GAH", "asin": "B000CL4MFQ", "reviewerName": "Dan F", "reviewText": "good flavor for about 2 minutes, then tastes like ....!!!", "summary": "Two Stars", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "A1SM7X7JKD762U", "asin": "B000EONEU0", "reviewerName": "Barbara Fitch", "reviewText": "Making homemade yogurt this worked out perfect. A much thicker yogurt than using the already made yogurt. Will order more.", "summary": "Will order more", "unixReviewTime": 1360540800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A2VNDCF5K7HYS8", "asin": "B000Z8ZN4U", "style": {"Flavor:": " Organic California Basmati, Brown"}, "reviewerName": "Sheila B.", "reviewText": "This rice is tasty! My family wants no other rice!", "summary": "Great-tasting rice", "unixReviewTime": 1424563200} +{"reviewerID": "A2NXXZHXS1YYQO", "asin": "B001651282", "reviewerName": "AS Forbes", "verified": true, "reviewText": "I love trail mix. This has the right amount of each ingredient. The packets are the perfect serving size", "overall": 5.0, "reviewTime": "05 16, 2017", "summary": "Trail Mix", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": false, "reviewTime": "07 16, 2014", "reviewerID": "A192FZK8BO3O4X", "asin": "B0014EOU4S", "style": {"Size:": " 5.5 Oz", "Style:": " Pack of 6"}, "reviewerName": "Squashbug", "reviewText": "Very pleased with my order of V8 Vegetable Juice. Perfect sized cans and so versatile. Husband drinks a can of this every morning. Very good way to start the day.", "summary": "Very pleased with my order of V8 Vegetable Juice", "unixReviewTime": 1405468800} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A1PNQBECG6A907", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "MomOfTwo", "reviewText": "My kids did not enjoy the taste of these on their own however I would add them to our homemade juice blends.", "summary": "GOOD FOR ADDING TO A JUICE BLEND", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A25DUCS2XSZM7H", "asin": "B00124TTG4", "style": {"Size:": " 600 Count", "Flavor:": " Natural Spearmint"}, "reviewerName": "Rose M. , author of non-fiction animal books", "reviewText": "have always loved this gum and I also got it for my granddaughters. good for chewing, ears, throat too when coming down with a cold/sore throat as it helps wash away the bacteria", "summary": "have always loved this gum and I also got it for my ...", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A3DJINUWI0QJ9C", "asin": "B00122729M", "style": {"Flavor:": " Albacore Tuna"}, "reviewerName": "Colene Cobb", "reviewText": "quick and easy to open works great for a tsnack on the go.", "summary": "Five Stars", "unixReviewTime": 1478217600} +{"overall": 1.0, "verified": true, "reviewTime": "01 24, 2018", "reviewerID": "A1QRXNIHVUI4HA", "asin": "B0014ET2MI", "reviewerName": "mypeabody", "reviewText": "Can badly dented on top where it opens :(", "summary": "Damaged Can :(", "unixReviewTime": 1516752000} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "AZ7VAUBDK6V0P", "asin": "B000E1BM7A", "style": {"Size:": " 2 Ounce (Pack of 72)", "Flavor:": " Fruit and Nut"}, "reviewerName": "Nini", "reviewText": "I love this trail mix. Great combination of sweet and salty, and keeps me from reaching for cakes and doughnuts. So I feel it is a healthier option.\nMy husband takes these whey he travels. And they are an approved snack for grandma to bring when we see the grandkids.", "summary": "Love Love Love", "unixReviewTime": 1490486400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2018", "reviewerID": "A27IBJW27C1KRG", "asin": "B000EUF9CK", "style": {"Flavor:": " 4 Pack - Dark Chocolate Almond & Sea Salt"}, "reviewerName": "Enderchan", "reviewText": "tasty and a worthy cause", "summary": "Five Stars", "unixReviewTime": 1521763200} +{"overall": 3.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A1S82DDGKRE0D3", "asin": "B000DZDJ0K", "style": {"Size:": " 25 pound", "Flavor:": " Baking/Pancake"}, "reviewerName": "Mary Jo Rodriguez", "reviewText": "This product works really well but the prices or the price is really skyrocketed and I believe I'm going to start making my own blend I believe over four dollars a pound is a little bit too much to pay for this.", "summary": "This product works really well but the prices or the ...", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "AF0HFUTT58T7K", "asin": "B00124TTG4", "style": {"Size:": " 600 Count", "Flavor:": " Natural Cinnamon"}, "reviewerName": "Melinda Jason", "reviewText": "really great for reflux and queasy stomach, always arrives on time, great seller!", "summary": "Five Stars", "unixReviewTime": 1444262400} +{"overall": 1.0, "verified": true, "reviewTime": "01 17, 2013", "reviewerID": "A2YXWWAD6XT5ZA", "asin": "B00112GBO0", "reviewerName": "Olga Schilk", "reviewText": "What pure in this - powder of tea. Somebody forgot put it into paper bags. And flavor - just terrible. Wasted my money. And worse part - you cannot even return it back!", "summary": "This is a parody on ceylon tea!!!", "unixReviewTime": 1358380800} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2013", "reviewerID": "AOI530GB2SPU8", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags (Pack of 6)", "Flavor:": " Green Tea with Jasmine"}, "reviewerName": "Barbara Bickmore", "reviewText": "I order 6 boxes of this every few months. It is a lovely slightly fragrant tea that has spoiled me for any other.", "summary": "perfectly lovely tea", "unixReviewTime": 1382313600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A481K3EG3KNG7", "asin": "B000WLHRNK", "style": {"Size:": " 64 Ounce Bottles (Pack of 8)", "Flavor:": " Picante"}, "reviewerName": "Kent Sapoznick", "reviewText": "taste is awesome", "summary": "Five Stars", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": false, "reviewTime": "10 7, 2016", "reviewerID": "A1LE19S6MBFZX", "asin": "B000CQ6KUG", "reviewerName": "nikkih", "reviewText": "This stuff is really good. I love the Annie's brand because I can trust the ingredients.", "summary": "Five Stars", "unixReviewTime": 1475798400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A6I6N3YW6LTJX", "asin": "B000AXQI0I", "reviewerName": "Pat Cantu", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A2YIIRABUQOIM4", "asin": "B000YN2GVY", "reviewerName": "Lady V", "reviewText": "Great for alkalizing the gut. Put one tablespoon of the Apple cider vinegar in 8oz of warm water. One tspn of honey, stir and drink up. It really settles the stomach and will improve your health.", "summary": "Great for alkalizing the gut", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A2NKZFPUXE30EH", "asin": "B000JVABZ4", "style": {"Size:": " 1", "Flavor:": " Hawaiian Blend"}, "reviewerName": "Mnmn", "reviewText": "Good Kona blend", "summary": "Five Stars", "unixReviewTime": 1405987200} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A3AACW7R2MWRWX", "asin": "B000HDJZWO", "style": {"Size:": " 10 Ounce (Pack of 6)", "Flavor:": " Semi-Sweet Mega Chunks"}, "reviewerName": "Lilian Melo Hall", "reviewText": "Great, but wish it was dark chocolate!", "summary": "Wish they had a dark chocolate version", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A1MQ7O1S3R29SW", "asin": "B000F9Z272", "reviewerName": "Jen R", "reviewText": "GREAT!", "summary": "Five Stars", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "AH2W12QCL33V5", "asin": "B000HDGIDS", "reviewerName": "SarahMonroe", "reviewText": "Bought this to feed our dog. He loves it. Works great as a filler to his high protein food. No stomach or bowel issues when feed to our dog. I would buy again.", "summary": "Dog loves it", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "A3HMXQKGNIAZY6", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Wild Serene H Force", "reviewText": "The most delicious cinnamon I have used. There is such a difference between grocery store spices and real spices such as this!! I only purchase simply organic thanks to AMAZON", "summary": "The most delicious cinnamon I have used. There is ...", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A19315XOH992GS", "asin": "B000X3TPHS", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "justin dahl", "reviewText": "So good. Can't say enough about these. I love all the flavors. I go through one of these a month around my house, everyone loves them. It kind of sucks lol. They're THAT good. Will buy again, and again, and again.", "summary": "So good. Can't say enough about these", "unixReviewTime": 1405468800} +{"overall": 1.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "A25GHL1KNF8V0A", "asin": "B000U0OUP6", "style": {"Size:": " 52.0 Ounce", "Flavor:": " Extra Large Virginia Peanuts"}, "reviewerName": "Steven A. Chamberlain", "reviewText": "Awful... these are not Virginia crunchy peanuts, just cocktail peanuts", "summary": "THESE ARE NOT VIRGINIA PEANUTS, JUST STALE COCKTAIL PEANUTS!", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "A2IAP2C6ROQYSX", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " Gourmet Chocolate"}, "reviewerName": "robin taylor", "reviewText": "i love the chocolate flavor. i mix mine with mint", "summary": "love the flavor", "unixReviewTime": 1501545600} +{"overall": 5.0, "verified": false, "reviewTime": "11 6, 2016", "reviewerID": "APEWPKSBU3UFS", "asin": "B000X3TPHS", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "MG", "reviewText": "We go through these like mad and I love being able to buy in such a large quantity!", "summary": "Five Stars", "unixReviewTime": 1478390400} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "AO6LGAD11JL4I", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Mhong", "reviewText": "Ok", "summary": "Four Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A3M56GYZQH55UJ", "asin": "B000SWTKV0", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "eb", "reviewText": "As expected.", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A2FN57G7PKLF1N", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Vicky Y. HSU", "reviewText": "Love this product, very delicious and feels natural. Not like those nasty over sweeten cockroach food!\nUnfortunately my roommate loves them more than I do... he almost ate them all :(", "summary": "Love this yummy healthy organic sweets!", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": false, "reviewTime": "01 13, 2016", "reviewerID": "A3Z9QN0RCOHEY", "asin": "B000NNEESI", "reviewerName": "My 2 Cents", "reviewText": "Wonderful smell and taste - not too too strong and no after taste. I love the sturdy sachet style bad - they never break. I would be happy drinking this floor year round.", "summary": "Wonderful smell and taste - not too too strong and ...", "unixReviewTime": 1452643200} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2011", "reviewerID": "A2Z5S6CA3QVC19", "asin": "B000E46LXM", "style": {"Size:": " 3-Ounce Pouches (Pack of 8)", "Flavor:": " Peppered"}, "reviewerName": "V. Hall", "reviewText": "Good beef jerky, but not outstanding. Still a slight hint of plastic or waxy texture compared to really fresh homemade jerky. Good deal on pack of 8 compared to buying locally at the store.", "summary": "Good, but not excellent", "unixReviewTime": 1324857600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2013", "reviewerID": "A174X51AGFWAMW", "asin": "B000FVZW7K", "style": {"Flavor:": " Organic Brown Rice Lightly Salted"}, "reviewerName": "SS", "reviewText": "I know yum is not the word that comes to mind when u think of rice cakes but these r really good they have a I would say nutty taste and r very good with honey on them or turkey and tomato.\nbut they r crumbly so enjoy them over a plate. ^_^", "summary": "Yum!", "unixReviewTime": 1358985600} +{"overall": 1.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "AR8NELDS4DL4K", "asin": "B000EITYUU", "style": {"Size:": " 8 oz.", "Style:": " Bag"}, "reviewerName": "BEESKNEES", "reviewText": "Too strong for my taste. Much lrefer pink Himalayan salt", "summary": "One Star", "unixReviewTime": 1446336000} +{"overall": 4.0, "verified": true, "reviewTime": "11 15, 2013", "reviewerID": "A7I94R17UDIOI", "asin": "B000ED9LPS", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "T V", "reviewText": "Bob's Red Mill Potato Flour is a great product. I use it with other Bob products when I make my own all purpose gluten free flour. I have had a lot of success with all of his flours and starches. GF Pumpkin Pancakes are to die for.", "summary": "Bob's Red Mill Potato Flour", "unixReviewTime": 1384473600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A1I3KF8SGHI5W0", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Teriblteri", "reviewText": "Always a fave", "summary": "good product.", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2017", "reviewerID": "AW7ZCB23PXV6P", "asin": "B0015P54R8", "reviewerName": "Jesus", "reviewText": "I use this every morning and it is great. Easy to dissolve in water and great price. Highly recommended for anyone on the fence thinking about it.", "summary": "Great Tasting", "unixReviewTime": 1504310400} +{"overall": 1.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A2C7NQ8XM4SSJ7", "asin": "B000F5429A", "style": {"Size:": " 2.35-Ounce (Pack of 12)", "Flavor:": " Caramel Chocolate"}, "reviewerName": "D. Reid", "reviewText": "Would have been great, if I received chocolate. However, I received coffee. Without a change notification.", "summary": "One Star", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "AUDEBMTVT8AY9", "asin": "B000V7AUW0", "reviewerName": "Virginia Murphy", "reviewText": "Delicious nut butter. The small packages are handy.", "summary": "Delicious nut butter. The small packages are handy.", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A2HIIBG3J7RUI7", "asin": "B000GAT6NG", "style": {"Size:": " 54 Ounce"}, "reviewerName": "Hannah Aba Wiredu", "reviewText": "Very tasty", "summary": "Five Stars", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2017", "reviewerID": "A16CP0H0RQJ3A7", "asin": "B000NOGKN4", "reviewerName": "Sus", "reviewText": "Perfectly ripe and it did show up with my prime fresh order. During my next order I will ask for a more firm avocado. Prime fresh does pay attention to detail", "summary": "Prime fresh does pay attention to detail", "unixReviewTime": 1504828800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A3FS59FH2J8S4R", "asin": "B000F013Q0", "style": {"Size:": " 28oz shaker"}, "reviewerName": "David Athen", "reviewText": "Its season.", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": false, "reviewTime": "07 5, 2015", "reviewerID": "A1WYHA60PI4SOM", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Mary Ann Conklin", "reviewText": "This is an awesome sweetener.", "summary": "Great product", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A34FHW17ZW2VKO", "asin": "B000EDM70Y", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "KA", "reviewText": "Good low carb baking mix. Makes nice moist muffins.", "summary": "Good muffins", "unixReviewTime": 1452643200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "ABJN1Y3AD5YDL", "asin": "B000ZGW714", "style": {"Flavor:": " Coconut"}, "reviewerName": "Sheri L. Carr", "reviewText": "These are so great. Easy to throw in a bag for a long day and have them available. Others have asked about them and like the flavor also. Great! I'll be purchasing more.", "summary": "Yummie - no fillers.", "unixReviewTime": 1366848000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A9F9YJ4SZVSCX", "asin": "B000ZM34MO", "style": {"Size:": " 8.8 oz (250g)", "Package Type:": " Standard Packaging"}, "reviewerName": "bradley pocock", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A1GPXTH0RD84TJ", "asin": "B0010OQQ2Q", "style": {"Size:": " 16 oz"}, "reviewerName": "D. Ahlstrand", "reviewText": "Love this stuff. So much better than most.", "summary": "Five Stars", "unixReviewTime": 1408406400} +{"reviewerID": "A3G9E8IZCZ1IEE", "asin": "B0014E847C", "reviewerName": "Marc hicks", "verified": true, "reviewText": "Good buy", "overall": 5.0, "reviewTime": "01 7, 2017", "summary": "Five Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "A1TJAC4BI5SRS", "asin": "B000QSO5LQ", "reviewerName": "golfnlady", "reviewText": "delicious", "summary": "Five Stars", "unixReviewTime": 1518912000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "AQS5WRR3UIK69", "asin": "B000WW78QA", "reviewerName": "Barbie", "reviewText": "This and the Artisana raw walnut butter are the best nut butters I've eaten - perfect consistency, delicious flavor. However, these are too pricey to buy for more than an occasional treat.", "summary": "Artisana raw pecan butter", "unixReviewTime": 1401926400} +{"overall": 4.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "AM9ZGBY6XH943", "asin": "B000YNQRSM", "reviewerName": "Elana", "reviewText": "This is a great and healthy choice. And it most cases I'd say you can't over do it when it comes to something this healthy and good for you. But since 1 bar has 12 grams of fiber - if you have more than 2, you won't feel so good afterwards.", "summary": "Great - but becareful about overdoing it", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": false, "reviewTime": "12 12, 2016", "reviewerID": "A2LMGTTWZZ6T73", "asin": "B0005ZVGLW", "style": {"Size:": " 6 Ounce (Pack of 12)", "Flavor:": " Puffed Millet"}, "reviewerName": "Debbie Delahanty", "reviewText": "I was skeptical at first about trying this, as it is so \"light\" and \"airy\" - but I was pleasantly surprised at how tasty and filling it is! And it's not \"bad\" for you at all! Nice tasty crunch that quells my appetite.", "summary": "Light yet filling!", "unixReviewTime": 1481500800} +{"overall": 4.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A2UUEOEXL3HC8W", "asin": "B001534QYW", "style": {"Size:": " 12-pack", "Flavor:": " Sparkling Orange"}, "reviewerName": "C. Louis Wolfe", "reviewText": "Not sure if it helps to burn calories...especially since I don't do much, but it does seem to perk e up a bit which is helpful when I'm at work n didn't get much sleep the night before...lightly carbonated, altho I would have preferred a more \"juice type\" drink.", "summary": "Zippy Doo Dah!", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A1V24IHRAS4PFR", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Jeremy W.", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1497312000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A1ZXVKJTHKGA97", "asin": "B00161FT0S", "reviewerName": "Mushjet", "reviewText": "Absolutely love this seasoning. Epically for those who have to limit their sodium intake.", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": false, "reviewTime": "03 5, 2017", "reviewerID": "AYNN5HE7HC8QY", "asin": "B000U0OUP6", "reviewerName": "Weina", "reviewText": "I'm not a big fan on peanuts. But this one, I LOVE it! Taste delicious!", "summary": "I LOVE it! Taste delicious", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "AKOV68TL4A9SX", "asin": "B000CQIDHE", "style": {"Size:": " 100 Count"}, "reviewerName": "Brandon H", "reviewText": "You don't need sugar and this DOES NOT taste like licorice. It is a lovely tea and if it wasn't bad to drink 5 cups of licorice tea a day, I would.", "summary": "Light natural sweetness", "unixReviewTime": 1520380800} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A12H40UZ9OUU30", "asin": "B000RHXI5K", "reviewerName": "Aimee Dlugolecki", "reviewText": "I am so happy that you finally carry this product in larger quantities. I use this product as a source of fat for my horse", "summary": "I am so happy that you finally carry this product in larger quantities", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "AOGB2H21URB9U", "asin": "B000AXWA0A", "style": {"Flavor:": " Vanilla"}, "reviewerName": "Darasue Lyons", "reviewText": "Now I make the most perfect lattes, right at home! No need to go to Starbucks when the lattes I make at home taste just like the ones you get at Starbucks, thanks to Torani's vanilla syrup.", "summary": "Starbucks at home!", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "AJ7GSRVAPSDHP", "asin": "B000Y8WYZ2", "style": {"Flavor:": " Orange Cranberry"}, "reviewerName": "Brian", "reviewText": "very good", "summary": "very good", "unixReviewTime": 1472774400} +{"overall": 3.0, "verified": true, "reviewTime": "03 29, 2014", "reviewerID": "A14BY8J0TQIBV1", "asin": "B0016JKXGU", "style": {"Size:": " 100 Count (Pack of 5)", "Flavor:": " Black Tea"}, "reviewerName": "B. Walker", "reviewText": "I found this tea to be weak. The instructions say to use it with 6oz of water. That's a pretty small cup of tea to me so the tea only works for me with 2 teabags. In addition, there was little aroma and it was just bland and boring", "summary": "Bland and Boring", "unixReviewTime": 1396051200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A1C573233MQPPI", "asin": "B000WR8TK4", "reviewerName": "M. Williamson", "reviewText": "This is the absolute best all purpose seasoning that I have ever used. The best part is that it is organic. I highly recommend it.", "summary": "Simply Delicious", "unixReviewTime": 1375056000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A2X1HGVMPX1PXN", "asin": "B000IKKBGK", "style": {"Size:": " 1-Pack"}, "reviewerName": "Barry F. Stinson", "reviewText": "Speedy delivery, item as described, well-packaged and protected and delicious as usual.", "summary": "A Plus", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "A1C9R7XDI20QQW", "asin": "B0016COPU2", "style": {"Size:": " 6 ct"}, "reviewerName": "Celeita A. Kramer", "reviewText": "always wonderful.", "summary": "Five Stars", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": false, "reviewTime": "02 11, 2018", "reviewerID": "A3VGHF7VNFBMCQ", "asin": "B0005XN9HI", "style": {"Size:": " 1 Pack"}, "reviewerName": "sporting road", "reviewText": "Love it, bought a lot over the years", "summary": "Five Stars", "unixReviewTime": 1518307200} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A2Y69OQQ27NWX1", "asin": "B0017U48KK", "reviewerName": "Brown Southern Cali Gal", "reviewText": "Vegan daughter and she loves this, even I do and I am not a vegan...tons of ways to use", "summary": "Five Stars", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A33BDS9UIEDPOS", "asin": "B0009VFDEI", "style": {"Size:": " 12 ounce", "Flavor:": " French Vanilla"}, "reviewerName": "Pat", "reviewText": "Got this for my grandson when he had his wisdom teeth removed. It was easy to get the nutrition he needed.", "summary": "Easy!", "unixReviewTime": 1441065600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2011", "reviewerID": "AY0WPNYO66YAA", "asin": "B00161FSZY", "reviewerName": "DGW", "reviewText": "I make a Jambalaya in my rice cooker and I couldn't make (or eat) it w/o Tony Chachere's Creole Seasoning!", "summary": "Can't make Cajun without it", "unixReviewTime": 1317513600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2013", "reviewerID": "A1WBDTN9V0B2TG", "asin": "B000E1FXQ6", "reviewerName": "Pinchme", "reviewText": "Doesn't everybody love macaroni and cheese? This one is great and just the right size for lunch, travels well in your purse or lunch bag.", "summary": "Great for lunch kits", "unixReviewTime": 1370563200} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A1FA7GUPC3HOWF", "asin": "B0009X65FC", "reviewerName": "Darby McCarthy", "reviewText": "Great price, fast shipping and no trip to Manhattan to pick it up so total savings and convenience for me! Gunpowder green is my favorite and this is now my exclusive source!", "summary": "Great price, fast shipping and no trip to Manhattan ...", "unixReviewTime": 1431388800} +{"reviewerID": "A3PD8JD9L4WEII", "asin": "B0014EW4N2", "reviewerName": "Bron", "verified": true, "reviewText": "As Sam pointed out in his review, these have changed. I think they are using a different meat now. At any rate, not as good as they used to be. Still OK, not bad, but definitely not as good. Not sure I would buy again a this point. Maybe.", "overall": 3.0, "reviewTime": "05 15, 2013", "summary": "IT's OK, used to be better...", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2017", "reviewerID": "ARN8PPEZRHJDV", "asin": "B000FL1HXI", "style": {"Size:": " 3.5 Pound", "Flavor:": " Java Chip"}, "reviewerName": "deerhunter", "reviewText": "Cheaper to make these at home than the coffee shop.", "summary": "Yum!", "unixReviewTime": 1509926400} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "05 14, 2016", "reviewerID": "AJH3A4Q94MFYG", "asin": "B000EUF9CK", "style": {"Flavor:": " Panther, (88%) Dark Chocolate"}, "reviewerName": "Brenda L. Courtien", "reviewText": "I was tasty enough but I read a study that was done on several brands of dark chocolate containing lead and cadmium and this has those elements. Never buying again.", "summary": "I was tasty enough but I read a study that ...", "unixReviewTime": 1463184000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "A3NKMSIL5NPO1E", "asin": "B000HL892S", "reviewerName": "Y.D.", "reviewText": "The taste is amazing! Arrived in pretty good shape too.", "summary": "The taste is amazing! Arrived in pretty good shape too", "unixReviewTime": 1500768000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A1N166FN2WAZJJ", "asin": "B000YSVMQO", "style": {"Size:": " 8 Ounce", "Flavor:": " Blue Corn Dipping Chips"}, "reviewerName": "truitti", "reviewText": "Great price, great packaging, great delivery, and most of all, great taste. I prefer this type of chip to any other.", "summary": "Great", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "AQOVM5M1UTDC3", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Pdxsarita", "reviewText": "Good stuff, I like the packaging.", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "AR0YSILQA8WQ4", "asin": "B000YPMKXQ", "style": {"Flavor:": " Honey & Almonds"}, "reviewerName": "Bosco5", "reviewText": "Very good. Love it.", "summary": "Five Stars", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2017", "reviewerID": "A3U74O24UOLRXR", "asin": "B0014DPIPO", "style": {"Size:": " 500 Packs"}, "reviewerName": "k.k.", "reviewText": "Great!!", "summary": "Five Stars", "unixReviewTime": 1491696000} +{"overall": 2.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "AZ6PUFKNU2RO4", "asin": "B0014GPSKQ", "reviewerName": "KVM", "reviewText": "Probably will not order bananas from Fresh again. Mine came very bruised and were too ripe within 2 days", "summary": "Will not purchase again", "unixReviewTime": 1501718400} +{"overall": 3.0, "verified": false, "reviewTime": "07 31, 2014", "reviewerID": "A2GDLPZ2FW3XHF", "asin": "B0007R9L4M", "style": {"Flavor:": " Channa Masala"}, "reviewerName": "Ego Rogo", "reviewText": "This is a taste review and not a quality review. The packaging and quality seem fine but I did not really like the way these tasted.", "summary": "The quality seems fine. The taste is not for me.", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A2PUIXO89T93TS", "asin": "B000QV8KNW", "style": {"Size:": " Pack of 1"}, "reviewerName": "SpecialBuy", "reviewText": "I love it, thanks to its pleasant taste. I think it helps me a lot, with more energy and vitality. Also: Thanks to the seller for his friendly e-mails.", "summary": "Excellent taste and it makes me feel more energetic", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A2WJYER02A0JVN", "asin": "B0009F3QKW", "style": {"Flavor:": " Kava Stress Relief"}, "reviewerName": "Scott", "reviewText": "Tastes good, and does help relax. I have sleep issues from the mid-watch, and these help unwind.", "summary": "Excellent tea", "unixReviewTime": 1469491200} +{"overall": 3.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A1XELTYH6XDXAU", "asin": "B000ZM34MO", "style": {"Size:": " 8.8 oz (250g)", "Package Type:": " Standard Packaging"}, "reviewerName": "scattycat419", "reviewText": "the price is beyond ridiculous :( eco bee is a way better deal.....why would you even charge this price? smh, shame on me for wasting money, thats how i feel", "summary": "( eco bee is a way better deal.", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A2ZWYOAOC4F8AV", "asin": "B000JGLE0U", "reviewerName": "Amazon Customer", "reviewText": "I buy these for my mom she loves them", "summary": "Five Stars", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2013", "reviewerID": "A1JEZWLIOEMI7Z", "asin": "B000LQTTVY", "style": {"Size:": " 30 oz", "Style:": " Canola Oil"}, "reviewerName": "Waterdiva", "reviewText": "We only use this mayo since the Canola oil is healthier for heart patients than Soybean oil. As usual, Amazon beats everyone else's price on this.", "summary": "Tasty and healthy", "unixReviewTime": 1385424000} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "ANBJ7H20DK918", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "Joseph M.", "reviewText": "Love the flakey texture, but pretty expensive for salt. Oh well, life's to short to worry about a couple extra bucks. I'm willing to spend it for the added enjoyment. Salt lovers will really enjoy this product. Best I've found.", "summary": "Love it", "unixReviewTime": 1403136000} +{"overall": 3.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A3D0HMC6RQT0N0", "asin": "B0007R9L4M", "reviewerName": "J. Flood", "reviewText": "It's ok, a little watery. It's handy storage wise and heats up quickly, but there's not much substance to it. Flavor is spicy enough.", "summary": "Could be better...", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2015", "reviewerID": "A30UQ69VCH6JY4", "asin": "B0009F3PI0", "style": {"Flavor:": " Organic Golden Green Tea"}, "reviewerName": "Ilvdmb", "reviewText": "Hi purchased this tea mostly because of the reviews. I was looking for good life's green tea with lemongrass and struck out. Made some tea last night and throughly enjoyed it. The flavors are just what I like. It's great a cold tea and then adding lemon to. Mmmmm", "summary": "Great replacement", "unixReviewTime": 1449360000} +{"overall": 4.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A1JK7KFBZ4J3JJ", "asin": "B000EMK4H8", "reviewerName": "RJK", "reviewText": "fast chocolate fix", "summary": "quick", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2013", "reviewerID": "A3L9ZT7SRJYLVH", "asin": "B000J41TB6", "style": {"Size:": " 40-Quarts", "Style:": " Instant"}, "reviewerName": "JDTexan", "reviewText": "Delicious milk! Just add water and it is done! Really cold milk tates so good! It can also be used in recipes in the dry form--like when baking bread.", "summary": "Non-fat Dry Milk Powder", "unixReviewTime": 1359849600} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2018", "reviewerID": "A2MO4QXKPWJLOM", "asin": "B000YN2GVY", "reviewerName": "SS", "reviewText": "Love this product. I use this for mixing up my face masks(clay, seaweed, vinegar) and I also use it as an astringent before moisturizing. This one is the best!", "summary": "Love, love, love! Use this when mixing my face masks.", "unixReviewTime": 1524873600} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A1BB4GQRNR6CE6", "asin": "B000WS1KOA", "style": {"Size:": " 1-Pack"}, "reviewerName": "Gi Fine", "reviewText": "This has a great mustard flavor. A little goes a long way to achieve optimal taste. Definitely will seek out other seasonings by Simply Organic!", "summary": "True Mustard Flavor", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A2DVCOYBELN6LE", "asin": "B000EVOSGW", "style": {"Flavor:": " Ginger Lemon"}, "reviewerName": "Stephanie Jensen", "reviewText": "Omg! Omg! Omg! It's nice to have an adult gummy candy. The ginger is spicy and the lemon pairs well with it. LOVE this candy!", "summary": "It's nice to have an adult gummy candy", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A2SHXZ0CO73Z26", "asin": "B00139ZSDG", "reviewerName": "Fishermom1717", "reviewText": "Fast shipping & fresh product!", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A2DB03060GK3WM", "asin": "B000F013Q0", "style": {"Size:": " 28oz shaker"}, "reviewerName": "sabra w. morgan", "reviewText": "Been buying this one for years, can't trust the stores to always have it on hand, so I have started buying it online. Very well balanced, not salty like some products can be.", "summary": "Great product.", "unixReviewTime": 1369785600} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2013", "reviewerID": "A8SPPHKETDZ41", "asin": "B00099XK6I", "style": {"Size:": " 50 Count (Pack of 6)", "Style:": " Cold Brew Iced Tea Bags"}, "reviewerName": "barbre", "reviewText": "These work well at work where I don't have access to good tea. I put 2 bags in my 16oz cup and use them all day. Ok flavor, better than drinking soda all day.", "summary": "Good for Work", "unixReviewTime": 1387670400} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A2C9XE9I8RSKNX", "asin": "B000CONM86", "style": {"Size:": " 1 Ounce (Pack of 24)"}, "reviewerName": "JillinoisRN", "reviewText": "I like this version of this brand of snacks the best- they're puffed \"Cheetos\" without the neon orange powder... taste is very similar.", "summary": "Tasty", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2013", "reviewerID": "A5512D5CT3A8Q", "asin": "B000H2XXRS", "reviewerName": "Charlie Harper", "reviewText": "I'm trying to eat more coconut oil, this is a great product, it is expensive, but what price for good health?? I'm including it in my food storage as it's one of the few fats with long term storage time. (google it )", "summary": "Good for your health", "unixReviewTime": 1363132800} +{"overall": 5.0, "verified": false, "reviewTime": "02 9, 2009", "reviewerID": "AHGLVAUWMJWYC", "asin": "B00101S5SC", "reviewerName": "G. Vitug", "reviewText": "This is good healthy drinks. Buy one take one free is a good deal. I will buy every month with this kind of deal, Especially when it is bundled with pure coconut water.", "summary": "Taste Good when you get use to it", "unixReviewTime": 1234137600} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2014", "reviewerID": "AH0RRR66DEC8M", "asin": "B0009J2CLM", "reviewerName": "N D", "reviewText": "Yummy.", "summary": "Five Stars", "unixReviewTime": 1412467200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A2UA0DX14PFOCT", "asin": "B000SR5TJM", "reviewerName": "linda", "reviewText": "great buy", "summary": "Five Stars", "unixReviewTime": 1513555200} +{"reviewerID": "A3SU48A49T9TKR", "asin": "B000CQ01GU", "reviewerName": "S. B.", "verified": true, "reviewText": "You cant beat the taste, quality and price (amazon) of this food. Good for any age.\nWe've tried other organic brands and none compare. This is far above the leading chemical based mac and cheese too.", "overall": 5.0, "reviewTime": "08 8, 2011", "summary": "JUST THE BEST", "unixReviewTime": 1312761600} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "AVPW04XNXSREY", "asin": "B000168QTU", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Black Cherry Berry"}, "reviewerName": "Efxpert", "reviewText": "price was right product was as described!", "summary": "Five Stars", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": false, "reviewTime": "11 7, 2006", "reviewerID": "A3JKXNOLX2QRJ7", "asin": "B000ET93LE", "reviewerName": "darlene conright", "reviewText": "While I agree that they are a bit hard, I like them that way. They are one of the best tasting gf sandwich cookies I've had. The chocolate taste is as good as any other commercial one out there.", "summary": "Good cookie", "unixReviewTime": 1162857600} +{"overall": 5.0, "verified": false, "reviewTime": "02 1, 2017", "reviewerID": "A3327KQ5JZT2EE", "asin": "B000U0OUP6", "reviewerName": "CLBD", "reviewText": "The best ever.", "summary": "Love them", "unixReviewTime": 1485907200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A1575JUI75IY6T", "asin": "B000Q5NSAS", "style": {"Size:": " 30 oz"}, "reviewerName": "D. L.", "reviewText": "Delicious! These are the best dried mangoes anywhere. But please note the price fluctuates between $21 and $35 - I can't believe I paid so much for them on my first order. At the lower price I will buy them again and again.", "summary": "Five Stars", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2016", "reviewerID": "A9OYPAJVPGQ6X", "asin": "B000EDK5LM", "style": {"Size:": " 22 Ounce (Pack of 4)"}, "reviewerName": "CC Shopgirl", "reviewText": "does all it is supposed to do .. very happy with the product", "summary": "when you need vital wheat gluten .. this one is perfect !", "unixReviewTime": 1475452800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "A16ATSKH0IB18S", "asin": "B0000GHNSQ", "reviewerName": "Mamma Jamma", "reviewText": "Both my Son & I love this Co.'s Green Hot Sauce. Does not cause heart burn like many hot sauces do for us. This one is very flavorable !", "summary": "8oz. Hot Sauce", "unixReviewTime": 1392422400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "01 18, 2008", "reviewerID": "AU7H1XNGAOWRL", "asin": "B000I612BM", "style": {"Flavor:": " Dark Sweet Cherries"}, "reviewerName": "Tema L. Steele", "reviewText": "These are the kind of cherries that you find in a cherry pie minus the fat, sugar and calories! I put them in non-fat vanilla yogurt and they are fabulous!", "summary": "Delicious!", "unixReviewTime": 1200614400} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2017", "reviewerID": "ANSUJD3W842ZM", "asin": "B000CQC08C", "style": {"Size:": " 100 Count"}, "reviewerName": "HuyT", "reviewText": "Dad goes through these fast...", "summary": "Five Stars", "unixReviewTime": 1504396800} +{"overall": 4.0, "vote": "9", "verified": false, "reviewTime": "06 19, 2008", "reviewerID": "A3M8R4JD1SIS76", "asin": "B00099XNO2", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Ranch and Bacon"}, "reviewerName": "Mary Cooke", "reviewText": "We like the ranch and bacon flavor, but it is not what we usually think of when we think pasta salad. We think of something more Italian than ranch when we have pasta. Try it, though. You may love it if you are fond of ranch flavors.", "summary": "A Different Flavor", "unixReviewTime": 1213833600} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2010", "reviewerID": "A16CA0LWKNZ2OL", "asin": "B000Q92QIE", "reviewerName": "Madabelle", "reviewText": "They're pretty tastey for what I remember! Nice and quick, and very easy! My husband who's in Iraq love these! He's able to come back and have something warm to eat.", "summary": "husband loves these", "unixReviewTime": 1293753600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "AMW1OYXWOGZGJ", "asin": "B000KOWNBU", "style": {"Flavor:": " Sugar Free Milk Chocolate"}, "reviewerName": "James Southard", "reviewText": "My wife and I are trying to watch our sugar and carb intake... These brownies are made with Splenda and taste good. They're still not very healthy on the carb side, but they sure do taste good!!!", "summary": "Good stuff!!!", "unixReviewTime": 1357430400} +{"overall": 4.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A2UWG8CUFN94BQ", "asin": "B0008DIECK", "reviewerName": "Wrong One To Scam", "reviewText": "MMMmmm.... ", "summary": "Verified Review With Emoji's :)", "unixReviewTime": 1484006400} +{"reviewerID": "A3LLD4U0KNG4K5", "asin": "B0009F3QKM", "reviewerName": "Sr. Citizen", "verified": true, "reviewText": "Delicious green tea...no after taste.", "overall": 5.0, "reviewTime": "07 18, 2014", "summary": "Five Stars", "unixReviewTime": 1405641600} +{"overall": 4.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A2PD55QT1JV67P", "asin": "B000JMAVYO", "style": {"Size:": " 4 Pound"}, "reviewerName": "naquarium", "reviewText": "As far as I know these are not really raw!\nAlmonds from the USA are required to be pasteurized.\n\nIF I AM WRONG PLEASE LET ME KNOW!\n\nAs far as just almonds they have a reasonable price.", "summary": "As far as I know these are not really raw!", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A3CAOC1JKWGL4U", "asin": "B000168QTU", "style": {"Size:": " 18 Count (Pack of 6)", "Flavor:": " Fruit Tea Sampler"}, "reviewerName": "Reader", "reviewText": "I order this over and over it again its wonderful", "summary": "Five Stars", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A1LXUR2W20KHU2", "asin": "B000HDJZWO", "style": {"Size:": " 10 Ounce (Pack of 6)", "Flavor:": " Semi-Sweet Mini Chips"}, "reviewerName": "Senior Buyer", "reviewText": "I purchased this previously because I have a soy allergy. With these chips I am able to make and eat trail mix and cakes and cookies I make. Nice rich taste and stores well. Thanks.", "summary": "Nice rich taste and stores well", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A314TC9KD94264", "asin": "B000XYJ5SQ", "reviewerName": "karen s", "reviewText": "A-OK", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 3.0, "vote": "2", "verified": false, "reviewTime": "01 20, 2017", "reviewerID": "A3DD60HIG9J1UH", "asin": "B000CC1FM8", "reviewerName": "Maugham", "reviewText": "I've read that it's only 90% grass fed, but \"finished\" with soy and corn. Some women who have had breast cancer cannot eat soy because it acts like estrogen. Also, \"Grass-Fed\" should mean 100% grass fed shouldn't it???", "summary": "Is it really grass fed 100%??", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2016", "reviewerID": "A1ZALUQ9IF4137", "asin": "B000UEUAGU", "reviewerName": "Amazon Customer", "reviewText": "Yummy for snacks, sure came in handy when i needed a snack :) <3", "summary": "Great to have on hand, good snack :)", "unixReviewTime": 1478649600} +{"overall": 3.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A10Y20V6MWFNMV", "asin": "B000GZSDZI", "reviewerName": "Jean Goodall", "reviewText": "consistency is thin so good for baking or cooking with esp. Thai recipes", "summary": "Three Stars", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A13XRSMFFELA3I", "asin": "B000FZRYFY", "style": {"Flavor:": " Spinach Fetuccine"}, "reviewerName": "Robert L. Napoli", "reviewText": "These are very delicious and take only four minutes boil time to be ready to serve with your favorite toppings.", "summary": "... boil time to be ready to serve with your favorite toppings.", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "AWUWK0CA5ZI0Q", "asin": "B0009PCP6S", "style": {"Number of Items:": " 1"}, "reviewerName": "MONICA DELAND", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2017", "reviewerID": "AATCJHYTOR31X", "asin": "B000WKXTNS", "reviewerName": "Bigguy", "reviewText": "What is not to love.", "summary": "Five Stars", "unixReviewTime": 1509494400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A2QKQGCSPCUN8", "asin": "B000WG7SZC", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "Brock Middlebrook", "reviewText": "Easy and quick to prepare and has a very smooth texture. It comes out very creamy. This one is a winner for my taste.", "summary": "Smooth tasting oatmeal", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1C6E9A935X4FJ", "asin": "B000GW0U9I", "style": {"Size:": " 3.25-Ounce Bags (Pack of 4)", "Flavor:": " KC Masterpiece Barbecue"}, "reviewerName": "jf63", "reviewText": "love this jerky!", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "AD7O016COYN0E", "asin": "B000W5BS9K", "style": {"Size:": " 1 Pack"}, "reviewerName": "Tarran little", "reviewText": "Taste a little different from the one I tried from Jordan but still great.", "summary": "... from the one I tried from Jordan but still great.", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A2S696CI415O20", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Cherries"}, "reviewerName": "Q.C. Stickler", "reviewText": "This is the best deal and product quality on dried fruit that I have found. Will reorder often! AWESOME QUALITY!!", "summary": "This is the best deal and product quality on dried fruit that I have found. Will reorder often! AWESOME QUALITY!!", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A3KKM0T6GLA3A7", "asin": "B000KEPB9Q", "style": {"Size:": " 18 Ounce (Pack of 4)"}, "reviewerName": "Square", "reviewText": "Absolutely delicious.", "summary": "Really satisfying.", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A3IUZZMKNQ7LYZ", "asin": "B000ED9LIU", "style": {"Size:": " 12 oz (Pack of 4)"}, "reviewerName": "E S.", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "APD3TO6RXR4AG", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "NEVER AGAIN", "reviewText": "Fresh peanuts and they are so yummy", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A2EG5WO6VCFDQ5", "asin": "B000X3TPHS", "style": {"Size:": " 8.5 Ounce", "Flavor:": " Vitamin C"}, "reviewerName": "rlazar", "reviewText": "Best lollipops on the market! Kids love it and no artificial ingredients or food coloring.", "summary": "Great product", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A320DEK7BZME09", "asin": "B0012OTF3Q", "reviewerName": "KitchenTester", "reviewText": "Always used this brand of vanilla for pretty much my whole life.", "summary": "Ol' Standby", "unixReviewTime": 1432339200} +{"overall": 4.0, "verified": true, "reviewTime": "11 11, 2012", "reviewerID": "A1V7QIYJ8S6CK2", "asin": "B0013JQON4", "style": {"Size:": " 22 oz."}, "reviewerName": "Marsha K. Ormes", "reviewText": "HAVEN'T USED MUCH OF THIS YET SO FAR SEEMS TO BE FINE WOULD RECOMMEND.REASONABLY PRICED INTERNET IS BEST BET.RECIPES AREN'T JUST HANGING OUT THERE ON THE TREES FOR YOU.", "summary": "GOOD FLOUR", "unixReviewTime": 1352592000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "AE508CW7ON3EP", "asin": "B0007GHHSU", "style": {"Flavor:": " Hawaiian Hazelnut 12 oz."}, "reviewerName": "Armommi", "reviewText": "My all-time fave coffee. Just the right flavor of hazelnut with aa hint of coconut. Was pleased to find it at Amazon since it's no longer available at my local stores.", "summary": "Was pleased to find it at Amazon since it's no longer ...", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2010", "reviewerID": "ACPQWOE6L0Z5P", "asin": "B000DZDJ0K", "style": {"Size:": " 4 pound (Pack of 3)", "Flavor:": " Baking/Pancake"}, "reviewerName": "Tara N.", "reviewText": "I've had great results with this product and I've put it on \"subscribe and save\" so I get a regular supply. You wouldn't ever guess it was gluten-free!", "summary": "Pamela's brand is the best gluten-free I've tried!", "unixReviewTime": 1271203200} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A3E6EU9KNAYM4W", "asin": "B000WV0RW8", "reviewerName": "JX4", "reviewText": "This is a good amount of chia seed for the price - should last us a while. I like to add into sauces and bread - hardly even know they are there.", "summary": "Good value", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A3I3QPU52TRTPZ", "asin": "B000MSFC9E", "reviewerName": "Neli V", "reviewText": "the best coffe", "summary": "Five Stars", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A29IP009QER7FR", "asin": "B000LKVJCC", "reviewerName": "Bu HuBu", "reviewText": "Excellent product and shipping.", "summary": "Five Stars", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2017", "reviewerID": "A1075JH9L8697E", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "Amazon Aisha", "reviewText": "Tastes good. I prefer this to stevia", "summary": "Five Stars", "unixReviewTime": 1496707200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2014", "reviewerID": "A348P7NXYNQB1M", "asin": "B0017I96LI", "reviewerName": "P. Jenkins", "reviewText": "I love these chips as a snack. I like the crunch and the taste. My husband doesn't like them. More for me!", "summary": "Yummy", "unixReviewTime": 1392854400} +{"overall": 5.0, "verified": false, "reviewTime": "10 3, 2014", "reviewerID": "A3R7XPAEJ8X1H3", "asin": "B000CR1ELU", "reviewerName": "carole", "reviewText": "They came soft and smelling of very strong vanilla which is good.", "summary": "vanilla", "unixReviewTime": 1412294400} +{"overall": 4.0, "verified": true, "reviewTime": "07 26, 2014", "reviewerID": "A4PUWHCE5ONLG", "asin": "B00161FT0S", "reviewerName": "Mad quilter", "reviewText": "My husband loves it.", "summary": "Four Stars", "unixReviewTime": 1406332800} +{"reviewerID": "A3UBHTHP6O0UFT", "asin": "B000F4DKAI", "reviewerName": "S. Smith", "verified": true, "reviewText": "We love this tea (both hot and iced). It is the best white tea I've found on the market. Good price, packaged well, and delivered on-time.", "overall": 5.0, "reviewTime": "06 10, 2016", "summary": "Love this white tea. A+++", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A31YNVLIU5U13R", "asin": "B00016LA8O", "reviewerName": "hunny89", "reviewText": "This is the best alternative to clam juice I have found. My store won't carry the brand I prefer, instead carrying one that is very watered down, so this is now my new go-to.", "summary": "Great alternative to clam juice!", "unixReviewTime": 1433289600} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "A129957NFW9MMU", "asin": "B000G82L62", "reviewerName": "Matthew D.", "reviewText": "I could never understand why no one wanted the delicious wild rice-pilaf in their military Meals Ready to Eat. Bring back that break in monotony with this very tasty blend!", "summary": "Wild rice, the best rice.", "unixReviewTime": 1389225600} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A2PXDZEYF5U28T", "asin": "B0009F3PIA", "style": {"Flavor:": " Belly Comfort"}, "reviewerName": "Mel R.", "reviewText": "good flavor. Nice on a chilly morning.", "summary": "Five Stars", "unixReviewTime": 1508716800} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "AU21OICKYJ5LG", "asin": "B00014JNI0", "reviewerName": "DeAng", "reviewText": "Very good and so deliciously sweet. Makes my sugar go up!", "summary": "Taste it then you decide!", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2015", "reviewerID": "AL28JC73LZHHA", "asin": "B000HQRAGE", "style": {"Size:": " 16 Ounce (Pack of 5)", "Flavor:": " Small Shells"}, "reviewerName": "JellyBean88", "reviewText": "Excellent.", "summary": "Five Stars", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A13A9PCM2ANM92", "asin": "B000W7PUL0", "reviewerName": "AG", "reviewText": "good value on amazon. Stove top, its quick and easy and who does not like stuffing.", "summary": "Five Stars", "unixReviewTime": 1468108800} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A2LDNLJNSQDJK2", "asin": "B000WR8TK4", "reviewerName": "Holly J. Moses", "reviewText": "This seasoning works great in a lot of meal choices. Not too heavy.", "summary": "Five Stars", "unixReviewTime": 1426291200} +{"overall": 4.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A3EF7PUYTF057Z", "asin": "B000FYVKUA", "style": {"Flavor:": " Honey Stung"}, "reviewerName": "Gary R. Jordan", "reviewText": "This product was great, no gristle, meat was tender.\nThe taste was great, well worth giving it a try.\nWe enjoyed eating them!", "summary": "Very Good", "unixReviewTime": 1391385600} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A3UWXNTQW9REPS", "asin": "B000KY6IIY", "reviewerName": "marge woods", "reviewText": "Found them when I lived in Scotland, now I am hooked again. They aren't for everyone, but I just happen to love them.", "summary": "Totally Addicted to them", "unixReviewTime": 1381104000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 25, 2013", "reviewerID": "A1IU5QA45P37IQ", "asin": "B000LWCR26", "style": {"Size:": " 1 Count", "Flavor:": " Chamomile Lemon"}, "reviewerName": "Wifey Randall", "reviewText": "This tea needs to be steeped for at least 5-10 minutes, otherwise it tastes like warm water. Once properly heated and steeped it is delicious! I go through about a box or so a week now.", "summary": "Yum!", "unixReviewTime": 1359072000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2014", "reviewerID": "ADQGU36IX13R9", "asin": "B0009I8NSO", "style": {"Size:": " 1 Pack"}, "reviewerName": "alan m.", "reviewText": "I wanted to give my mom a special small gift and this was a great fit. Maybe I will order some for myself.", "summary": "Gummy candy is yummy", "unixReviewTime": 1393459200} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A1B1QSO9D555DL", "asin": "B000R4CI3G", "reviewerName": "StormRider", "reviewText": "Good taste,", "summary": "Great", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "A2E1FK87WQTTU", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 4)", "Flavor:": " Mango"}, "reviewerName": "Dot R.", "reviewText": "Great for mango martinis", "summary": "Five Stars", "unixReviewTime": 1517702400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A1HXMNV9P3A9DP", "asin": "B000VK88IA", "style": {"Size:": " 6-Ounce (Pack of 6)", "Flavor:": " Mountain Mambo"}, "reviewerName": "L_Potts4", "reviewText": "I have to make the same comments here as I did for the other flavor of this same product, Love this food as it has no junk filler or sulfites! So tasty. We have ordered many times!", "summary": "Love this food as it has no junk filler or ...", "unixReviewTime": 1445558400} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1CYJB4EXRQGXK", "asin": "B0010OQQ2Q", "style": {"Size:": " 16 oz"}, "reviewerName": "Alan Egan", "reviewText": "The best product", "summary": "Five Stars", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A15Q94WG2G5JI4", "asin": "B000YUCN6A", "reviewerName": "Kat", "reviewText": "This is a wonderful chocolate/peppermint combination! Delicious!", "summary": "Five Stars", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A2IO6RO0Y96FP5", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Geena", "reviewText": "NOM NOM NOM", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A26T0MEAGID2IH", "asin": "B000OLJRBI", "reviewerName": "mikey rocks", "reviewText": "I like this tea and will buy it again.", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "A3BM9USMSM76S1", "asin": "B000P6H3V8", "reviewerName": "Bonnie", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"reviewerID": "A1JRTDAD17WBQT", "asin": "B000E1FZBY", "reviewerName": "MDALUV", "verified": true, "reviewText": "II always loved the taste of this dressing as a kid and the quality of this product has not changed one bit. Still as good as ever. If you use the newer wine vinegars and oils you can make this taste even better and it will be healthier for you.", "overall": 5.0, "reviewTime": "11 24, 2012", "summary": "Taste", "unixReviewTime": 1353715200} +{"overall": 3.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A9T5Q55G0N6MD", "asin": "B000JMBE7C", "reviewerName": "Dr. Brenda", "reviewText": "I am still learning how to blend this, sometimes too thick and sometimes too thin. I like the egg custard flavor and think when I get used to it, I will be using in different types of desserts, I need a Bird's cookbook I think.", "summary": "Consistency is problematic", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A2QSWM1J23K8IM", "asin": "B0014ET2MI", "reviewerName": "Sue Y.", "reviewText": "Have always loved this one.", "summary": "Campbell's soup", "unixReviewTime": 1431561600} +{"reviewerID": "A1WTL2G700DKL6", "asin": "B000F4DKAI", "reviewerName": "Jess", "verified": true, "reviewText": "my favorite tea ever", "overall": 5.0, "reviewTime": "01 21, 2016", "summary": "Five Stars", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A3VRIA8Z78LCOF", "asin": "B000LLK9KE", "reviewerName": "Dino", "reviewText": "Love Ortega always good.", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "11 27, 2013", "reviewerID": "A2VLFK733FDZ54", "asin": "B0016L34GO", "reviewerName": "Amazon Customer", "reviewText": "Similar taste to Sriracha, but better for cooking. Has a simpler, cleaner flavor that develops better than Sriracha when cooked. It does not work, however, as a condiment at the table. This is an ingredient, rather than a condiment.", "summary": "A good cooking chili garlic sauce", "unixReviewTime": 1385510400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A31BNH1ZDMOSRB", "asin": "B00008RCN8", "style": {"Flavor:": " Strawberry"}, "reviewerName": "dtobisk", "reviewText": "I've been sampling a variety of different chewing gums so far, and I'd say this is my favorite. Sweet, with a nice texture. Flavor isn't terribly long-lasting, but no worse than other gums I've tried. I'll definitely buy again.", "summary": "and I'd say this is my favorite. Sweet", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A2GUKN6CGTJNA3", "asin": "B000KEJMRI", "style": {"Size:": " 24"}, "reviewerName": "Deborah Gawlik", "reviewText": "The best tapioca I have ever found", "summary": "Best ever", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A2XJ2T0LRPQ8I5", "asin": "B000YQBSXS", "style": {"Flavor:": " Whole Milk"}, "reviewerName": "WLJ", "reviewText": "Now, this IS fantastic -- the taste is very rich.", "summary": "For Goat Milk Lovers", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A17WJCGYDJQ2DV", "asin": "B0014E6H2G", "reviewerName": "Amazon Customer", "reviewText": "GOOD PRODUCT", "summary": "Five Stars", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "A14DS6GQR1OMI0", "asin": "B0012JNRKS", "style": {"Flavor:": " Iced Oatmeal Cookie"}, "reviewerName": "MD, FL", "reviewText": "Good product!", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "AU1PDS14MZI4I", "asin": "B0000DKQ59", "style": {"Size:": " Pack of 1"}, "reviewerName": "Amazon Customer", "reviewText": "Spendy but good flavor", "summary": "Five Stars", "unixReviewTime": 1422662400} +{"overall": 1.0, "vote": "5", "verified": false, "reviewTime": "05 6, 2015", "reviewerID": "AC8SMRGI2ZH9", "asin": "B000UUWECC", "style": {"Size:": " 11.2 Ounce", "Flavor:": " Natural"}, "reviewerName": "Bug", "reviewText": "Nasty sweet taste with an overpowering artificial coconut flavor. Would be nice to know what the added \"natural flavors\" really are. I gave this brand a try because it was cheaper, but obviously there is a reason for it...won't be buying this brand again.", "summary": "Nasty sweet taste with an overpowering artificial coconut flavor", "unixReviewTime": 1430870400} +{"overall": 3.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A2E457BOF4OVEI", "asin": "B000WR4SGI", "reviewerName": "SPARTAN-117", "reviewText": "quality didn't stay fresh long even though it was sealed, but was a good price!", "summary": "but was a good price!", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A2ZFA2JD9AIPBS", "asin": "B000XR5MLW", "reviewerName": "Mau", "reviewText": "Marathon bars are the candy of the Gods.", "summary": "Delish", "unixReviewTime": 1435536000} +{"overall": 3.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "A16MP1PIQW5BAT", "asin": "B000SWTKV0", "style": {"Size:": " 5lb.", "Style:": " Bag"}, "reviewerName": "mo", "reviewText": "I like it but we pay for a lot of moisture (H2o) in the salt", "summary": "Three Stars", "unixReviewTime": 1506211200} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2008", "reviewerID": "A17KZ1MF2V6B4Y", "asin": "B0013L92Y0", "reviewerName": "Sarah Price", "reviewText": "The flavor is ok, watermelon is hard to mimic. I say if you want to try it go ahead but its not as good as berry and citrus. Overall sharkies are a great product, nice boost of energy.", "summary": "Ok flavor, does its job", "unixReviewTime": 1219881600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A2348QSDI61LRX", "asin": "B0007KNXAC", "reviewerName": "Avid Reader", "reviewText": "Excellent cereal.", "summary": "Five Stars", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2013", "reviewerID": "A139XE46V4YYTL", "asin": "B000E1BL5S", "style": {"Size:": " 6 Ounce (Pack of 12)", "Flavor:": " Sweet and Nutty"}, "reviewerName": "KeoniBoy", "reviewText": "planters trail mix is delicious and healthy. keep this in the fridge for tasty snacking. can be enjoyed any time of day or nite. aloha. haleiwa jon", "summary": "great trail mix!", "unixReviewTime": 1367798400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A1C80VYQMM3FQB", "asin": "B000KNHDIY", "reviewerName": "Queen Christina II", "reviewText": "Great chocolate chips at a great price even with delivery charges. I have gone to the market the last two times and they have been out of the milk chocolate which are my husband's favorite. I bought the six bag online. These are great for eating alone or baking.", "summary": "Great chocolate chips at a great price even with delivery ...", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A1J09NVHC6BA9P", "asin": "B000LL0R8I", "reviewerName": "Amazon Customer", "reviewText": "Love this delicious, hydrating drink! Bottles are easy to take on the go.", "summary": "Five Stars", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "ADO1TVBG7WZS9", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Citron Green"}, "reviewerName": "Kate", "reviewText": "love these teas!", "summary": "Five Stars", "unixReviewTime": 1452384000} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A199HZN2A0WJA8", "asin": "B000MGOZEO", "style": {"Package Quantity:": " 1"}, "reviewerName": "Vortex Vixen", "reviewText": "About 1/2 tsp in pkg. I use 4 in my coffee", "summary": "Four Stars", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": false, "reviewTime": "07 27, 2016", "reviewerID": "A3UEUSNA44J8NC", "asin": "B000E1FXQ6", "style": {"Size:": " Pack of 18 (2.15-Ounce Packets)", "Flavor:": " Original"}, "reviewerName": "Leanne Thompson", "reviewText": "Perfect and yummy!", "summary": "Great product and fast shipping", "unixReviewTime": 1469577600} +{"reviewerID": "A2FI5V5WNIZL66", "asin": "B000F4DKAI", "reviewerName": "ARIGATO", "verified": true, "reviewText": "pretty good", "overall": 4.0, "reviewTime": "10 30, 2016", "summary": "holiday tea", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A12Q2NSIH2JUPF", "asin": "B001181NBA", "style": {"Size:": " 12", "Flavor:": " Triple Chocolate"}, "reviewerName": "Brittney", "reviewText": "Hands down the best protein bar on the market, and i've tried a ton of them. A little messy, so don't try to eat them in a vehicle, but the flavor is miles above all the competition", "summary": "Hands down the best protein bar on the market", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "ATMKCXAFN7YLO", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "kboomer46", "reviewText": "Love this product.", "summary": "Five Stars", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "AU5E39A06E466", "asin": "B0001M0Z6Q", "reviewerName": "TD32", "reviewText": "Been trying to step up my culinary game. Who knew getting quality pepper could make a big difference. Really enjoy this pepper.", "summary": "Good", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "A3D0MHNQMGK1E1", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "WC", "reviewText": "This is great honey. I love the taste so sometimes I just eat a teaspoon. It works great in tea and many other things. I'm very happy with this purchase because it tastes good, its natural, and it has health benefits.", "summary": "Great Honey!", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A17XELXK45MGN5", "asin": "B000U0OUP6", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "M. Grubbs", "reviewText": "As described. Thanks", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A1SL8DQQXKTJZU", "asin": "B000WS3AJS", "style": {"Size:": " 1-Pack"}, "reviewerName": "P. T. A.", "reviewText": "Simply Organic spices are the way to go. I use less of the spice and get more rich flavor and taste. Recommend it.", "summary": "I love it!", "unixReviewTime": 1423699200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 19, 2006", "reviewerID": "A2U0LXK29W2U6", "asin": "B000EVMNNC", "style": {"Size:": " M815202056"}, "reviewerName": "GmaH in SC", "reviewText": "Different taste from the white grapefruit but both are addicting. LIke potato chips but not as bad for you.", "summary": "Mmmmmmmmm good", "unixReviewTime": 1163894400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A1SQZWR4USW4W9", "asin": "B000WSK5N2", "reviewerName": "Carol Hahn", "reviewText": "I always buy this brand because I can depend on it's quality.", "summary": "Five Stars", "unixReviewTime": 1445385600} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2018", "reviewerID": "A3ADXOUDCVA8P0", "asin": "B000S16WRQ", "style": {"Size:": " 5lb"}, "reviewerName": "Jerry Robertson", "reviewText": "A good low carb substitute for wheat flour.", "summary": "It's OK", "unixReviewTime": 1519603200} +{"overall": 3.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "AN2SCJ9PDVBIK", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " 4 Flavor Variety Pack"}, "reviewerName": "anthony", "reviewText": "This was OK.Our family likes SanPelligerno much better ,but I know that has more calories. Good for convenience but you could just mix some juice and seltzer.", "summary": "Good for on the go", "unixReviewTime": 1472688000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A23UGHBSIY45CU", "asin": "B000V1JVCG", "style": {"Flavor:": " Swedish Meatballs"}, "reviewerName": "Judith Meyers", "reviewText": "Very good. My 20-year-old grandson and I really enjoy them.\nHe needs two...One is enough for me.\nA nice quick hot meal when you don't have time, energy or inclination to cook.", "summary": "Very good", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2012", "reviewerID": "A2LKE0SEQBP6PD", "asin": "B000H2XXRS", "reviewerName": "Ms. Red", "reviewText": "I use it as a moisturizer (LOL) but it works well. I prefer it in the solid form vice when it melts into real oil. So keeping it in a cool place is a must.", "summary": "Good price for a great item", "unixReviewTime": 1355702400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A2G159QW2WE0PA", "asin": "B000QV4U4U", "style": {"Size:": " 4.5 Ounce"}, "reviewerName": "beccah", "reviewText": "Super duper rub! Love it!", "summary": "Five Stars", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A345AHTRDUXQ32", "asin": "B000R95C8O", "reviewerName": "Amazon Customer", "reviewText": "Good timing great price", "summary": "Ty", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A11H4S8MDWM6V7", "asin": "B000168QTU", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Country Peach Passion"}, "reviewerName": "Nick W", "reviewText": "Great herbal tea at a very good price.", "summary": "Great herbal tea at a very good price.", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2008", "reviewerID": "A2NUEM56R7AL6W", "asin": "B000EH4XZM", "style": {"Size:": " 21-Ounce Jars (Pack of 4)"}, "reviewerName": "DR", "reviewText": "We really like this rice. It's great with any kind of meat or in casseroles. It's healthy and easy to cook. It also last a long time so I think it's a good value.", "summary": "Taste Great and it's Healthy", "unixReviewTime": 1213488000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "AX92JXIZ8X14H", "asin": "B0013OVWPE", "style": {"Size:": " 64 oz"}, "reviewerName": "ericacelene", "reviewText": "The best out there....great flavor and texture.", "summary": "love it", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2017", "reviewerID": "A38PLEIMX50DW9", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 6", "Flavor:": " Peppermint Tea"}, "reviewerName": "ash felk", "reviewText": "I love the TM brand. All their teas are great and fully organic. I have a lot of stomach issues and I have tried several brands of peppermint tea. TM seems to work the best at easing nausea for me. Their ginger tea is great as well.", "summary": "great tea :)", "unixReviewTime": 1505520000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2015", "reviewerID": "A28VFQNU0HPVN2", "asin": "B000LKTET2", "style": {"Size:": " 2 Pack"}, "reviewerName": "Edward White", "reviewText": "Hey, it's not butter, but if you need to\ncut calories, but love that butter taste, then this is a great substitute that won't clog your arteries.", "summary": "No Clogs", "unixReviewTime": 1450915200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A1MKPDHTRISFG6", "asin": "B0013P3KC6", "style": {"Size:": " 15 lbs", "Flavor:": " 100% Pure"}, "reviewerName": "Amazon Customer", "reviewText": "Good for your teeth, not good in large quantities. I add this to my water bottle (approx 1 teaspoon per 32 oz) and mix it into my regular sugar (about 20%) for use in coffee and tea. Buy in bulk--doesn't spoil, and much better pricing. Note: too much can can gastric distress!", "summary": "well, what's not to love?", "unixReviewTime": 1392595200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A3IPI7S2RK2TIZ", "asin": "B000EIZ8FA", "style": {"Size:": " 3 Ounce (12 Count)", "Flavor:": " Fruit and Nut"}, "reviewerName": "mich wizard", "reviewText": "the box was opened on arrival. The cookies were shuffed in an open box. Arrived on February 9th with an expiration date 020416. No more rotten cookies.", "summary": "the box was opened on arrival. The cookies were ...", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "AO05AZ9GR46XO", "asin": "B00099XOQO", "style": {"Size:": " 4.3 Ounce", "Flavor:": " Cheddar Broccoli, Pasta"}, "reviewerName": "JustME1", "reviewText": "makes a good side dish", "summary": "Five Stars", "unixReviewTime": 1522195200} +{"overall": 5.0, "verified": false, "reviewTime": "10 13, 2014", "reviewerID": "A37QSV27G7IWS1", "asin": "B0017OTGOE", "reviewerName": "babs_houston", "reviewText": "Very fresh as remembered!", "summary": "Wonderful product - very fresh", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A3MGILSMP9XSX2", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Pure Peppermint"}, "reviewerName": "Mancini", "reviewText": "Love this tea and when I have an upset stomach this tea helps calm it down!", "summary": "Twinnings Pure Peppermint Herbal Tea", "unixReviewTime": 1488326400} +{"overall": 3.0, "verified": false, "reviewTime": "04 17, 2014", "reviewerID": "A3BSTFFIKK5YTW", "asin": "B000K9CDV0", "reviewerName": "BOATS99", "reviewText": "I bought the Numi Brand before this unwise purchase this tea is weak and does not have a strong finish like the Numi will go back to the other brand hope i can get thru the 100 bags here.", "summary": "Weak !", "unixReviewTime": 1397692800} +{"overall": 5.0, "verified": false, "reviewTime": "10 23, 2014", "reviewerID": "A2NMQ4WXU67510", "asin": "B000EUD6AM", "style": {"Size:": " 8.1 Ounce (Pack of 12)", "Flavor:": " Fiber"}, "reviewerName": "Tuna", "reviewText": "gret stuff. they are dry but when you use some almond butter on top they are delicious", "summary": "awesome", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2011", "reviewerID": "A1SHHQSPOWR00F", "asin": "B0010OQQ2Q", "style": {"Size:": " 1.5 Oz (6 Pack)"}, "reviewerName": "E", "reviewText": "I added this to the end a red wine reduction, and it really kicked it up a few notches. I have not tried it by following the directions on the package, which merely is to add water on a 4:1 basis (one package makes one cup, per the directions). I will be ordering more.", "summary": "Delicious", "unixReviewTime": 1309132800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "AO5ZF36N5YUT8", "asin": "B000EDM8FS", "style": {"Size:": " 8 Ounce"}, "reviewerName": "bmansc", "reviewText": "first time trying this, and I love it! I use it for anything I want a little cheesy flavor with, even with sandwiches.", "summary": "and I love it! I use it for anything I want ...", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A3DFN5EPHE4262", "asin": "B000CS9ZUG", "reviewerName": "Jessica Robinson", "reviewText": "I have far too many teenagers to feed! These are great little snacks to keep them going. Arrived quick and a great selection.", "summary": "Great selection.", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A2T2FN7JWGP1JO", "asin": "B000WL167S", "style": {"Size:": " 0.75 Ounce Rolls (Pack of 24)", "Flavor:": " Wintergreen"}, "reviewerName": "DonD", "reviewText": "This is good stuff. I will buy again when I run out.", "summary": "Five Stars", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A150R7Z2Q8TD9B", "asin": "B0009F3QL6", "style": {"Flavor:": " Tahitian Vanilla Hazelnut"}, "reviewerName": "Brenna", "reviewText": "This tea is delicious and tastes exactly how it is described! I have it practically every day. This has become one of my favorite Yogi tea flavors!", "summary": "Delicious tea!", "unixReviewTime": 1441497600} +{"overall": 4.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "ACA1IV7U1IIDS", "asin": "B000WH4KKC", "style": {"Size:": " 12.5 Ounce", "Flavor:": " Dark Chocolate Sea Salt Caramel"}, "reviewerName": "Patrick Adams", "reviewText": "This was pretty good, though not as sweet as expected. We dipped pretzels in the sauce - pretty good. We used it on ice cream - not bad either.", "summary": "Not too sweet", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A1E4KJ6AYYIKOG", "asin": "B000FZWSI2", "reviewerName": "BC 57", "reviewText": "Will purchase this item again.", "summary": "Five Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2013", "reviewerID": "A2332SE5OE5R1S", "asin": "B000B6KQZW", "style": {"Size:": " 14 Ounce"}, "reviewerName": "Big Sarge", "reviewText": "I love the size of this container, perfect for someone who actually enjoys spicing things up in life. Hope this price stays the same.", "summary": "Cost effective", "unixReviewTime": 1369958400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A3K3UTQL7JE11X", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "Kandace Millhouse", "reviewText": "great flavor and quick on the go...", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"overall": 3.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A2FGSIXRALNWKV", "asin": "B000AXQI0I", "reviewerName": "Lovin' the River", "reviewText": "A little sweeter taste than competitors product. Just wanted Toffee, not sugary flavor. Probably won't reorder.", "summary": "Sweeter than necessary", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A2KF2ZGXF4J3NG", "asin": "B000E1HUVC", "style": {"Size:": " 7.25 Ounce Canisters (Pack of 3)", "Flavor:": " Walnuts"}, "reviewerName": "DresdenSinn", "reviewText": "Walnuts? Who don't love walnuts?! And at a better price than Walmart?", "summary": "Who don't love walnuts?", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "AAFWI5NEGOWXC", "asin": "B000RHY1YW", "style": {"Size:": " 5.25 oz", "Flavor:": " Original"}, "reviewerName": "Christine Cox", "reviewText": "Satisfies my salt fix by making me work for it.", "summary": "Five Stars", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A258ZSD2FQON7Y", "asin": "B000WR4SJ0", "reviewerName": "K. Johnson", "reviewText": "Great price on organic herbs! Cute jar to boot!", "summary": "Way less expensive than store bought organic herbs!", "unixReviewTime": 1454457600} +{"overall": 3.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A26HYRQ7XFILQ9", "asin": "B0010SEVWO", "style": {"Size:": " 2 Pounds", "Flavor:": " Conventional"}, "reviewerName": "lance oyama", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A1HWLZX97CL4BE", "asin": "B0005ZV1CQ", "style": {"Size:": " Pack of 1", "Flavor:": " Regular Salt"}, "reviewerName": "robert b. emerson", "reviewText": "well done", "summary": "Five Stars", "unixReviewTime": 1463011200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A1S4Y637N2ZY7Y", "asin": "B000YOQOAC", "reviewerName": "Devra A. Freedman", "reviewText": "We get this because it is a natural source of iron for vegetarians, right in many trace minerals and is mildly laxative. We take one tablespoon in hot water a day. So it's similar to having a cup of coffee.", "summary": "Good for Health", "unixReviewTime": 1420070400} +{"overall": 2.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "AKEE8PNFRU0J", "asin": "B000IOC7RW", "reviewerName": "J. Pruitt", "reviewText": "I apparently used to like these, but not anymore , i guess.", "summary": "Two Stars", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A3S9REQG03HXMR", "asin": "B000RYCK2U", "style": {"Size:": " 21 oz"}, "reviewerName": "Andi", "reviewText": "It will scare away vampires.", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"reviewerID": "AVTY5M74VA1BJ", "asin": "B000F4DKAI", "reviewerName": "tarotqueen", "verified": false, "reviewText": "this tea taste great, I like to use the loose kind for tea leaf readings. Getting up and makeing some is like drinking heaven. One of my favorites.", "overall": 5.0, "reviewTime": "10 7, 2011", "summary": "taste great", "unixReviewTime": 1317945600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A2HU9Z9B2S60X4", "asin": "B000EMQFDU", "reviewerName": "Todd Cudnohufsky", "reviewText": "Kids luv em", "summary": "Yummy", "unixReviewTime": 1516492800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "AL9E1RMVYVZB0", "asin": "B000FFLHSY", "style": {"Size:": " 16oz.", "Flavor:": " Goji Berries"}, "reviewerName": "Re", "reviewText": "nice full bag, lasts me a long time to add to my salads", "summary": "Five Stars", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A1VN63P4DOVW2P", "asin": "B0009F3POO", "reviewerName": "Charlene Trawick", "reviewText": "LOVE IT, great price and fresh product", "summary": "Five Stars", "unixReviewTime": 1466121600} +{"overall": 2.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A1WDJ6AMP6NQCA", "asin": "B000U0OUP6", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "Darlene", "reviewText": "I will not be ordering this product again. The salted peanuts had too much salt and not enough peanuts... flat on flavor... unless you want to just lick salt.", "summary": "Salt with peanuts added.", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2017", "reviewerID": "A2TEVG1QLAAHJ", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "M.G.", "reviewText": "Good cinnamon", "summary": "You'll taste the difference vs McCormick", "unixReviewTime": 1488153600} +{"overall": 5.0, "verified": false, "reviewTime": "07 13, 2013", "reviewerID": "A2QND80KGSOLGI", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags", "Flavor:": " English Breakfast"}, "reviewerName": "Amazon Customer", "reviewText": "This is one of my husbands favorite breakfast teas. Highly recommend this delicious breakfast tea to enjoy at your home", "summary": "Great", "unixReviewTime": 1373673600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2015", "reviewerID": "A2WOGS270TS5J5", "asin": "B0007KNXAC", "reviewerName": "Rodney Williams", "reviewText": "Lev, love, love... can't beat Bob's Red and I think these steel cut have the best texture and flavor.", "summary": "love, love", "unixReviewTime": 1450569600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A2SGE3I65MT14W", "asin": "B0001ES9FI", "style": {"Size:": " 16ct (Pack of 4)", "Flavor Name:": " Kona Blend"}, "reviewerName": "Alia", "reviewText": "delicious as always", "summary": "Five Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A2N1RSHLI4OLB0", "asin": "B000WV0RW8", "reviewerName": "Stephanie", "reviewText": "Still working my way through these seeds. The portion is generous for the price. The bag is easy to reseal, but I chose to put them in a mason jar to keep them fresh.", "summary": "The bag is easy to reseal", "unixReviewTime": 1462492800} +{"overall": 4.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A1M0YAZ6JV488Z", "asin": "B000NMCOYK", "style": {"Size:": " Original Flavor", "Flavor:": " Original"}, "reviewerName": "TomHunter1968", "reviewText": "Arrived in a robust plastic container and the gum itself was soft and fresh. You know what you are getting with Dubble Bubble - flavor that lasts about 5 minutes, but hey, it is what it is.", "summary": "Arrived in a robust plastic container and the gum itself was soft and fresh.", "unixReviewTime": 1418428800} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A2ZF00BFD61F03", "asin": "B000CQE3HS", "style": {"Size:": " 0.28-Ounce Sticks (Pack of 100)", "Flavor:": " Original"}, "reviewerName": "Consumer Goods", "reviewText": "Step into a slim jim!!", "summary": "Four Stars", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A1TR1KNR3VKPHY", "asin": "B000F8EUR6", "reviewerName": "OkinawanMatt", "reviewText": "They arrive fresh and well packaged. Regular price drops make these a great buy at certain times. Since they are wrapped in threes, they can be used as great trick-or-treat hand-outs.", "summary": "Delivered Fresh", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "AZ919J9SSO7QT", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Patty Mac", "reviewText": "perfect size to take along.", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "A1ZXE8XSBJC0TS", "asin": "B000CQG87Q", "style": {"Size:": " 20 Count (Pack of 6)"}, "reviewerName": "cactusflower", "reviewText": "Love the brand & the type of tea.", "summary": "Great flavor", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2018", "reviewerID": "A1P21LEUOUYUW1", "asin": "B0012JNRKS", "style": {"Flavor:": " Chocolate Brownie"}, "reviewerName": "michele", "reviewText": "My son loves these!", "summary": "Five Stars", "unixReviewTime": 1521244800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2018", "reviewerID": "A1YNMV1KELDXWP", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Premium Japanese Green"}, "reviewerName": "Circles", "reviewText": "Excellent tea. Tastes and feels great to drink on those days and occasionally when you need a little more energy.", "summary": "Excellent tea. Tastes and feels great to drink on ...", "unixReviewTime": 1516406400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A2MOLQVS79Z3OO", "asin": "B0002PHEU2", "style": {"Size:": " 8 Ounce"}, "reviewerName": "PUNCTURED & HISSING", "reviewText": "so delish", "summary": "Five Stars", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1UCAVBNJUZMPR", "asin": "B000BIQLL8", "reviewerName": "Dabuck", "reviewText": "A great snack - the soup comes with all the little fixings and soup mix. We simply add a sprinkling of garlic powder and sesame oil and we have a really fast and tasty little pick me up", "summary": "A GREAT TASTY QUICK SNACK", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A2KCZPWJZSY8QS", "asin": "B0002YB3WS", "style": {"Size:": " 1 Pack"}, "reviewerName": "Twila Zay", "reviewText": "Taste very good.", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "AUVEAM4ZJEYN8", "asin": "B0001CXUHW", "style": {"Size:": " 16 Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "Great for making daily bread. Also good for making sourdough bread. The sourdough starter with this yeast lasts a long time in good quality.", "summary": "Recommend. Good quality.", "unixReviewTime": 1493683200} +{"overall": 4.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A2WG0Z2OCSISAP", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Amber", "reviewText": "love it", "summary": "Four Stars", "unixReviewTime": 1442966400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A3IKP2TZD35XRO", "asin": "B000XAI5JK", "reviewerName": "Prelot", "reviewText": "Don't cook Chinese without these. Change the flavor in very unique ways and bring out that true Chinese feel.", "summary": "Five Stars", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A27PID8C9V6HU", "asin": "B000G8399A", "style": {"Package Quantity:": " 1"}, "reviewerName": "Evangeline P.", "reviewText": "Omg this is so good! Gooey, delicious wonderful brownie!", "summary": "Fabulous", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A2ELAY5JSZTOKI", "asin": "B000Z45RL8", "reviewerName": "Nelson N.", "reviewText": "Product arrive in great condition and speedy timing. Be warned, I made the mistake of refrigerating as I like my chocolate cold. Unfortunately I did not read the label which states \"Do Not Refrigerate\" It made the center change color and altered the taste.", "summary": "Good product", "unixReviewTime": 1370649600} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A2XQF1M3JR1X6C", "asin": "B000UEUAGU", "reviewerName": "jane", "reviewText": "love them price is comparable with the grocer", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A2I1RQYM1BM9PU", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "Maria D.", "reviewText": "Yum! These are great for protein and a filler when I'm driving home from work and need a filling snack.", "summary": "These are great for protein and a filler when I'm driving home ...", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A2PN7V4ARCEKO3", "asin": "B00112O8NG", "reviewerName": "John", "reviewText": "Great flavors. I use this syrup in my evening coffee. It only takes a little, a tablespoon or so, to flavor and sweeten coffee. And the flavors are true with no off flavors.", "summary": "Excellent", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2016", "reviewerID": "A276RHM6BBPDTY", "asin": "B000CQG87Q", "reviewerName": "Ddee", "reviewText": "I use this a lot for stomach. It is camping.", "summary": "Ginger tea", "unixReviewTime": 1479340800} +{"reviewerID": "A16QCOFOP5DW4I", "asin": "B0014E847C", "reviewerName": "Dianne N. Oday", "verified": true, "reviewText": "expensive", "overall": 3.0, "reviewTime": "12 30, 2016", "summary": "Three Stars", "unixReviewTime": 1483056000} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2016", "reviewerID": "AUROK5PPEC8TO", "asin": "B0002AUTW2", "style": {"Size:": " 50 Tea Bag Tin", "Flavor:": " Turmeric Ginger Green Tea"}, "reviewerName": "DB", "reviewText": "Great tasting tea. Some of the powder was on the inside lid so it was a bit messy but overall a great tea flavor.", "summary": "Great flavor", "unixReviewTime": 1475884800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "ALBFJF40O7MPJ", "asin": "B000V6HQQ4", "reviewerName": "Dimitri", "reviewText": "Good product as expected", "summary": "Five Stars", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "AHVURIYJ6DWBX", "asin": "B000L1GRQO", "reviewerName": "munthir shubbar", "reviewText": "the best candy there is.", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A15I1LRO2XQJSP", "asin": "B000FD93DC", "reviewerName": "Stella Ann", "reviewText": "I don't like the leaf remains but the hearts are great.", "summary": "Five Stars", "unixReviewTime": 1470960000} +{"overall": 3.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "AWIYCVIMUEOET", "asin": "B000X3TPHS", "style": {"Size:": " 3 Ounce", "Flavor:": " Super Sour"}, "reviewerName": "Labby", "reviewText": "They are not \"super\" sour. They are slightly tart. But a nice product so long as you are not expecting sour patch kids or warheads or lemon drops kind of sour.", "summary": "But a nice product so long as you are not expecting sour ...", "unixReviewTime": 1475366400} +{"overall": 5.0, "verified": false, "reviewTime": "05 20, 2017", "reviewerID": "A2YXDGJJ55U3P1", "asin": "B000PKMAOY", "reviewerName": "ruthieAmazon Customer", "reviewText": "Good flavor...nice size and just right for every dish desired. First time I purchased these tomatoes.", "summary": "Right choice, recommend!", "unixReviewTime": 1495238400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A3TRWPYEAC3VKP", "asin": "B000WR2OF0", "reviewerName": "L.A.", "reviewText": "Great price for this spice vs. the grocery store, and a much larger bottle. Fresh and love the shape of the bottle.", "summary": "Good Price for This Spice vs. Grocery Store", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A3PFI1B6M35CIN", "asin": "B000CL4MFQ", "reviewerName": "Kindle Customer", "reviewText": "Tastes good, does its job and the price is much better than buying it at the dentist's office. Excellent service, as always.", "summary": "Spry Spearmint gum", "unixReviewTime": 1364601600} +{"overall": 4.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A1KUAGGSZQDJEC", "asin": "B000G8399A", "style": {"Package Quantity:": " 1"}, "reviewerName": "Jeepgirl", "reviewText": "These taste amazing but I can't have what it's sweetened with on keto diet so hubby is eating them.", "summary": "Good taste!", "unixReviewTime": 1523664000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A7ECH9935FW5D", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "r8znboyz2men", "reviewText": "Helps replenish and prevent dehydration", "summary": "Better than Gatorade", "unixReviewTime": 1448409600} +{"overall": 4.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A33E4A1DWMSEQZ", "asin": "B000WV0RW8", "reviewerName": "Gutwx", "reviewText": "Good chia seeds, but there are better values out there.", "summary": "Four Stars", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": false, "reviewTime": "07 18, 2016", "reviewerID": "A3F0261IHKKNKO", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " 4 Flavor Variety Pack"}, "reviewerName": "accent3@hotmail.com", "reviewText": "My household loved this drink. This is our first time trying it.", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2017", "reviewerID": "A3KY0X31RXMU3P", "asin": "B00099XNG0", "reviewerName": "Rich and Dixie", "reviewText": "We keep a few pouches around for use in our wet bars, we have two, they keep well and taste decent...guests seem to like them.", "summary": "guests seem to like them.", "unixReviewTime": 1512691200} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "ARL6YY38UY9B2", "asin": "B000SANSSS", "style": {"Color:": " Rooibos Spiced Chai"}, "reviewerName": "Robert", "reviewText": "I mix this with regular Rooibos when making my iced tea. I find 3 of these and 4 regular left in a 5qt pot that on low heat for a few hours make an excellent iced tea.\nBy itself it is good, but the Cinnamon is a bit over powering.", "summary": "Not bad, but not great.", "unixReviewTime": 1406678400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 3, 2016", "reviewerID": "AU4GHWGSAIVAL", "asin": "B0012ZX18A", "reviewerName": "Joyce S. Collins", "reviewText": "Love these! Can't eat just one! ", "summary": "Five Stars", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A2JFU7NX0N7MY3", "asin": "B000AY9VCE", "reviewerName": "Ryan", "reviewText": "These are delicious! I eat them all up pretty quickly. They arrived intact and not squished at all. I personally would eat them every morning with yogurt.", "summary": "Addicting bars", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A325MPSKU7HAOX", "asin": "B000JZ3576", "reviewerName": "Michael A. Richman", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "AB3CVPG2O7JC9", "asin": "B000GZY942", "reviewerName": "A. Whelchel", "reviewText": "i really love this particular brand of coucous adn ths is actually my favorite flavor so i a was really glad to find it in subscribe and save. it is a quick easy flavorful side dish. a good lower fat substitute for mashed potatoes.", "summary": "great side dish, quick and easy.", "unixReviewTime": 1384905600} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "AGVVHZAUNLOHJ", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "Chris", "reviewText": "This is good oolong tea, quick shipping and great customer appreciation. Will order again. :)", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "AU7T1SV3CCNS5", "asin": "B000E1BMYI", "reviewerName": "Sally", "reviewText": "Rooibos is a mild tasting tea, but this tea has an excellent robust flavor.", "summary": "but this tea has an excellent robust flavor", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A1U583CIJUGYT8", "asin": "B0010SEVWO", "reviewerName": "Rachelle Lampert", "reviewText": "These are consistently the freshest Brazil nuts I have ever purchased. They taste great! And there are very few white spots that are typical with other brands. This is the second time I purchased this item. I keep them in the freezer and they kept good for over a year.", "summary": "Freshest Brazil Nuts", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2014", "reviewerID": "A1K4W0RA5W9X4L", "asin": "B000FIXYD2", "reviewerName": "Grace Lane", "reviewText": "Very delicious and so quick and easy to use.\nNot oily. Just delicious chicken and so many\nways to use it for sandwiches or add it to\nMac and Cheese and other menus.\nReally love this. Packaged perfectly for\neasy storage in your pantry.", "summary": "In a hurry for a quick lunch? TRY THIS !", "unixReviewTime": 1394150400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2018", "reviewerID": "A28D5W1R3SD3AX", "asin": "B000B6J54U", "reviewerName": "Amazon Customer", "reviewText": "Great Product", "summary": "Great Product", "unixReviewTime": 1520640000} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A2HCH0635FKVQI", "asin": "B000ED9L6C", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "Coolgard", "reviewText": "I found the seeds perfectly fresh, and make sure to keep them refrigerated so they'll stay that way. One thing I discovered: even if you toast them in the oven to bring out their flavor, put them back in the fridge when cooled, as the oil will still go rancid.", "summary": "Fresh, but a tip about toasting", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2013", "reviewerID": "A38105AKMBAKQL", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "Patrick Cook", "reviewText": "Great bars. I can't get enough of these. Very good taste and very satisfying. The only problem I see with them is that I want eat more than one at a time because they are so good!", "summary": "Love these bars", "unixReviewTime": 1381449600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A833IDN7PVOY5", "asin": "B00015UC4S", "reviewerName": "Maddog5950Amazon Customer", "reviewText": "worked great good price and good product", "summary": "Five Stars", "unixReviewTime": 1408579200} +{"overall": 5.0, "verified": false, "reviewTime": "11 30, 2016", "reviewerID": "A3PYFUDRGVNWDD", "asin": "B000V8BLTA", "reviewerName": "Cheri", "reviewText": "Thx", "summary": "Five Stars", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A3JMEOFGLZ60G", "asin": "B000G7TBUW", "style": {"Size:": " 8oz (Pack of 12)", "Flavor:": " Gluten Free Pretzel Sticks Hot Buffalo Wing"}, "reviewerName": "Amazon Customer", "reviewText": "The best currently available!", "summary": "Great", "unixReviewTime": 1440460800} +{"overall": 3.0, "verified": true, "reviewTime": "04 9, 2016", "reviewerID": "A12FUB9YOFOTEN", "asin": "B0009JHVN6", "reviewerName": "Dave", "reviewText": "A little overpriced when only a few varieties are actually good....at least now I know which ones to buy direct. Some I probably won't finish", "summary": "Meh", "unixReviewTime": 1460160000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A2VII52DTJNNWO", "asin": "B000RGZNAO", "reviewerName": "M", "reviewText": "delicious and huge", "summary": "Five Stars", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A341C9Z3KZ47IT", "asin": "B000EDM8FS", "style": {"Size:": " 8 Ounce"}, "reviewerName": "Ricardo ", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1404432000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A1EN93BVDOBY9R", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Flo", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "AU341AR0CGJYL", "asin": "B000EQT77M", "style": {"Size:": " Pack of 24", "Flavor:": " Original"}, "reviewerName": "Richland Lass", "reviewText": "I'm a big fan of these chips, but it is really nice to have them in the small bags to pop into my lunch bag. These are not nearly as salty as potato chips, but have a lovely texture, and I like the tastes of all the different root veggies that they use.", "summary": "Tasty, and now easy to pack in a lunch, not salty", "unixReviewTime": 1405123200} +{"reviewerID": "A20CC30I9X1EGF", "asin": "B00117CG30", "reviewerName": "Clair L. Kauffman", "verified": true, "reviewText": "This has helped my son with constipation. The flavor was a little rough to drink straight up, but I added a pack of Emergency vitamin C to the water and he drinks it right down.", "overall": 5.0, "reviewTime": "12 17, 2015", "summary": "Easy to drink with Emergency vitamin C and water added.", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "A1AMPROMSOL6EC", "asin": "B0009RVFJE", "reviewerName": "Linda A. Zurawski", "reviewText": "Husband loves it.", "summary": "Five Stars", "unixReviewTime": 1476230400} +{"overall": 4.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A33YZNZIRA3H97", "asin": "B000U0OUP6", "style": {"Size:": " 10 Ounce (Pack of 6)", "Flavor:": " Sweet N' Crunchy Peanuts"}, "reviewerName": "l2", "reviewText": "Sugar coated peanuts are addictive, but full of calories and sugar", "summary": "Sugar coated peanuts are addictive, but full of calories and sugar", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "AF4VD24Q8GCW6", "asin": "B000HDK0DC", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "GG", "reviewText": "It's good.", "summary": "GOOD", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "A1K7HG5NNTJWAS", "asin": "B001331N9U", "reviewerName": "Feed Man", "reviewText": "Works well for making candy.", "summary": "Best invertase on the market", "unixReviewTime": 1450483200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2017", "reviewerID": "A1MMERE1R9NSYW", "asin": "B0010BZZ08", "reviewerName": "WendySue", "reviewText": "Fresh and tastes great. Authentic cinnamon.", "summary": "Authentic and Fresh Cinnamon", "unixReviewTime": 1508025600} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "ACCPG1KX5LXEY", "asin": "B000CQ01NS", "reviewerName": "LVines", "reviewText": "Organic comfort food", "summary": "Good food. Good price", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "ASV4R1XTM7KGX", "asin": "B000Z45RL8", "reviewerName": "Gwen S.", "reviewText": "yummy", "summary": "Five Stars", "unixReviewTime": 1481414400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A12O0RDIVMW5QA", "asin": "B000AXQI30", "reviewerName": "Streak", "reviewText": "Yum I am buying 3 more flavors now", "summary": "Five Stars", "unixReviewTime": 1464998400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "ALOYNQEK9VYRE", "asin": "B000HDJXLW", "style": {"Size:": " 14.5 Ounce", "Flavor:": " Whole Peeled"}, "reviewerName": "Brad King", "reviewText": "Great tomatoes. I appreciate being able to buy items I use frequently by the case. Having the 14.5 oz. cans around gives me versatility as some recipes require the 14.5 oz. can and others the 28 oz. can.", "summary": "My go-to tomatoes.", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A2ZE5A0TQ5GRAX", "asin": "B000WW2M8Y", "reviewerName": "Elsie Satchmo", "reviewText": "Best brand of nut butters. . . by far!", "summary": "Love Artisana products!", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": false, "reviewTime": "12 4, 2014", "reviewerID": "A3UIROFAJ2UKD2", "asin": "B000FD93DC", "reviewerName": "Donald Gamba", "reviewText": "Great product. Use it in salads and batter and fry em. Delish!", "summary": "Delish product!", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2017", "reviewerID": "AG3BUDAZREBWB", "asin": "B000EDM6KU", "style": {"Size:": " 16 Ounce"}, "reviewerName": "Monica E. Smith", "reviewText": "Very nice for making smooth sauces and gravies.", "summary": "Good quality", "unixReviewTime": 1500163200} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A3REASZ5HGUH1S", "asin": "B000HDK0DC", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "MM_review", "reviewText": "Tasty and a big hit. Wish you could buy packs of just your favorite flavor.......:)", "summary": "Wish you could buy packs of just your favorite flavor.", "unixReviewTime": 1444262400} +{"overall": 3.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A2STP373H6N2LE", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "just some guy", "reviewText": "ok, not very impressed, get on sale", "summary": "ok, not impressed too much in strength", "unixReviewTime": 1411171200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2014", "reviewerID": "A1NE47S8ZJPLR3", "asin": "B0016JKXGU", "style": {"Size:": " 100 Count (Pack of 5)", "Flavor:": " Black Tea"}, "reviewerName": "Victor Sasson", "reviewText": "We love to brew this tea until it is black. There is never any trace of bitterness, even if you leave the bag or bags in the cup or pot for a long time.", "summary": "A strong, delicious tea", "unixReviewTime": 1399248000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A1X9A0FYAYK2TV", "asin": "B000Q5NSAS", "style": {"Size:": " 30 oz"}, "reviewerName": "Amazon Customer", "reviewText": "The taste of Philappine mangoes in your home. .Very good. Easy to eat.", "summary": "Very good. Easy to eat", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2014", "reviewerID": "A1NKDW6EX40VJB", "asin": "B000KPQZTK", "reviewerName": "S. Miller", "reviewText": "I used this yesterday resulting in a creamy texture when creamed with sugar for \"donuts\". I wanted to buy organic butter flavor but Amazon doesn't have one that I could find.", "summary": "Authenic", "unixReviewTime": 1392336000} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2017", "reviewerID": "A20H6PPCNJ619R", "asin": "B000REOWU8", "reviewerName": "Jamie H", "reviewText": "Although frozen, these berries taste organic and fresh. I put them over vanilla ice cream for a sweet treat.", "summary": "Flavorful berries", "unixReviewTime": 1487116800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A2ZKMUKZTAW3YV", "asin": "B000FNLJRK", "reviewerName": "Ann", "reviewText": "Yum!", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "03 22, 2008", "reviewerID": "ABXANRX4GPYRZ", "asin": "B000FFLHSY", "style": {"Size:": " 16oz.", "Flavor:": " Goji Berries"}, "reviewerName": "hdtravel", "reviewText": "These taste pretty good and are extremely good for you.\n\nI have been very pleased with them.\n\nHighly recommended.", "summary": "Pretty Good Tasting", "unixReviewTime": 1206144000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A20BKZTTFO1TF7", "asin": "B000WLGCPY", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "Mom of 5", "reviewText": "My 3 girls and I love oatmeal. For years we had just eaten the Quaker oats... Who knew how much we were missing! Mmmm, the texture of this brand is so much better. No \"mush.\"", "summary": "Great texture and flavor", "unixReviewTime": 1424131200} +{"overall": 3.0, "verified": true, "reviewTime": "06 15, 2010", "reviewerID": "AO29UWD8ZE3IZ", "asin": "B000HDJXH6", "style": {"Flavor:": " Cocoa Loco"}, "reviewerName": "S. Bannock", "reviewText": "This is still a good product, but not great. They changed the formula recently and I don't like the texture as much. But it's still pretty awesome since it's so allergy friendly!", "summary": "Liked the old ones better but still yummy", "unixReviewTime": 1276560000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A36G5UPU9YGERM", "asin": "B000MHCDWO", "style": {"Size:": " 1.5 Ounce (Pack of 12)"}, "reviewerName": "Stacy", "reviewText": "it's perfect", "summary": "Five Stars", "unixReviewTime": 1473465600} +{"overall": 5.0, "verified": false, "reviewTime": "07 17, 2016", "reviewerID": "AJK7LA1KK2CI2", "asin": "B000GFYRHG", "style": {"Flavor:": " Black Tea"}, "reviewerName": "laucaro", "reviewText": "my favorite tea in the world for all my long(ish) life -- wonderful flavor, wonderful memories! as bigelow advises, if you sweeten it a bit more than usual, the flavor of oranges is intensified. now for the non-traditional suggestion: please make it in k-cups :)", "summary": "love", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AL52DZ1M3FQR3", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "T4", "reviewText": "These are absolutely delicious! I have them on auto ship.", "summary": "Delicious!", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "AZKN9KO2ECFFZ", "asin": "B00068PCTK", "style": {"Size:": " 100 Packets"}, "reviewerName": "JEFE", "reviewText": "This is the only stevia I buy now. I make sure I do not run out. It is not bitter and only takes a bit to sweeten a lot.", "summary": "the best stevia", "unixReviewTime": 1357516800} +{"reviewerID": "A2UY4NRCM2K6M8", "asin": "B0005YVCIU", "reviewerName": "Steve Shankles", "verified": true, "reviewText": "Great taste, very fast delivery, didn't like olive oil when I was younger, but love it now, great product", "overall": 5.0, "reviewTime": "09 24, 2017", "summary": "Oh Olive oil", "unixReviewTime": 1506211200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A2MRTSMMVBEVPO", "asin": "B000OP1W0S", "reviewerName": "A. Walters", "reviewText": "Great value for a really good product.", "summary": "Five Stars", "unixReviewTime": 1468368000} +{"overall": 3.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A2AOYBYWUT8S1I", "asin": "B000CL4MFQ", "reviewerName": "BD", "reviewText": "The flavor is good but it was a little harder than I like. I don't know if the batch I got was older or if that is just the way it is. All in all, though, I did finish the bottle but for my money I prefer B-fresh gum.", "summary": "good but not great.", "unixReviewTime": 1463097600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A3W2LBHPOTLUPN", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Lialou67", "reviewText": "I use this all the time. Works great in my coffee to give it a little taste and I also use it in my oatmeal. Love this stuff. I have used it on people who do not know I haven't used sugar and they can't tell the difference.", "summary": "Great taste", "unixReviewTime": 1476316800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "A135XHGMBR0OWF", "asin": "B000EEZ3LI", "style": {"Flavor:": " Extra Virgin Olive Oil, Two Layer"}, "reviewerName": "Frances R. Dickman", "reviewText": "I love these Brisling Sardines because they are nice and small and not as plump as regular sardines. They are delicious in my salads.", "summary": "Best Sardines", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "A3UGH6MUQDMPWS", "asin": "B000SANSSS", "style": {"Color:": " Hibiscus Flowers"}, "reviewerName": "BMC7", "reviewText": "Wonderful natural \"medicine\" from nature so I am told and mighty tasty too. It produces a rich red, flavorful tea riddled with antioxidants.", "summary": "Amazing Tea!", "unixReviewTime": 1503705600} +{"overall": 5.0, "verified": false, "reviewTime": "05 7, 2016", "reviewerID": "A24Q80R2AB3EO", "asin": "B000V1AWBK", "style": {"Size:": " 3.5 Ounce (Pack of 6)", "Flavor:": " Butter Chicken Curry"}, "reviewerName": "T. N.", "reviewText": "OMG!!! This is paste is VERY VERY GOOD and easy to cook chicken with... Wow...", "summary": "Don't give it a second thought...", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A23FKVU09JNL6R", "asin": "B000EG6G9E", "reviewerName": "Flyer3568", "reviewText": "delicious.", "summary": "Five Stars", "unixReviewTime": 1417651200} +{"overall": 3.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1R438R6W82U1C", "asin": "B000KGW28M", "reviewerName": "Rikerz", "reviewText": "They are ok, just ok.", "summary": "Three Stars", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2014", "reviewerID": "A1H2T7MJZM16M6", "asin": "B0009JMW1C", "reviewerName": "DKW", "reviewText": "I also liked the taste. It was sort of fruity and slightly 'mediciny'. I drank it before bedtime and found a very comfortable night. It was very mild in effect but noticable.", "summary": "Found this tea works", "unixReviewTime": 1389830400} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2015", "reviewerID": "AXUZUME55S36I", "asin": "B000TK6LBS", "style": {"Size:": " 24-Count (Pack of 4)", "Flavor:": " Caribou Blend"}, "reviewerName": "Jeannie Bell", "reviewText": "Great flavor, love this coffee", "summary": "Five Stars", "unixReviewTime": 1425513600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A283ZE77MASG1R", "asin": "B0013JK0O8", "reviewerName": "rdavidsf", "reviewText": "Needs to be packaged in the coffee bean type bag. The cellophane doesn't hold up. Use a stronger bag with ears that bend back (tabs).", "summary": "Bag could be stronger", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2011", "reviewerID": "A1K2WS7DJ0X2DJ", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Energy"}, "reviewerName": "D. Johnson", "reviewText": "It tastes great and the price better than my local store. I wanted to reduce my pop intake and have found this fits the bill. I use very little sugar and it tastes great. The tea comes out 100% perfect by following the instructions on the box.", "summary": "Great stuff", "unixReviewTime": 1300233600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A3165PL1BCCZSX", "asin": "B0014ET2MI", "style": {"Flavor:": " Thai Style Chicken"}, "reviewerName": "Lilith", "reviewText": "I love this soup. I buy 12 cans at a time to get a decent price. I live in a small town and have only seen it at the store twice. So, I order it.", "summary": "Love This Soup", "unixReviewTime": 1492214400} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A203ZELKK5AZI4", "asin": "B0009F3SDC", "style": {"Flavor:": " Caramel Apple Spice Slim Life"}, "reviewerName": "valerie hyatt", "reviewText": "tastes good and works", "summary": "Four Stars", "unixReviewTime": 1468368000} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A36HH7XXR3ZE17", "asin": "B0016JKXGU", "style": {"Size:": " 22 Count (Pack of 6)", "Flavor:": " Black Tea"}, "reviewerName": "Sage", "reviewText": "Luzianne, you're fired after 20 years! I knew I was going to love this tea before I even removed the cellophane from the box. The scent was that of unadulterated pure black tea. It makes the most delicious full bodied iced tea.", "summary": "Delicious Full Bodied Iced Tea", "unixReviewTime": 1386547200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2010", "reviewerID": "A3VGYI7T4F9J3", "asin": "B000V992TU", "style": {"Size:": " 1.58-Ounce (Pack of 36)", "Flavor:": " Milk Chocolate"}, "reviewerName": "Guinevere", "reviewText": "Very good, these are fresh and just like I would of bought at the store, but just cheaper.", "summary": "Yum", "unixReviewTime": 1271980800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "AGIBG29DA6WG6", "asin": "B0001LO3FG", "style": {"Size:": " 50 Count (Pack of 6)", "Flavor:": " Earl Grey"}, "reviewerName": "whipsw", "reviewText": "Great flavored tea, develivered to our home for a very competitive price. Earl Grey Tea is smooth and not too strong.", "summary": "Love this tea!", "unixReviewTime": 1389312000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "A192FZK8BO3O4X", "asin": "B00099XNA6", "style": {"Size:": " 5.6 Ounce (Pack of 6)", "Flavor:": " Beef Pasta"}, "reviewerName": "Squashbug", "reviewText": "Hamburger Helper helps me out when I am trying to put something quick on the table. This Beef Pasta flavor is my husband's favorite variety and with a side salad, is a good and filling meal.", "summary": "Quick and Easy", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A29X3RDMYQDKH1", "asin": "B000EITYUU", "style": {"Size:": " 8 oz.", "Style:": " Shaker"}, "reviewerName": "CFlaw3", "reviewText": "Started using this salt to replace the iodized regular store salt. It has a great flavor and I will continue to purchase this salt!", "summary": "Healthier Salt!", "unixReviewTime": 1516492800} +{"reviewerID": "A2Y3IOIXNFQ46Y", "asin": "B0014E847C", "reviewerName": "MsDAB", "verified": true, "reviewText": "It's ground cumin. What can I say except it's great to find a large container.", "overall": 5.0, "reviewTime": "11 23, 2016", "summary": "Good stuff", "unixReviewTime": 1479859200} +{"overall": 5.0, "verified": false, "reviewTime": "10 1, 2014", "reviewerID": "A160UX5FDBF9NQ", "asin": "B0015D8MVU", "reviewerName": "Cindy Smith", "reviewText": "Best gum ever", "summary": "Five Stars", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2014", "reviewerID": "A9JZPYVI5IX7P", "asin": "B000CONMBS", "style": {"Size:": " 1-Ounce Bags (Pack of 24)", "Flavor:": " Aged White Cheddar"}, "reviewerName": "ewock", "reviewText": "I cannot keep from eating lots of these and want to try the other flavors. My husband thinks there are just terrible. My grandchildren are on my side", "summary": "people are funny", "unixReviewTime": 1393632000} +{"overall": 5.0, "verified": false, "reviewTime": "12 22, 2015", "reviewerID": "A33FP22N372242", "asin": "B000RLPKGQ", "reviewerName": "va", "reviewText": "tasted just like the normal stuff", "summary": "Five Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A3JOX1BEZRGKJM", "asin": "B000FZYMJK", "style": {"Flavor:": " Wehani"}, "reviewerName": "Norma jean Phillipp", "reviewText": "Great tasting rice. Very nutty and rich-flavored. Good texture. I often combine this rice with brown rice. They go well together.", "summary": "Good nutty flavor", "unixReviewTime": 1444089600} +{"reviewerID": "A1XOWH1GDJFKJO", "asin": "B000F4DKAI", "reviewerName": "shopper22", "verified": true, "reviewText": "Weak flavor even after steeping for a while. Had to use two bags per cup. Won't buy again.", "overall": 2.0, "reviewTime": "02 10, 2018", "summary": "weak flavor weak tea", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A1QM1OZMWIYJ9M", "asin": "B00099XK6I", "reviewerName": "Lauree Campbell Adamu", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "AKC11A1FM4SY6", "asin": "B0000DID5X", "style": {"Size:": " 1 bottl", "Flavor:": " Pepper Jolokia"}, "reviewerName": "Agent Orange Peel", "reviewText": "This hot sauce made my friend throw up when he had a sample. I'd say that's pretty good. You might want to go easy with it in the beginning.", "summary": "It burns", "unixReviewTime": 1400716800} +{"overall": 1.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "AK1M6MJLSQLPD", "asin": "B000JSLYSU", "reviewerName": "Amazon Customer", "reviewText": "I COULD NOT GIVE THESE AWay to the children. Then will usually eat any candy. The Cadbury name used to stand for quality chocolate but I would not buy these again.", "summary": "Waste of money.", "unixReviewTime": 1397433600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A3UKRP8AKK4329", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " Purely Unflavored"}, "reviewerName": "Health seeker", "reviewText": "For a dialysis patient , this protein powder is the best choice to fulfill my daily health needs.", "summary": "Pure protein and no other fillers .", "unixReviewTime": 1469318400} +{"overall": 3.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A19Z6IU598TN9S", "asin": "B0014GZERS", "reviewerName": "TOM", "reviewText": "Too salty.", "summary": "Three Stars", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "AROPLQ2GH72E", "asin": "B0013AR19O", "style": {"Size:": " 1", "Flavor:": " Extra Spicy"}, "reviewerName": "Patrick Calligan", "reviewText": "Extra spicy Concentrated. We mostly take this camping during the fall/winter months. Great lattes for warming you up in the morning, or by the fire. Extra spicy so you don't have to use as much, or maybe you just like strong Chai. It's very good none the less.", "summary": "This is a great Chai tea", "unixReviewTime": 1511222400} +{"overall": 3.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A3CBPLPI1PJJYX", "asin": "B000CL4MFQ", "reviewerName": "bestoftimes", "reviewText": "My dentist suggested this gum for dry mouth. The flavor tends to leave kinda quickly", "summary": "Gum", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A36VAZXAAO4E6G", "asin": "B000U0OUP6", "style": {"Size:": " 16 Ounce (Count of 3)", "Flavor:": " Cocktail Peanuts"}, "reviewerName": "DHWB", "reviewText": "good deal > the peanuts are good", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2016", "reviewerID": "A1PIRVNP5991BN", "asin": "B000IKGG5U", "style": {"Size:": " 3.5 Ounces of Jelly Beans"}, "reviewerName": "HizDoreeHerBrian", "reviewText": "Well made and I just love it!!", "summary": "Five Stars", "unixReviewTime": 1478563200} +{"reviewerID": "AWD3I083G3YW7", "asin": "B000F4DKAI", "reviewerName": "el raro", "verified": true, "reviewText": "This is decently robust with good aroma and a refreshing taste. I would recommend Rooibos to anyone... and particularly to the tea drinkers trying to expand their palate. It delicious either hot or cold, and definitely without sugar!", "overall": 5.0, "reviewTime": "05 14, 2014", "summary": "Delightful flavor and aroma", "unixReviewTime": 1400025600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A2PQNWBTVJ8MJ9", "asin": "B000WLGCPY", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "Thomas L. Roberts", "reviewText": "Bobs Red Mill products are the best", "summary": "Five Stars", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2013", "reviewerID": "A192FZK8BO3O4X", "asin": "B0007STDKI", "reviewerName": "Squashbug", "reviewText": "This is my favorite gum. Always fresh and tastes so good. I use it as an alternative to smoking cigarettes. Very helpful indeed.", "summary": "Trident Cinnamon Gum", "unixReviewTime": 1361145600} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2017", "reviewerID": "A1O7T8B4QKVU8M", "asin": "B00099XOVO", "reviewerName": "Graciela Moran", "reviewText": "Great little side dish or main dish. Use the recipes on the package for ideas.", "summary": "Five Stars", "unixReviewTime": 1509235200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A28ZYCRLRN90TU", "asin": "B000WG7SZC", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "Ginnyk", "reviewText": "This is our favorite oatmeal and it is hard to find in grocery stores. The price on Amazon is way better than i have ever seen in a supermarket as long as you can use the pack of 4", "summary": "Best oatmeal ever!", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2018", "reviewerID": "A26VEKW6BCB251", "asin": "B000FDOSN2", "style": {"Size:": " 1 (2 Pound bag)"}, "reviewerName": "Stephanie J.", "reviewText": "Perfect as always. Used in a Harry Potter themed candy buffet", "summary": "Five Stars", "unixReviewTime": 1521417600} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A2M4F1YOR3NOVW", "asin": "B000YPKRNG", "reviewerName": "m. cat", "reviewText": "hubby has been making these and likes them", "summary": "Four Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A1FIZBYVS062LJ", "asin": "B00067WBGS", "reviewerName": "Mary Ann from Merrick - #1 New York Yankee Fan", "reviewText": "Yummy", "summary": "Five Stars", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A1JDXWQ82RVSYC", "asin": "B0001CXUHW", "style": {"Size:": " 16 Ounce"}, "reviewerName": "Joyce S", "reviewText": "It's yeast so I don't know what else to say. It works well and got here quick. I will be ordering more.", "summary": "It Yeast", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A1MUA3GEH10FXK", "asin": "B000JVABZ4", "reviewerName": "Feedback", "reviewText": "Strong but not too strong. Great with foam or alone.\nI drink a mug every morning and its a great way to start the day", "summary": "My favorite flavor", "unixReviewTime": 1379203200} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2012", "reviewerID": "A1YCRX6QBEGD21", "asin": "B000E1BLMG", "style": {"Size:": " 1 Ounce (Pack of 24)", "Flavor:": " Pistachio"}, "reviewerName": "Dave", "reviewText": "Very few, if any nuts. Product tastes pretty good, and knowing it's sugar and fat free makes the indulgence worth it. Pretty expensive at Amazon. I've since found in a supermarket (same product) for 75 cents.", "summary": "Nice taste for no calories, but not as good as the product with Sugar.", "unixReviewTime": 1342828800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2010", "reviewerID": "A3GXX1MVYOQDBQ", "asin": "B000EGZ9AG", "style": {"Flavor:": " Organic"}, "reviewerName": "Patrick P. Davis", "reviewText": "Great tasting healthy rice that cooks well in a rice cooker with a brown rice option.", "summary": "Excellent rice", "unixReviewTime": 1284768000} +{"reviewerID": "A3CBM93QAH7CTE", "asin": "B000VNNSEG", "reviewerName": "Fawzi S.", "verified": true, "reviewText": "I am not impressed with the flavor at all. The honey is crystallized in a solid form and it is very hard to get it out of the small can.", "overall": 2.0, "reviewTime": "01 16, 2015", "summary": "Not impressed with this honey", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "A28LDZ6TU2MCH3", "asin": "B000WV0RW8", "reviewerName": "Kimi Dodd", "reviewText": "These chia seeds are by far the best I've had. I use them every morning with my cereal or mix them in with an acai bowl or even salads!", "summary": "Great product", "unixReviewTime": 1415836800} +{"overall": 4.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A3F1AOH7LSGN7P", "asin": "B000E1FZHS", "style": {"Size:": " 16 Ounce (Pack of 2)", "Flavor:": " Lightly Salted Dry Roasted Peanuts"}, "reviewerName": "TMartin", "reviewText": "whats not to love, I do prefer the salted though, my error.", "summary": "Four Stars", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A3JRPDKUK09ZB1", "asin": "B0015MGC1I", "reviewerName": "Shane Fradella", "reviewText": "Can't go wrong with anything from lavazza Love this coffee , and delivery was fast .", "summary": "Can't go wrong", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": false, "reviewTime": "11 16, 2017", "reviewerID": "A1F09FVDH91X1J", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Addy Rose", "reviewText": "Naturally More Natural Crunchy Peanut Butter Spread with Protein", "summary": "MICRONUTRIENTS HIGH QUALITY HEMP HEARTS!!", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": false, "reviewTime": "10 30, 2017", "reviewerID": "AB3NZUVSLXNYJ", "asin": "B000NSKB80", "reviewerName": "Aminuts", "reviewText": "Crisp, crunchy and fresh. Wish Prime Fresh didn't cost so much as I really enjoyed getting my groceries from them. (Well, the price was a bit high, too).", "summary": "Fresh and crisp", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": false, "reviewTime": "05 24, 2016", "reviewerID": "A1IRKTCTOIHJIM", "asin": "B000H26J7E", "reviewerName": "happyann", "reviewText": "Got a great price on these on special. They arrived quickly and yum do I love my dark chocolate.", "summary": "Five Stars", "unixReviewTime": 1464048000} +{"overall": 2.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A1ZM0A1SOXJEEZ", "asin": "B0007SVCRK", "style": {"Size:": " 54 Ounce Box", "Style:": " Original"}, "reviewerName": "harry", "reviewText": "good try...but not close to the original. the original being from the 1960's", "summary": "Two Stars", "unixReviewTime": 1496102400} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2009", "reviewerID": "A2E3WMF9RWW2X2", "asin": "B000V0DHBS", "reviewerName": "K. Duvall", "reviewText": "Good price and tastes pretty good. I like the banana versions better. Kids like them all.", "summary": "Tasty", "unixReviewTime": 1243123200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A1FKNDQKMG8C7D", "asin": "B0000A9XZO", "reviewerName": "K Brooks", "reviewText": "I love this product! I use it for all of my baking, frying, whatever needs!", "summary": "have every kitchen must have this", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A3DF86L279B4BC", "asin": "B000VK61KM", "style": {"Flavor:": " Peanut Butter"}, "reviewerName": "None", "reviewText": "Great to have around if you are someone that has to grab something on the go frequently like I do.", "summary": "Great and convenient", "unixReviewTime": 1523318400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "AR1Q0PIUGDM0K", "asin": "B000EH4XZM", "style": {"Size:": " 21-Ounce Jar"}, "reviewerName": "Jason", "reviewText": "This rice is delicious. The whole family loves it!", "summary": "This rice is delicious. The whole family loves it ...", "unixReviewTime": 1452038400} +{"overall": 3.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A2HLURYBRHAEN6", "asin": "B000G8399A", "style": {"Package Quantity:": " 1"}, "reviewerName": "Elizabeth Carter", "reviewText": "It was ok, not that great", "summary": "Three Stars", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A3D2KMEVFAMBYQ", "asin": "B000F17AKC", "style": {"Flavor:": " Premium Blend #2"}, "reviewerName": "DJohn Mustard", "reviewText": "Really strong stuff. I love making this with condensed milk. It's a lot cheaper on Amazon than at my local Asian market.", "summary": "Cheper than my local asian market. Really strong!", "unixReviewTime": 1501027200} +{"overall": 2.0, "verified": false, "reviewTime": "10 8, 2017", "reviewerID": "A3VZ142WOET6OH", "asin": "B000FZVLFS", "style": {"Flavor:": " Espresso Forte"}, "reviewerName": "Mindy E. Scalzetti", "reviewText": "In my opinion, there is much better, richer espresso on the market. Personal taste I suppose, but not my cup of tea (um, coffee).", "summary": "there is much better, richer espresso on the market", "unixReviewTime": 1507420800} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A1OL5BU53B02D3", "asin": "B000SWTKV0", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "Alan I.", "reviewText": "Thanks.", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1Z0Z5KE2J6S9X", "asin": "B000WKXTNS", "style": {"Size:": " 28 Ounce (Pack of 4)"}, "reviewerName": "Cam Allison Group", "reviewText": "Super fresh, cherryish & chewy. Fast ship. Better than any I have gotten at the store AND at a better price. I thought 4 of these big bags would last thru the month, but they are sooooo good, it's time to reorder !! In a word .. YUM !!", "summary": "Best value & greater than great cherry flavor ..", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A14NX9M6ZJLA8F", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Super Antioxidant"}, "reviewerName": "allyrose", "reviewText": "Best, most flavorful green tea ever!", "summary": "Five Stars", "unixReviewTime": 1427241600} +{"overall": 4.0, "vote": "3", "verified": false, "reviewTime": "06 19, 2014", "reviewerID": "ABAQ9SKKJ8Y67", "asin": "B000BIQLL8", "reviewerName": "Jessica Salmonson", "reviewText": "If I'm too lazy to make some konbu broth to mix my own miso then here's an alternative to not being lazy. You'll never get the best possible miso out of a little sack but for us lazies it's just the thing and not like a disappointment or anything bad.", "summary": "Good Enough", "unixReviewTime": 1403136000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A3OTG7BU2EMA6Y", "asin": "B000S5POJO", "reviewerName": "PAT", "reviewText": "I love them", "summary": "What's else left to say, been a fan for years and I have never been dissapointed", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "A2197MLFMJDXY1", "asin": "B000R923TU", "style": {"Size:": " 28 Ounce (Pack of 6)"}, "reviewerName": "Amazon Customer", "reviewText": "Great tomato taste.", "summary": "Five Stars", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A1QMKOY1FECVNQ", "asin": "B000WLGCPY", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "Jin Nam", "reviewText": "Reasonable price for a box of oatmeal.", "summary": "Five Stars", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": false, "reviewTime": "11 3, 2014", "reviewerID": "AEMR8E7GA5LHY", "asin": "B000RWC76Q", "style": {"Size:": " 2.5 Lb Pouch"}, "reviewerName": "Tammy C.", "reviewText": "Love this stuff! Great to sprout!", "summary": "Five Stars", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1G2BGSI358A9C", "asin": "B0009F3QKW", "style": {"Flavor:": " Relaxed Mind"}, "reviewerName": "Ashley", "reviewText": "Great taste!", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A1537BQLT3VJ99", "asin": "B000EIZ8FA", "style": {"Size:": " 3 Ounce (12 Count)", "Flavor:": " Fruit and Nut"}, "reviewerName": "Juniquilt2day", "reviewText": "These Erin Baker products are very tasty and filling. Use them for quick breakfasts and even lunch on the go.", "summary": "Breakfast Cookie", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A2I5C3DQTYF8AG", "asin": "B000QXGB7C", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "Madzi", "reviewText": "I purchase Bob's Red Mill products because of the quality and these rolled oats are no exception. Great taste and a good value purchased from Amazon. Don't hesitate to buy them.", "summary": "Excellent", "unixReviewTime": 1394841600} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "ARMQWWNXSQ4IG", "asin": "B000WR8THC", "reviewerName": "home cook", "reviewText": "Excellent product for bakers", "summary": "excellent product", "unixReviewTime": 1428105600} +{"overall": 4.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "A3OI6M4WG0N5S5", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 1", "Flavor:": " Hibiscus Tea"}, "reviewerName": "duffy1942", "reviewText": "GOOD TEA.", "summary": "Four Stars", "unixReviewTime": 1427846400} +{"overall": 4.0, "verified": false, "reviewTime": "07 24, 2016", "reviewerID": "AJV3JN28S31KA", "asin": "B000RULRIM", "reviewerName": "Rasmus Sorensen", "reviewText": "I'm so sad that I don't like these. I usually love pistachio ice cream. This one has real pistachio nuts in it and seems like a very natural and high quality product. Turns out, I like \"fake\" pistachio ice cream better than real pistachio nuts! My life is a lie!", "summary": " Real, sadly :-(", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A6YYIW2R6S6YQ", "asin": "B000XAI5JK", "reviewerName": "RHM", "reviewText": "I love these peppercorns!", "summary": "Five Stars", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "AEYYV1LF78R8D", "asin": "B000OZV1I6", "style": {"Size:": " 40.5 Ounce Tub"}, "reviewerName": "Linda", "reviewText": "everybody like LH", "summary": "Five Stars", "unixReviewTime": 1518652800} +{"overall": 3.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A3PON6C0JQV3MH", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Amazon Customer", "reviewText": "First time user for these also need a little more time.", "summary": "Three Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "A3CJOHPYHJYCWO", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Rooibos Chai"}, "reviewerName": "C. Ross", "reviewText": "My favorite Chai tea for flavor and health benefits...", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A34IAAHSUSRJOW", "asin": "B000UYC31A", "reviewerName": "TJ", "reviewText": "As decried few of the pedals edges had charr marks so it might be dried with heat, but despite that it still looks fresh and fragrant with color. I take it as a tea and capsulate for consumption.", "summary": "Very colorful and fragrant let's me know it's fresh as can be.", "unixReviewTime": 1502928000} +{"overall": 4.0, "verified": true, "reviewTime": "09 1, 2017", "reviewerID": "A20F1A70A8YQLE", "asin": "B000EH4XZM", "style": {"Size:": " 21-Ounce Jar"}, "reviewerName": "shirtless", "reviewText": "Good taste and good texture. The kids liked it. Great container to save and reuse.", "summary": "Happy, happy, happy.", "unixReviewTime": 1504224000} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A2WNDWULPVAYTZ", "asin": "B000SWTKV0", "style": {"Size:": " 5lb.", "Style:": " Bag"}, "reviewerName": "Deeman", "reviewText": "best salt out there. I use it to detox with iodine and it works people, take it from me. look into Dr Brownstein, Salt your way to health. He is a great doctor. I read his book on iodine miracle.", "summary": "all natural salt", "unixReviewTime": 1432684800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 14, 2014", "reviewerID": "A1SWXIWBKI78QI", "asin": "B0016BFR4G", "style": {"Size:": " Pack of 1"}, "reviewerName": "MF", "reviewText": "I love this green tea. It has a gentle, mild taste. I do not put anything in my tea (no sugar, no lemon, no nothing), and it is nice that this tea does not have any strong aftertaste. Just pleasant pure green tea taste.", "summary": "Nice and smooth!", "unixReviewTime": 1402704000} +{"overall": 3.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "ARTQZR7QJ9SRI", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Jennifer Sibanda", "reviewText": "The flavor seems more bitter than other brands I have tried and the hemp seeds are much smaller that others I have tried but it is still fine. WIll probably try another brand when i run out", "summary": "... that others I have tried but it is still fine. WIll probably try another brand when i run", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A11DAYWU1CCUFZ", "asin": "B000Z45RL8", "reviewerName": "Kim M", "reviewText": "I love a chocolate covered honeycombed bar that lives up to its name, It MUST be sold in the USA-please try and do that!!! Absolutely delicious!", "summary": "I love a chocolate covered honeycombed bar that lives up to ...", "unixReviewTime": 1407369600} +{"overall": 3.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "A26VQY3W2MG5Q2", "asin": "B0015DGDR0", "reviewerName": "Amazon Customer", "reviewText": "The flavor was good but they were rock hard. Perhaps the stale ones are used for the packaged sets? I softened them by warming them in the oven that I had (of course) turned off. That worked.", "summary": "Had the shelf life expired?", "unixReviewTime": 1517702400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A1QV8M7NF2JS72", "asin": "B001181NBA", "style": {"Size:": " 12", "Flavor:": " Peanut Butter Creme"}, "reviewerName": "A.M. Curtis", "reviewText": "These bars remind me of one of my favorite cookies when I was a kid, the sugar wafers, but these are good for you! 13 grams of protein and a lot of wonderful flavor.", "summary": "A welcome blast from the past", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A3S0FU3L0PX0G4", "asin": "B00061ETX2", "style": {"Size:": " Twin Pack", "Flavor:": " Creamy"}, "reviewerName": "greatmom53", "reviewText": "Great bargain!", "summary": "Great bargain!", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A1TO1JL7Z4AY9X", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "G. Heyburn", "reviewText": "Tastes great and you need so little. Will continue to buy.", "summary": "Great stuff.", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "AXFFMTCZ2JFDH", "asin": "B0002YRJ58", "style": {"Style:": " POUCH"}, "reviewerName": "Doris M. Simmons", "reviewText": "Love Mountain House, taste good too :)", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "AWEVRV4OL8ISF", "asin": "B000G82L62", "reviewerName": "T. Weber", "reviewText": "Best. Rice. Ever. Fabulous in pilaf, especially if the bottom is a tad crispy.", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A23YUNQ379QVO7", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Peppered"}, "reviewerName": "DA", "reviewText": "Good Value", "summary": "Good Value", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": false, "reviewTime": "05 4, 2017", "reviewerID": "A2XG9A62JXTRUA", "asin": "B000QV5M24", "reviewerName": "RC", "reviewText": "I combine this with coconut oil & a blend of medicinal oils & use it for oil pulling.", "summary": "Good Organic Sesame Oil At A Decent Price", "unixReviewTime": 1493856000} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2018", "reviewerID": "A2RXMF4E5ZPL93", "asin": "B000FZVLFS", "style": {"Flavor:": " Major Dickason's Blend"}, "reviewerName": "Thomas A Curtis", "reviewText": "We love this blend, price was good, although a grocery store sale is still the best.", "summary": "Five Stars", "unixReviewTime": 1526169600} +{"overall": 4.0, "verified": false, "reviewTime": "07 29, 2015", "reviewerID": "ACZJ3M833SDOL", "asin": "B000FK8HJQ", "style": {"Size:": " 4 Ounce (Pack of 12)", "Flavor:": " Roasted"}, "reviewerName": "HJP", "reviewText": "I an addicted to these things! Very yummy.", "summary": "Yummy!", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A2Y1EOE5QTQWG3", "asin": "B000HDGIDS", "reviewerName": "Moses777", "reviewText": "Excellent, couldn't be better, 1/2 cup, 390 % Vitamin A requirements. I bought for the Potassium, an excellent source.", "summary": "Five Stars", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": false, "reviewTime": "02 16, 2016", "reviewerID": "A34AI73ILO9E2O", "asin": "B000E1FZHS", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Salted Caramel Peanuts"}, "reviewerName": "MellowIrishGent", "reviewText": "Yum great deal", "summary": "Very tasty @ a great price", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": false, "reviewTime": "02 16, 2013", "reviewerID": "ASMCSLIT6T62D", "asin": "B000IXUK3Q", "reviewerName": "Mir A. Ali", "reviewText": "Very tasty", "summary": "Five Stars", "unixReviewTime": 1360972800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A3VDUITNIJHAG6", "asin": "B000BOCB0W", "reviewerName": "J. Smithe", "reviewText": "Excellent sauce for any Asian dish. It had leaked a little in the box but didn't lose much. Still delicious and a great price since my local Walmart doesn't carry it.", "summary": "Great Stuff", "unixReviewTime": 1392595200} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2017", "reviewerID": "A25OGQSPLKZZ6X", "asin": "B0001XXB3E", "style": {"Color:": " White", "Style Name:": " 0"}, "reviewerName": "Tropical Breeze", "reviewText": "Sugar is perfect for rimming cocktail glasses - on the *chunky* side, but very sparkly. Will be great for holiday's.", "summary": "Sparkly!", "unixReviewTime": 1507852800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A1P8B2OO7Z3J0Q", "asin": "B000X3TPHS", "style": {"Size:": " 5 Pound", "Flavor:": " Vitamin C Pops"}, "reviewerName": "Angela Jamerson", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1477872000} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A2QZM28F6MZPD6", "asin": "B000FDDET6", "style": {"Flavor:": " European Cheese & Herb"}, "reviewerName": "Mairzydoats", "reviewText": "Great in the bread machine. No fuss and a good result. Nut allergy safe per our allergy guest.", "summary": "Four Stars", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "AZRISMP4MBIER", "asin": "B000WS08UM", "reviewerName": "Terri T.", "reviewText": "Excellent! Great flavor, and you need less, and it lasts so much longer.", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A1ZSC9ERUKQPGI", "asin": "B000ZEIR6U", "style": {"Size:": " 4 Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "Love this item use it all the time.", "summary": "Love it", "unixReviewTime": 1480982400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 22, 2017", "reviewerID": "A1VJX6BUNBQM7O", "asin": "B0001M12LS", "reviewerName": "Sara", "reviewText": "Really convenient blend for a quick Thai meal! I love sautéing ground chicken or beef with this and making lettuce wraps or a jasmine rice veg stir fry.", "summary": "Really convenient blend for a quick Thai meal", "unixReviewTime": 1492819200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A1UND7DFFJH2JS", "asin": "B0015TZAY6", "style": {"Flavor:": " Caramel"}, "reviewerName": "M. Castronova", "reviewText": "Bought two cases. Both came fresh. Box wasn't smashed so contents weren't damaged. TASTE? Outstanding. Nice alternative to chips. Recommend", "summary": "Nice alternative to chips", "unixReviewTime": 1483920000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "A2M069CN0QEW5N", "asin": "B000QVDJ10", "style": {"Size:": " 16 oz"}, "reviewerName": "Starlette", "reviewText": "EXCELLENT SOURCE OF BLACK CHERRIES WHICH I HAVE FOUND WORK TO PREVENT AND HELP INFLAMMATION IN KNEES ESPECIALLY - DILUTE IT AND ADD TO TEA.\n\nFOR ANYONE WITH INFLAMMATION PROBLEMS", "summary": "EXCELLENT SOURCE OF BLACK CHERRIES WHICH I HAVE FOUND WORK TO PREVENT AND HELP INFLAMMATION", "unixReviewTime": 1393200000} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "AWDHUB1I4H41L", "asin": "B000X3TPHS", "style": {"Size:": " 8.5 Ounce", "Flavor:": " Vitamin C"}, "reviewerName": "Alisa Sibrova", "reviewText": "Delicious little treat, without the guilt! Good variety, tastes great and the pack is a lot bigger than expected!", "summary": "Good variety, tastes great and the pack is a ...", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A3CHUB8U6K57ML", "asin": "B000EO0XA4", "reviewerName": "Stella Porto", "reviewText": "Love the Banana Larabar. Cannot be found in grocery stores anymore. They are expensive online everywhere, but they are the best.", "summary": "Love the Banana Larabar", "unixReviewTime": 1440201600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 7, 2017", "reviewerID": "A36PG3D7ILZEU2", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 1", "Flavor:": " Hawthorn with Hibiscus"}, "reviewerName": "Mugwumper", "reviewText": "Very good tea, especially with some stevia added to counteract any bitter or sour flavor. I use it to help lower my blood pressure. I also use the plain Hibiscus tea. Seems to be working!", "summary": "Good stuff", "unixReviewTime": 1504742400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A2O9S0T5KQDSRL", "asin": "B0006VWV2I", "reviewerName": "Holly", "reviewText": "this was a gift to my sister who is all abut charles chips! she was thrilled, and I had to get another one for my big bro. too funny They were light and crisp.", "summary": "nostalgia at its best", "unixReviewTime": 1409616000} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "11 26, 2013", "reviewerID": "A2OM4VC2GYCIXW", "asin": "B0017ZDL94", "reviewerName": "Brad Porter", "reviewText": "These cookies are good. Taste good dipped in milk too. Aftertaste was kind of there. But these are worth it.", "summary": "Good cookies", "unixReviewTime": 1385424000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2014", "reviewerID": "A1GMMOLVHXH13T", "asin": "B000FZYMJK", "style": {"Flavor:": " Wehani"}, "reviewerName": "Needs to Know", "reviewText": "We have never had a Lundberg rice, that we didn't like.\n\nMake more than you think you need, you can always find a use for it.", "summary": "Good", "unixReviewTime": 1400630400} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A38MGKYHPRW25A", "asin": "B0004MTM9O", "style": {"Size:": " Pack of 1", "Flavor:": " Mixed Berry"}, "reviewerName": "M. Chaffin", "reviewText": "YUMMY", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "A3BG7DPGX793I7", "asin": "B00016XJM4", "style": {"Size:": " 1 Pound"}, "reviewerName": "Abigail Ashley", "reviewText": "Flavor is just okay, I prefer the flavor of the now brand nutritional yeast", "summary": "Ok", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A2ENYBOWI3GJ27", "asin": "B000X3TPHS", "style": {"Size:": " 8.5 Ounce Bag", "Flavor:": " Assorted"}, "reviewerName": "Suzzie", "reviewText": "Always yummy!", "summary": "Excellent", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A1CKUOLN7ZG3WJ", "asin": "B000CQ01NS", "style": {"Color:": " Certified Organic", "Flavor:": " Mild Cheddar-Classic"}, "reviewerName": "samantha", "reviewText": "I tried a few different kinds of Organic and Natural macaroni and cheese brands to find what one we as a family liked best. Annie's is by far the best tasting in my opinion.", "summary": "... brands to find what one we as a family liked best. Annie's is by far the best tasting ...", "unixReviewTime": 1425859200} +{"overall": 4.0, "verified": false, "reviewTime": "07 14, 2015", "reviewerID": "ATE7YCIV7MNJW", "asin": "B0009PCP6S", "reviewerName": "Amazon User", "reviewText": "Tastes like what southern spices would taste like to me.\n\nSolid metal tins, very durable for shipping.\nSalty, aromatic, spicy. Good balances.\n\nI've only traditionally used this on seafood, but applications are limited only by your creativity, I'm sure.", "summary": "Tastes like what southern spices would taste like to me", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A1UN4BUOQ9SZSI", "asin": "B000HDI5O8", "reviewerName": "Jim B.", "reviewText": "they raised the price. its like the stock market. the price keeps going up and down. i eat this stuff. most give it to their dog. im human ard arf. its good stuff. maybe its seasonal & gets cheaper around Halloween.", "summary": "its like the stock market", "unixReviewTime": 1517356800} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2017", "reviewerID": "A1KKOFJJBPM4NJ", "asin": "B000VDYS1I", "reviewerName": "ANN", "reviewText": "GOOD.", "summary": "Four Stars", "unixReviewTime": 1499558400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A2G3B32OUN2AGH", "asin": "B000HDK0DC", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "iwtgtp", "reviewText": "Delicious! Better than any lollipop you've ever tasted!", "summary": "Better than any lollipop you've ever tasted", "unixReviewTime": 1414108800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 23, 2011", "reviewerID": "A1M976FVAIMAZ7", "asin": "B0014ET2XM", "style": {"Size:": " 10.75 Ounce (Pack of 12)", "Flavor:": " Fiesta Nacho Cheese"}, "reviewerName": "Kindle Customer", "reviewText": "This stuff is awesome! I use it in a lot of recipes including Tater Tot Casserole and Mom's Mac'n'Cheese. Getting a case or two shipped to my house every month makes planning dinner that much easier.", "summary": "VERSATILE", "unixReviewTime": 1298419200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A3F9UAX22LLZWK", "asin": "B000V8BJUQ", "reviewerName": "K K Schwartz", "reviewText": "This is a good spice mix. It's flavorful but not so hot that it is unpleasant.", "summary": "Good spice mix", "unixReviewTime": 1437696000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "ATMUDH7EKSYWK", "asin": "B000GZSBUU", "reviewerName": "Magpie", "reviewText": "Excellent product, and wonderful dish -- everyone at the party loved it. This is a favorite for bringing to potlucks because it's a little exotic and always delicious.", "summary": "Excellent product, and wonderful dish -- everyone at the ...", "unixReviewTime": 1439596800} +{"overall": 4.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "AMTZGSAPH0TCS", "asin": "B0012OTF3Q", "style": {"Size:": " 2 Ounce (Pack of 12)", "Flavor:": " Imitation"}, "reviewerName": "omommy248", "reviewText": "Paid a great price. Does a wonderful job in all my baked goods.", "summary": "Paid a great price. Does a wonderful job in all my ...", "unixReviewTime": 1422057600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A2MIHP37LE02OY", "asin": "B000QCOALC", "reviewerName": "Sue Peterson", "reviewText": "Who doesn't love Nutella? And these little packs are just the right amount and keep me from overdosing. Very handy to have around.", "summary": "Just the right amount", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": false, "reviewTime": "12 2, 2015", "reviewerID": "A3S3ESFQ9E7M3C", "asin": "B000E1DS7C", "style": {"Size:": " 0.6-Ounce Boxes (Pack of 6)", "Flavor:": " Raspberry"}, "reviewerName": "3to5", "reviewText": "There's always room for jello. A good low calorie snack. When you need something sweet.", "summary": "A good low calorie snack", "unixReviewTime": 1449014400} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "AZCGWSDRK6DMB", "asin": "B000VSDA3A", "style": {"Flavor:": " Hot & Spicy"}, "reviewerName": "royboy", "reviewText": "fast shipping and product god price", "summary": "Four Stars", "unixReviewTime": 1407542400} +{"overall": 2.0, "verified": false, "reviewTime": "10 10, 2014", "reviewerID": "A2QF1932NG9CEV", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Teriyaki"}, "reviewerName": "sparrowhawkes", "reviewText": "Whenever I purchase these larger bags, the meat tends to be unusually tough, as though packaged with lesser cuts", "summary": "Whenever I purchase these larger bags, the meat tends ...", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "ACOSR6NB02AMQ", "asin": "B000YG64DW", "style": {"Size:": " 1 Pack"}, "reviewerName": "Amazon Customer", "reviewText": "Very nice flavor, not overpowering", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2013", "reviewerID": "ALEKGNJSD02JZ", "asin": "B0002PHEZC", "reviewerName": "Opus", "reviewText": "The vanilla beans are whole, soft, large and plump. These beans are superior to what I can find locally without spending a fortune. What a great value! They came well (vacuum) packaged too. There is nothing like using a vanilla bean in a recipe. Will buy again.", "summary": "Superior Vanilla Beans", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1K33BNK67FYP1", "asin": "B000LWCR26", "style": {"Size:": " 1 Count", "Flavor:": " Honeybush"}, "reviewerName": "Kelly", "reviewText": "The honeybush tea is delicious. It doesn't have an overpowering or cloying flavor, but has enough flavor to be worth the purchase. I will definitely be buying more!", "summary": "Delicious!", "unixReviewTime": 1422144000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A3OJC3DTE777WB", "asin": "B000EYOBRU", "reviewerName": "Jutta Payne", "reviewText": "I have used this mix since it has come on the market. I cook a lot and this is a fast and easy way to get great taste into any meal. I love this spice and so do all my friends and guests. You will not be sorry to purchase it.", "summary": "Best ever spice mix", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "AQD1MPP0528AC", "asin": "B000YBKP50", "style": {"Size:": " 1 Lb"}, "reviewerName": "Roberta Hoyt", "reviewText": "Fast delivery great product. Thanks!", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A2X9PUZ22QX243", "asin": "B0012VSXIM", "reviewerName": "Trying", "reviewText": "Fresh tastie Good and Plenty for my family to enjoy and they do.", "summary": "Delicious and Fresh", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "A13Q5PEFYSWL6F", "asin": "B0014C5OB8", "reviewerName": "SHINUALD", "reviewText": "Delicious and People cannot get enough of them when they come over to my home.", "summary": "Delicious Apple", "unixReviewTime": 1392076800} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A37D4WZ5CJ5XUR", "asin": "B000FF3UUW", "style": {"Flavor:": " Garden Vegetable"}, "reviewerName": "JM1969", "reviewText": "These are excellent crackers. Be careful they are addictive ;o)", "summary": "EXCELLENT CRACKERS!!!", "unixReviewTime": 1427760000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "A1W48BCNHFRKWZ", "asin": "B000R75X4E", "reviewerName": "Peter Hicks", "reviewText": "these are the only tomatoes I use in making sauces. consistent quality and affordable with amazon pantry. Cheaper than local and actually available.", "summary": "consistent quality and affordable with amazon pantry", "unixReviewTime": 1421452800} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "AUYA9Q3B525R6", "asin": "B000GFYRK8", "style": {"Flavor:": " Perfect Peach"}, "reviewerName": "Jimmy", "reviewText": "Tastes great, reasonably priced, packaged properly and arrived on time.", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 3.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A32VT4TN6T809M", "asin": "B000ED7M3Q", "style": {"Size:": " 22 Ounce (Pack of 4)"}, "reviewerName": "Kindle Customer", "reviewText": "Not a gluten free fan.", "summary": "Three Stars", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "AL0RJQJPYQSMT", "asin": "B00008RCN8", "style": {"Flavor:": " Wintermint"}, "reviewerName": "C. M. Barrett", "reviewText": "My favorite gum, and this isn't a bad price.", "summary": "Good price", "unixReviewTime": 1488758400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "09 5, 2007", "reviewerID": "AYTJGEQQDD7TU", "asin": "B000JMDHCC", "reviewerName": "hlew", "reviewText": "IF you are someone who likes hot sauce this is a nice change. I find it especially good on eggs, but can be used on just about anything you would put hot sauce on.", "summary": "great condiment", "unixReviewTime": 1188950400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A69R48YKSVR0B", "asin": "B000EMX13C", "style": {"Size:": " 1.5 Ounce 18 Pack", "Flavor:": " Mango Tango"}, "reviewerName": "Brian S.", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2012", "reviewerID": "A9RZ1WUBISIKI", "asin": "B000H153AE", "style": {"Size:": " 16 Ounce (Pack of 5)", "Flavor:": " Farfalle"}, "reviewerName": "Love good deals!!", "reviewText": "I love De Cecco pastas. They cook up al dente and have a nice toothsome texture.\n\nWorth the extra money for the superior quality.", "summary": "The Best Pasta!", "unixReviewTime": 1330992000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A1SDDI12LKJV9F", "asin": "B000WR2OFK", "style": {"Size:": " 1-Pack"}, "reviewerName": "Queen Laynie", "reviewText": "Works perfect for recipes calling dried rosemary.", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2017", "reviewerID": "A2YSB0QMYFSDLX", "asin": "B000B6J54U", "style": {"Size:": " 2.62 oz"}, "reviewerName": "TaS", "reviewText": "fresh", "summary": "Five Stars", "unixReviewTime": 1490400000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A12S4JGBZWCQWF", "asin": "B00061EOVO", "reviewerName": "jamie", "reviewText": "awesome", "summary": "Five Stars", "unixReviewTime": 1451865600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A37GFFXQN6SCUZ", "asin": "B00024G8WI", "reviewerName": "yah", "reviewText": "Yum! Best chocolate ever.", "summary": "Best chocolate ever", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A1CR7UA9PPL9U8", "asin": "B000FDDET6", "style": {"Flavor:": " Honey Whole Wheat"}, "reviewerName": "PingPong", "reviewText": "Good no complaints", "summary": "Five Stars", "unixReviewTime": 1425772800} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2013", "reviewerID": "A2SIWGIOBLG6YV", "asin": "B00132RPN4", "style": {"Size:": " 1.4 Ounce (Pack of 10)", "Flavor:": " Much-Ado-About-Mango"}, "reviewerName": "N. Trang", "reviewText": "i love this product so much... it is so good for your body, but i wish that the mango don't stick to each other like a bulky chunk all the time", "summary": "great taste", "unixReviewTime": 1384905600} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "A2SKJSRMACBMD", "asin": "B001652KD8", "style": {"Size:": " Pack of 200"}, "reviewerName": "Shauna H", "reviewText": "Order for office. The love it. I keep reordering. Good price.", "summary": "The love it. I keep reordering", "unixReviewTime": 1499299200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A2JQEER8XLERUH", "asin": "B000RHY1YW", "style": {"Size:": " 5.25 oz", "Flavor:": " Original"}, "reviewerName": "Peter", "reviewText": "Delicious !", "summary": "Delicious", "unixReviewTime": 1453593600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "A3I4PCBRENJNG2", "asin": "B000H136JY", "style": {"Size:": " 10.5 Ounce (Pack of 12)", "Flavor:": " Golden Mushroom"}, "reviewerName": "E. Brent Cain", "reviewText": "Convenient and great product my mom has me order for her as she cannot get out to the grocery with health issues she has at age 87", "summary": "Convenient and great product", "unixReviewTime": 1382659200} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "05 5, 2013", "reviewerID": "A3HE4DSJ1SKR98", "asin": "B000KHMWQS", "reviewerName": "G. Hudzik", "reviewText": "A good kipper. Seems a little more \"odorous\" than I remember. Brush your teeth after eating, or, at least, rinse your mouth out with something -- a single malt scotch would be good!", "summary": "Good", "unixReviewTime": 1367712000} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A2SXQMM4BMMRSB", "asin": "B000H2XXRS", "reviewerName": "Amela Q.", "reviewText": "This is the best coconut oil out there. We subscribed for this to come every two months as we are using it for almost everything. From putting it in our coffee, cooking, baking, as lotion and much more", "summary": "This is the best coconut oil out there", "unixReviewTime": 1453248000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A2U77VE2RNYAVM", "asin": "B000V9HPIU", "reviewerName": "Ray Han", "reviewText": "just bought this after reading so many good reviews.\nbut i don't know...i will stick to my chinese self made food ..instead of salad...haha.....", "summary": "just bought this after reading so many good reviews. but i don't know", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": false, "reviewTime": "09 8, 2014", "reviewerID": "A1F3CCK9ZECEF5", "asin": "B000WR4SGI", "reviewerName": "RC", "reviewText": "Simply Organic Dill Weed has a very fresh taste. It is the best dill weed I bought so far.", "summary": "It is the best dill weed I bought so far", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A51NT9PQA8BTB", "asin": "B000FFIL92", "style": {"Size:": " 1 Count", "Flavor:": " Flowering Tea Gift Set"}, "reviewerName": "Amazon Customer", "reviewText": "I think this tea is just perfect. When you put the hot water and the flower opens is magic. The valor is great and your health will be thankful! Great seller!", "summary": "I think this tea is just perfect. When you put the hot water and the ...", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A1AW059DXWTDZL", "asin": "B000AYFBAU", "reviewerName": "Pepper", "reviewText": "Almost tastes like I made them myself! Soft and chewy. Just cut as many pieces you need and keep the rest wrapped. As always, you put out a plate of these; turn your back & poof they are gone. Great time saver and good to have some in your pantry for unexpected guests.", "summary": "Just as you remember; great!", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A1JUCWFHH2MWHO", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Pumpkin Spice Chai"}, "reviewerName": "P. Wyatt", "reviewText": "I love love love this tea. I cannot find it anywhere else in the store but I can find it on Amazon. They have a regular Chai flavor but it isn't the same as the Pumpkin Spice. There is just something wonderfully comforting about this tea.", "summary": "I love love love this tea", "unixReviewTime": 1417132800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A1GMJKY65AJU26", "asin": "B000X3TPHS", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Rebecca J. Bucklew", "reviewText": "Good flavors. I use them to stuff pinatas.", "summary": "Five Stars", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2017", "reviewerID": "A1EV0U5CRBU1YJ", "asin": "B00170LPPQ", "style": {"Size:": " 1.7oz 2pk", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazonian", "reviewText": "If you want to blow your face off, this is the sauce to do it with. Not for the spice-sensitive.", "summary": "The Best Insane Hot Sauce I've Tried", "unixReviewTime": 1489536000} +{"reviewerID": "A1IGBEW1C9VDVN", "asin": "B000F4DKAI", "reviewerName": "P. Cappiello3", "verified": true, "reviewText": "Great Black tea. Came fast and undamaged.", "overall": 5.0, "reviewTime": "04 4, 2018", "summary": "Authentic and good price!", "unixReviewTime": 1522800000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A19BTT8NVG12UP", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Bob G.", "reviewText": "good quality mostly whole kernels", "summary": "Five Stars", "unixReviewTime": 1482019200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2012", "reviewerID": "A39ZXO98LYPH33", "asin": "B00005BPQ9", "reviewerName": "Kratzekatze", "reviewText": "Either you love them or you don't. I guess there's nothing in between. I love them. I love the malty taste in combination with the milk chocolate. One package is considered to be one serving size and just enough to be a perfect treat at no more than 220 calories per package.", "summary": "Yummy ...", "unixReviewTime": 1332892800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A1MG3U1LPT0L3D", "asin": "B000X3TPHS", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Barbara L. Hodges", "reviewText": "Everybody loves them!", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "AJT7DTYAG7U64", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Organic Chai"}, "reviewerName": "Retired Accountant", "reviewText": "This Twinnings Chai Tea is delicious! I am drinking a cup of it as I type this review.", "summary": "Great flavor Twinnings Chai Tea", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "A2RG6IST756FWH", "asin": "B000JMFCRU", "style": {"Size:": " 7oz"}, "reviewerName": "Guardian123", "reviewText": "Nice flavor, good price and good quality product. I have order other this product many times before and have never been disappointed.", "summary": "Good $$ for the quanity", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A3I9QN7ADTDAGB", "asin": "B00117YT4Y", "style": {"Size:": " 12 ounce", "Flavor:": " French Vanilla"}, "reviewerName": "BY", "reviewText": "Husband has kidney problems and this is the protein powder recommended he take every day, and he has for months", "summary": "designer whey", "unixReviewTime": 1489276800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A2V4MGPIBW4M8V", "asin": "B0008JEYLY", "style": {"Size:": " 28-pc Box", "Color:": " Classic Dark Chocolate"}, "reviewerName": "Jonz39", "reviewText": "She and her son love this stuff. I do not.", "summary": "They like t.", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A11I672DXIOJWX", "asin": "B000EM6PG2", "reviewerName": "BrazenWhimsy", "reviewText": "Lipton is always great!", "unixReviewTime": 1482969600} +{"reviewerID": "AU4KADTG2LKB8", "asin": "B0010VSBPO", "reviewerName": "Ed", "verified": false, "reviewText": "delicious", "overall": 5.0, "reviewTime": "12 27, 2015", "summary": "Five Stars", "unixReviewTime": 1451174400} +{"reviewerID": "A3G82TXN49FMTF", "asin": "B000E4C1OK", "reviewerName": "Mumu", "verified": true, "reviewText": "One of the best chili mix. If you can not go to skyline chili in. Cinti then you can try this.", "overall": 5.0, "reviewTime": "03 13, 2013", "summary": "Great taste", "unixReviewTime": 1363132800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A2BJ5E0OCSTNVU", "asin": "B000Z9ASSK", "reviewerName": "L. Wilson", "reviewText": "This stuff is purely great.... beats other brands by a long shot. I now buy the 3.5 oz size and every once in a while I try another brand, I am sorely disappointed. Nothing compares to it.", "summary": "The absolute best.", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A29RIVA3E03OER", "asin": "B0017U48KK", "reviewerName": "Stray Acres", "reviewText": "Yes, would order again!", "summary": "Five Stars", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "A2OTFAHC6UL91K", "asin": "B0001XXB3E", "style": {"Color:": " Pink", "Style Name:": " 0"}, "reviewerName": "jenny j", "reviewText": "Bright and colorful sprinkles worked like a charm", "summary": "Five Stars", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "AXOGN8WMCV9GM", "asin": "B000XSCKLG", "reviewerName": "SIR", "reviewText": "Delicious! Fresh and the pieces where well divided amongst the assortment.", "summary": "Delicious! Fresh and the pieces where well divided amongst ...", "unixReviewTime": 1432598400} +{"overall": 4.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A2KRSP80ADN76R", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Blueberries"}, "reviewerName": "Andrea", "reviewText": "These are very tasty for sure but four pounds is definitely too much to order at one time though.", "summary": "Totally Delicious", "unixReviewTime": 1503014400} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A14B4MJ7KZE63B", "asin": "B000VDYPTI", "reviewerName": "The Youngs", "reviewText": "I purchased these as part of a pantry gift for a friend who needed some help in feeding a family of 5! She reports that they arrived in good shape (along with other spices) and were tasty as well!", "summary": "purchased as a pantry gift for a friend", "unixReviewTime": 1400371200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A21CFQK1SB628L", "asin": "B0009F3SD2", "style": {"Flavor:": " Stomach Ease"}, "reviewerName": "Alice_C", "reviewText": "It does help when your stomach is upset but unfortunately I can't stand the taste, I don't like any kind of licorice taste and this has a lot of it in it. If you do like it then you will be happy with it!", "summary": "It works, but taste is strong and not for everyone", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2017", "reviewerID": "A1MZYO9TZK0BBI", "asin": "B0011UGYLM", "style": {"Size:": " 5 Packs"}, "reviewerName": "Rx", "reviewText": "This will make a ton of curry. Tastes very similar or just like the curry from a CoCo Curry franchise. The Hot flavor doesn't come off as particularly hot too me, so it may be too mild for those that really like spicy stuff", "summary": "Excellent, Fast Japanese Curry", "unixReviewTime": 1509840000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A2QZK9UKORV9E8", "asin": "B0009RVFJE", "reviewerName": "Honest Guy", "reviewText": "Love the flavor... feel like I am at a real Sushi Bar.", "summary": "Good by me", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2010", "reviewerID": "A3IFI2PFEWZ4IH", "asin": "B000LKXFBK", "reviewerName": "TLTrue", "reviewText": "These box meals are absolutely delicious. We add some sauteed green onions to this one. Delicious!", "summary": "Delicious dinner item for gluten restricted diets", "unixReviewTime": 1266969600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "ASFV2G08R0B8Q", "asin": "B000F9XBGQ", "reviewerName": "Linda Yantin", "reviewText": "Yummy", "summary": "Five Stars", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A3MG995ZCHXQRH", "asin": "B000WS039S", "style": {"Size:": " 12-Ounce Bag", "Flavor:": " Organic Breakfast Blend Whole Bean"}, "reviewerName": "Happy", "reviewText": "Yummy I buy this frequently does that say enough? Yes", "summary": "Five Stars", "unixReviewTime": 1459728000} +{"reviewerID": "A9ZT09XO1QGRA", "asin": "B0009F3QKM", "reviewerName": "Startastic Time", "verified": true, "reviewText": "I have been drinking this flavor and it has been helping me lose weight. In the last 2 months I have dropped a little over 20lbs. The flavor is so good and ordering this way rather then buying them in the store is a lot cheaper.", "overall": 5.0, "reviewTime": "01 18, 2018", "summary": "Working so well!", "unixReviewTime": 1516233600} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2013", "reviewerID": "A1UY91FZ4EWV55", "asin": "B000VQD4Z6", "reviewerName": "yubini", "reviewText": "it was not bad i wouldnt say it was best korean i tasted it was very spicy , nong shim is a pretty good brand but this one didn't have that punch", "summary": "i wouldnt recommend if you want something very spicy", "unixReviewTime": 1386633600} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A2VIX3WXF4HG9T", "asin": "B0009F3PHQ", "style": {"Package Quantity:": " 6"}, "reviewerName": "Adryenn Ashley", "reviewText": "I drink it every day! Tastes disgusting, but you get used to it.", "summary": "It Works!!", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2011", "reviewerID": "A2C81B811FA56V", "asin": "B000GG0BQ6", "style": {"Flavor:": " Organic Green Tea"}, "reviewerName": "Helen D. Setterfield", "reviewText": "I've ordered this tea....again. I prefer green tea and I like it 'straight,' without anything artificial in it. This is a smooth, clean green tea and if they keep up the quality, I will keep re-ordering it.", "summary": "good green tea; good price", "unixReviewTime": 1323043200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2010", "reviewerID": "A828MKX7XSRVF", "asin": "B00166R6ZO", "reviewerName": "Denise Borum, JD", "reviewText": "This tea really works. I didn't lose a lot of work with it. However, it is really good for your colon. You'll still have to exercise and what your diet. It's a good buy.", "summary": "Excellent Tea", "unixReviewTime": 1286150400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "A3JEN2SEEADP04", "asin": "B000WV0TS0", "reviewerName": "Fogarasi Itzhak", "reviewText": "Fast shipping good quality", "summary": "Five Stars", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": false, "reviewTime": "12 4, 2016", "reviewerID": "A1I9YRWNWRO3BY", "asin": "B000V8BLTA", "reviewerName": "Thinking about it", "reviewText": "Fresh and on time.", "summary": "Fresh", "unixReviewTime": 1480809600} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "06 6, 2012", "reviewerID": "AY1XHEA62BHD3", "asin": "B000HEU8JW", "reviewerName": "Lynette", "reviewText": "Awesome! Remind me so much of the ones I used to get as a kid. Most producers of these do not make a good product. Yours was FANTASTIC and very addicting!", "summary": "French Burnt Peanuts", "unixReviewTime": 1338940800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A5UJLJTG29C8Q", "asin": "B0013JK0O8", "reviewerName": "Sharon Seiber", "reviewText": "Very tasty, saves money and easy to use. What else would you want? I have used several times since my purchase, and really liked it. I used another similar product, but this one beats it all to pieces. The other was waay too thin.", "summary": "saves money and easy to use", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2013", "reviewerID": "AQUWZQCBF1KGO", "asin": "B000GKEYT2", "style": {"Size:": " 5-Ounce Packages (Pack of 14)", "Flavor:": " Cheddar Jalapeno"}, "reviewerName": "Richard Lewis", "reviewText": "These chips arrived super fast and I was surprised that I had received them so quickly..KUDOS on the shipping\nNow the taste of these chips are cheesy and warm..BUY THEM..!!\nThey are crispy like Lays Kettle Jalepena chips but hotter on the spices.", "summary": "These are awesome in Afghanistan", "unixReviewTime": 1358035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "AWB5I1TY1YULH", "asin": "B0014EQI4I", "style": {"Size:": " Pack of 12", "Flavor:": " Grilled Steak Chili with Beans"}, "reviewerName": "William Smith", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A6A6V3WCOUGVS", "asin": "B000OK2AG8", "style": {"Size:": " 1 Pack"}, "reviewerName": "MC", "reviewText": "Best sencha for the money", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2012", "reviewerID": "A1AHD7WAX8YGBS", "asin": "B0002PHEZC", "reviewerName": "Donald D. Cox", "reviewText": "These were better than any other vanilla bean I have tried. I will order again. The price was also great.", "summary": "Great", "unixReviewTime": 1354665600} +{"overall": 1.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "A2O6YY2HF5470R", "asin": "B000WS039S", "style": {"Size:": " 12-Ounce Package", "Flavor:": " Organic Love Buzz Whole Bean"}, "reviewerName": "kyah norton", "reviewText": "Poor quality, very bitter,disappointed.", "summary": "Bitter", "unixReviewTime": 1511222400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A29YBC7MRIVCSE", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 6", "Flavor:": " Organic Ginger"}, "reviewerName": "Gaildee", "reviewText": "Good stuff! I mix it with green tea, nettle leaf tea & black tea and make it by the pitcherful. We love it and it's a wonderful anti inflammatory agent.", "summary": "Super tea!", "unixReviewTime": 1434499200} +{"overall": 1.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A2T0HNDKJ56H6V", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Kenneth Gorrell", "reviewText": "this product was not what i thought it was the taste was terrible no one in my family like the taste of this product it tasted like spoil dish water if you could imagine that don't waste your hard earn money its not worth it", "summary": "Vita COCO Pure Coconut Water", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A2JE6NFHAMZDF9", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags", "Flavor:": " Scottish Breakfast"}, "reviewerName": "P. Johnson", "reviewText": "This is a great breakfast tea! I enjoy the heavier bodied teas such as this.", "summary": "Five Stars", "unixReviewTime": 1501113600} +{"overall": 4.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A275PABPC29QAM", "asin": "B000WG87A2", "reviewerName": "Madeline Norman", "reviewText": "I have always liked A & W Root Beer", "summary": "Four Stars", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A1YR4WCADNXMG3", "asin": "B000X3TPHS", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "honolulufamily", "reviewText": "Great for kids!! Parents are so much more picky when it comes to sweets. I don't hesitate to give these away as they are organic and yummy.", "summary": "Great for kids", "unixReviewTime": 1445299200} +{"overall": 1.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A26TIFW4KTXR72", "asin": "B000U94MPA", "style": {"Flavor:": " Italian"}, "reviewerName": "MA19", "reviewText": "horrendous.. tastes like poision. for those who love it, good for you. i'm definitely with the people who are horrified by the taste of this entire line (and I don't have a problem with chemically / diet tastes.)", "summary": "horrifying", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "A117AJS10R0C6A", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Veronica39", "reviewText": "Walnuts are like a staple for me. These are always mailed well.", "summary": "Five Stars", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2012", "reviewerID": "A2NJJUSBGM8MMH", "asin": "B000F6SNPS", "style": {"Size:": " 18 Count (Pack of 6)", "Flavor:": " Sweet Chai of Mine", "Style:": " Chai"}, "reviewerName": "Boston7883", "reviewText": "Just delicious! My husband and I love having a cup in the evenings. Would recommend it to anyone who enjoys a good, flavorful cup of tea.", "summary": "Great tea / great flavor", "unixReviewTime": 1355616000} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A3GSSO613QNH2S", "asin": "B000P52FQ2", "reviewerName": "Psynonamous", "reviewText": "These are healthy but oddly good, subtle flavor but pretty good although I prefer the fruit ones over these. Three two packs just like regular poptarts but these don't taste like acidic chemical burning.\n\nWell ahead of the expiration date but these don't last long in the house", "summary": "These are healthy but oddly good, subtle flavor but pretty good although I prefer ...", "unixReviewTime": 1476662400} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A3351JE7NL3MCI", "asin": "B000GG0BQ6", "style": {"Flavor:": " Green Tea"}, "reviewerName": "napitalk", "reviewText": "All good. I do not like four tea bags in one foil pouch, though. I believed I was getting individuals.", "summary": "All good. I do not like four tea bags in ...", "unixReviewTime": 1480723200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2013", "reviewerID": "A29INV0QELXVKR", "asin": "B000Q3CJGO", "reviewerName": "Ri customer", "reviewText": "I ordered salt before from another source, it came one solid cake. This came still, as Morton advertises, pouring freely. It came quickly, clean, not crushed, all expectations met. Thanks.", "summary": "successful salt order", "unixReviewTime": 1360368000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2010", "reviewerID": "A1BE8V5S9IYE9E", "asin": "B000E63LQU", "style": {"Flavor:": " Madagascar Vanilla"}, "reviewerName": "Evgenii Puchkaryov", "reviewText": "This is a great caffeine-free tea option. Nicely balanced and aromatic. The favorite tea of my lady, she drinks it all the time. Good price from Amazon.", "summary": "Enjoyable", "unixReviewTime": 1271635200} +{"overall": 5.0, "vote": "17", "verified": true, "reviewTime": "01 27, 2009", "reviewerID": "AYA37GBSOSCL", "asin": "B0005XN9HI", "style": {"Size:": " 1 Pack"}, "reviewerName": "2511bitters", "reviewText": "The is a winner! It's very convenient, and has all the taste you're looking for. Somewhere in my magazine reviews, I read that this was the #1 choice for flavor. I tried a couple other brands to decide for myself...I'm a believer...try it...you'll like it.", "summary": "Great Stuff!", "unixReviewTime": 1233014400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A34HATGT3I2D0F", "asin": "B000ED9LSU", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "OhEverythingHandmade", "reviewText": "We like this cake mix, easy to make and tastes very good. The cake turned out very moist.", "summary": "Yes, please", "unixReviewTime": 1445817600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A1BUXIYQO35JEH", "asin": "B00099XNG0", "style": {"Size:": " 8 Ounce (Pack of 12)", "Flavor:": " Simply Cheddar"}, "reviewerName": "J. Taylor", "reviewText": "Simply Chex is exactly that. No pretzels or rye crackers to mess it up. If you miss the old Chex mix, give this a try.", "summary": "Love this product", "unixReviewTime": 1355443200} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "A3SMMMMZC99WAS", "asin": "B000FA8SH2", "style": {"Size:": " Pack of 3"}, "reviewerName": "Marlin", "reviewText": "Yum, yum. Not too sweet. Can't stop eating them in our house.", "summary": "Not too sweet. Can't stop eating them in our house", "unixReviewTime": 1491264000} +{"overall": 5.0, "verified": false, "reviewTime": "03 26, 2014", "reviewerID": "A2MMUAM3ZSKDNM", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "Whitt", "reviewText": "I cannot get enough of this stuff. I prefer this tea over American tea any day (yes, Im American). I find it better with honey instead of sugar. Enjoy!", "summary": "Yum!", "unixReviewTime": 1395792000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "AUI7A39CKR2LO", "asin": "B000FKMNSM", "style": {"Size:": " 6.25 ounce (12 Bags)", "Flavor:": " Life Savers 5 Flavors Sugarfree"}, "reviewerName": "love my pets", "reviewText": "Convenient purchase. Good price, good taste.", "summary": "Good deal!", "unixReviewTime": 1489708800} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2016", "reviewerID": "A18PFXJ4QPTSX3", "asin": "B000YN2GVY", "reviewerName": "Punk4life", "reviewText": "Potent.", "summary": "Pew!!", "unixReviewTime": 1451865600} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A2Q7AOC2IQ9291", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Cherries"}, "reviewerName": "Sherri L. Goeringer", "reviewText": "These are a great value and great tasting cherries. I divide the into smaller bags and freeze them until I need them.", "summary": "Great cherries", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "A1KGLZD07FEHR3", "asin": "B000U0OUP6", "reviewerName": "Wendy J", "reviewText": "Yummy!", "summary": "Love Prime Pantry!", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": false, "reviewTime": "06 28, 2017", "reviewerID": "A2FP7NVTALD7FT", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " 4 Flavor Variety Pack"}, "reviewerName": "A Regular Mom", "reviewText": "We avoid regular soda but get these occasionally. Everybody likes them and they don't have junk ingredients. Win-win.", "summary": "The grapefruit is my favorite.", "unixReviewTime": 1498608000} +{"overall": 3.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A3P55S19DXG8UU", "asin": "B000S5POJO", "reviewerName": "Margie D. Reed", "reviewText": "The flavor is great. However, they are so tender that they do not hold up to \"smores\".", "summary": "Nabisco Honey Maid Grahams", "unixReviewTime": 1406073600} +{"overall": 1.0, "verified": false, "reviewTime": "11 1, 2015", "reviewerID": "AKNTT2CE1QC3C", "asin": "B0014EQI4I", "reviewerName": "M. Lewis", "reviewText": "I am used to the chili Costco sells and this is not it. If it has meat I could not tell and the beans look like they have been hit with radiation they are so big. I would not buy again", "summary": "Chunky means big beans", "unixReviewTime": 1446336000} +{"overall": 4.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "AWNNVAS1ZA8FW", "asin": "B0005ZUG86", "style": {"Size:": " 5 oz"}, "reviewerName": "EseOso/droopdawg", "reviewText": ".. Organic, richer and sweet.\nNo it's not hot , imagine that sauce/dip made for chips..\nIt's really a 3 star for me but I give 4 to support the product , is not bad honestly.", "summary": "Taco Bell Sauce but..", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2013", "reviewerID": "A2YQ7SH5H0RRMA", "asin": "B0017U24LA", "reviewerName": "bascar", "reviewText": "Very tasty and extremely healthy. We are firm believers in Dr. McDougal's dietary recommendations. However, directions should have indicated to put lid back on before microwaving to prevent spilling over during cooking.", "summary": "Easy to fix and great taste", "unixReviewTime": 1384992000} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2016", "reviewerID": "ASPL6U4HAODI7", "asin": "B000U0OUP6", "reviewerName": "marcia", "reviewText": "will order more", "summary": "Five Stars", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": false, "reviewTime": "07 26, 2016", "reviewerID": "ARX7GOZ7C74HW", "asin": "B000YW7Q0Q", "style": {"Size:": " 6 Packs"}, "reviewerName": "State Auto Tag", "reviewText": "Good deal on these. Whole family loves them. They are just the right size for a quick snack or small after dinner treat.", "summary": "Exactly as expected.", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "A3SH7TNSR8XFCQ", "asin": "B000XBCBW6", "reviewerName": "Lutte L. Erwin", "reviewText": "good enough for me.", "summary": "Five Stars", "unixReviewTime": 1432252800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "A3O1V2RU7OWUDH", "asin": "B0012BSDNW", "reviewerName": "--jm", "reviewText": "One pound bag is a *lot* of very nice flowers for a nice price", "summary": "One pound bag is a lot of very nice flowers", "unixReviewTime": 1503705600} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "AYJKAPC1KBU3Q", "asin": "B0000ETAH7", "style": {"Size:": " Pack of 1", "Package Type:": " Standard Packaging"}, "reviewerName": "Kimberlydm", "reviewText": "My family can't live without these now.", "summary": "We LOVE these!", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A3I1BDYEUWTUX5", "asin": "B000LKTVCC", "reviewerName": "Rosco4.6", "reviewText": "Excellent chips! Great tasting flavors", "summary": "Buy some and thank me later! ", "unixReviewTime": 1489276800} +{"overall": 5.0, "verified": false, "reviewTime": "05 4, 2016", "reviewerID": "A1B125FR0Q9JHN", "asin": "B000IXWD9K", "style": {"Size:": " 1.53 Ounce (Pack of 18)"}, "reviewerName": "Amanda Hatch", "reviewText": "Great deal at half off. Now I have to share.", "summary": "Five Stars", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A8I6H0K9Y5EEC", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "Michael C. Lounsbury", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A19654ARBNX7CQ", "asin": "B000W7PUL0", "reviewerName": "Sam", "reviewText": "This is basically the easiest food to make. Just heat up some water and some butter. Then stir this in and take it off the stove. Wait a few minutes and you have stuffing. That's it. So delicious too.", "summary": "Incredibly easy to make. And tastes great too.", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A123A74FCINZL8", "asin": "B000YPKPE2", "reviewerName": "Greg", "reviewText": "We like these as a quick little between meal snack.", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A14XQHTQ6KVIOL", "asin": "B0014EW41E", "reviewerName": "Amazon Customer", "reviewText": "Great product offered at a great price through Amazon!", "summary": "Five Stars", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "ASGMQ447XL0H8", "asin": "B0010BZZ08", "reviewerName": "digduga", "reviewText": "Using this stuff on everything. Has great taste and quite potent aroma.", "summary": "Great value and potency", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A1L8RRTRSLAFE4", "asin": "B000VK3RPY", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "nancy", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"overall": 4.0, "verified": true, "reviewTime": "03 17, 2018", "reviewerID": "A2BATM8IQE24EC", "asin": "B0001590IC", "style": {"Flavor:": " Rooibos"}, "reviewerName": "Amazon Customer", "reviewText": "Good stuff. Not sure which is better, Freshpak or 11-o'clock brand. Freshpak is easier to get though, at least for me.", "summary": "Good stuff. Not sure which is better", "unixReviewTime": 1521244800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A389XIXZK2M9DZ", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Rob Moore", "reviewText": "Works Great! Thank You!", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2008", "reviewerID": "A1ZB1DWIQ584HK", "asin": "B000NBWO1E", "style": {"Size:": " 16.5 Ounce (Pack of 6)", "Flavor:": " White Chocolate Sauce"}, "reviewerName": "Gloria", "reviewText": "This yummy sauce makes a wonderful latte or steamer. If you are dieting, DON'T BUY IT.", "summary": "White chocolate latte heaven", "unixReviewTime": 1200182400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A1UGUGQFNLYHCA", "asin": "B0014GPSKQ", "reviewerName": "Greg or April", "reviewText": "yum", "summary": "yum", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": false, "reviewTime": "12 16, 2013", "reviewerID": "A1D20YG68DYW69", "asin": "B000V8WDS8", "style": {"Size:": " 24 Count", "Flavor:": " Strawberry"}, "reviewerName": "Lola", "reviewText": "These are by far the best strawberry, sour but sweet licorice vines. These are extremely hard to find in stores and I was ecstatic to find them here.", "summary": "The BEST sour but sweet strawberry licorice vines ever!", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "AHO0NFASVSBRO", "asin": "B0000DIYWO", "reviewerName": "H. Hauser", "reviewText": "Yummy! Quick delivery!", "summary": "Sweet treat!", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "A1W09NBMQE1A2T", "asin": "B000EML7DS", "style": {"Flavor:": " Wisconsin Cheddar"}, "reviewerName": "A.E. and Z.A.", "reviewText": "Deliciously crunchy, flavorful, low-carb, and very convenient for travel. We'll definitely be ordering more in the future!", "summary": "Tasty low-carb snack", "unixReviewTime": 1488499200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A3GU8OUM6RG7FX", "asin": "B000X60V82", "style": {"Size:": " 4.16-Ounce Canisters (Pack of 8)", "Flavor:": " Original"}, "reviewerName": "Mr. Ted R. Gagliano", "reviewText": "This is my kind of beef jerky. Something I can chew ! This type of ground up and pressed meat is my kind of jerky.", "summary": "Loved it.", "unixReviewTime": 1394928000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2017", "reviewerID": "A2FSU0FOYLVBU3", "asin": "B00018XFFI", "reviewerName": "Demeter", "reviewText": "If you know what this is, you are a most likely a chef or cook. This is the real deal, for showing off your kitchen or use on special dishes.", "summary": "Real Fleur De Sel", "unixReviewTime": 1494115200} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A2WDVRI8V1KMHT", "asin": "B000YDTMP2", "style": {"Flavor:": " Pimento"}, "reviewerName": "Christopher Burfoot", "reviewText": "I love these pimento-stuffed queen olives!\n\nGreat flavor with a nice firm texture-not mushy!!\n\nPricing is on par with what you pay in the supermarket; the only problem is, if you can find them. Amazon.com has them which has been my saving grace. Thank you, Amazon!", "summary": "I love these pimento-stuffed queen olives", "unixReviewTime": 1428019200} +{"overall": 2.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "AWIM8K7NZEM2L", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "Dolly", "reviewText": "I do not care for the taste of this tea. Thank you for making organic tea....only kind I will purchase.", "summary": "Organic but not tasty", "unixReviewTime": 1495584000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A1EJ5HWI3Q183A", "asin": "B000EITYUU", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "Barbara McDowell", "reviewText": "good for the price", "summary": "Five Stars", "unixReviewTime": 1428451200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A3OTV9ZTQ5LGF0", "asin": "B000CQIDHE", "style": {"Size:": " 20 Count (Pack of 6)"}, "reviewerName": "Amazon Customer", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1449792000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A3JDGLIOMMYJAW", "asin": "B0010BZZ08", "reviewerName": "RoxyH", "reviewText": "Smells great, tastes great!", "summary": "Five Stars", "unixReviewTime": 1463443200} +{"overall": 3.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "A3KY00QZMJQNAZ", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Cranberries"}, "reviewerName": "J. MCCLENDON", "reviewText": "These seem very sweet to me. Not the best I have ever had. They would be a whole lot better if they were not as sweet.", "summary": "Very sweet.", "unixReviewTime": 1355529600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A3HDDLE2II9L96", "asin": "B0009PCPL8", "reviewerName": "sue stevens", "reviewText": "Love", "summary": "Five Stars", "unixReviewTime": 1436832000} +{"overall": 3.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A2LVFVU5EU2I1I", "asin": "B000WV0RW8", "reviewerName": "lisa", "reviewText": "Used once and gastroentologist said to stop using due to medical issues. All I can say is I put it in my oatmeal and it added a slight nutty taste.", "summary": "Used once and gastroentologist said to stop using due to ...", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A3HE26YJFH6HRL", "asin": "B000P6L454", "reviewerName": "Eastern", "reviewText": "It's a potato and is still going strong after 3 weeks of waiting to be used up.", "summary": "Five Stars", "unixReviewTime": 1486166400} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A2T4PE0N11C932", "asin": "B000H2XXRS", "reviewerName": "Cal", "reviewText": "Fine", "summary": "Four Stars", "unixReviewTime": 1419379200} +{"reviewerID": "AIER4GJ6SJUHQ", "asin": "B000HRS7OM", "reviewerName": "Murye", "verified": true, "reviewText": "The tea bags are dusty and several of them yielded cloudy cups of tea (powder ground too fine)", "overall": 2.0, "reviewTime": "06 27, 2016", "summary": "Two Stars", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2018", "reviewerID": "A3P0ZOVO2FYBB5", "asin": "B000VSY4S0", "style": {"Size:": " 36"}, "reviewerName": "Fiasco", "reviewText": "High quality chocolate, interesting combo of ingredients, unusual cookie.n", "summary": "High quality product although not cheap.", "unixReviewTime": 1516492800} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A10C5SL817NSB7", "asin": "B0009JQK9C", "style": {"Size:": " 16 Wrapped Tea Bags"}, "reviewerName": "Linda Soto", "reviewText": "This is a great tasting tea. Came on time, very well protected. Soothes the stomach and relaxes...", "summary": "Relaxing Tea", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A3VZZ701CDL1YB", "asin": "B000HDKZK0", "style": {"Size:": " 6.3 Ounce (Pack of 6)", "Flavor:": " Crunchy Double Chocolate"}, "reviewerName": "Mom G", "reviewText": "These allergy friendly cookies are the best flavor Enjoy Life makes in the crunchy cookies. Even kids without allergies love eating them with my son. I eat them too and think they are delicious. We buy lots of these.", "summary": "Delicious cookies that happen to be allergy friendly!!", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "AEBOERMTV8UNN", "asin": "B0012BSDNW", "reviewerName": "Chris R.", "reviewText": "this tea is very delicious and rich in flavor. A little goes a long way! for one liter I only use one tablespoon of tea leafs. I bought it because it is said that hibiscus tea can lower your blood pressure. so far it hasn't worked for me. but the flavor makes up for it;)", "summary": "very rich flavor", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2013", "reviewerID": "A8VWUAS1RGL01", "asin": "B000FDLBQO", "style": {"Size:": " 7-Ounce Boxes (Pack of 12)", "Flavor:": " Savoiardi"}, "reviewerName": "Singen M.", "reviewText": "These are definitely some of the best lady fingers I have had. My Mom made a tiramisu and over liquored it, so in the garbage it went. These are low calorie and mighty tasty just eating them out of the box.", "summary": "Yummy! I bought 21 packages of these and gave them to family. Everyone loves these little low cal snacks", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "AX1DDT5J0CI80", "asin": "B000JMFCRU", "style": {"Size:": " 7oz"}, "reviewerName": "Frank G. DeMarco", "reviewText": "Delish!", "summary": "Delish!", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A994RKOIJZ7Q4", "asin": "B0006PKHWA", "reviewerName": "Rita", "reviewText": "Yummy! Could not stop eating them.", "summary": "Really Delicious", "unixReviewTime": 1472860800} +{"overall": 2.0, "verified": true, "reviewTime": "02 9, 2018", "reviewerID": "A3FMW6PLK9R5C7", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "LM", "reviewText": "Odd tasting. Not like packets", "summary": "Tastes bad", "unixReviewTime": 1518134400} +{"overall": 4.0, "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A201CZ452ZBSI3", "asin": "B0007R9L4M", "style": {"Flavor:": " Vegetable Korma"}, "reviewerName": "Jim H", "reviewText": "Good tasting, easy. I package is good for 1 if you use it for a main course. I add chicken or shrimp and it comes out great.", "summary": "Good for backpacking.", "unixReviewTime": 1402963200} +{"reviewerID": "A24YKZH6ZIXXIH", "asin": "B000GG0BNE", "reviewerName": "Dean H.", "verified": true, "reviewText": "Excellent", "overall": 5.0, "reviewTime": "06 4, 2015", "summary": "Five Stars", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "AWBA6WX93DI7P", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "ASAP", "reviewText": "Excellent! Hard to stop eating the little bears.", "summary": "Excellent! Hard to stop eating the little bears", "unixReviewTime": 1450051200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "02 24, 2008", "reviewerID": "A1DC8ZQOCYUZJX", "asin": "B000F4DK9Y", "style": {"Size:": " 3.53 Ounce (Pack of 6)", "Flavor:": " English Breakfast"}, "reviewerName": "JGF", "reviewText": "I am just beginning to enjoy loose teas and this was a great introduction. A very good deal.", "summary": "Good Deal", "unixReviewTime": 1203811200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "A32QO1TWKDJ8K4", "asin": "B000OQ4A3S", "style": {"Size:": " 16 Ounce (Pack of 2)", "Flavor:": " Cacao Powder"}, "reviewerName": "Wes", "reviewText": "Good organic cacao powder.", "summary": "I use several tablespoons daily in my \"bulletproof coffee\". Great source of polyphenols.", "unixReviewTime": 1503360000} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A3V3O5CMTL0LBJ", "asin": "B00117YT4Y", "style": {"Size:": " 4lb", "Flavor:": " Summer Strawberry"}, "reviewerName": "Jeff Pickels", "reviewText": "This product lasts forever, my whole family loves it and the flavors are great! I have been using this product since 1996 and it is becoming more difficult to find now - thanks Amazon!", "summary": "my whole family loves it and the flavors are great! I have been using this product since 1996 ...", "unixReviewTime": 1410307200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2014", "reviewerID": "A1JYBIA81NZ282", "asin": "B000YOSPPO", "reviewerName": "Dio_K", "reviewText": "We were thrilled to see these noodles available again. It's hard to get them in the US without paying a fortune. We use them in salads as well as hot noodles.", "summary": "We love these noodles", "unixReviewTime": 1399248000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 7, 2012", "reviewerID": "A3GJ0RDALQQT5G", "asin": "B000VK4CT4", "style": {"Flavor:": " Asian Vegetable"}, "reviewerName": "DesertMom", "reviewText": "I'm surprised by how tasty this is, especially for something that is so low in fat. It reminds me of the ramen I grew up with, but it's actually even better because there's no oiliness to it. Great flavor and texture, and a great price here on Amazon.", "summary": "Delicious, and Weight Watchers friendly", "unixReviewTime": 1331078400} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A2RUVITQYWPRL3", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Diane Bradley", "reviewText": "Great deal", "summary": "Five Stars", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "AEP0DLLDBDS4W", "asin": "B0010TEJTS", "reviewerName": "G", "reviewText": "GREAT ITEM, THANKS!", "summary": "Five Stars", "unixReviewTime": 1458345600} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A2D596RPWVBEN7", "asin": "B000GBXG2C", "reviewerName": "TCA", "reviewText": "Arrived quickly and was exactly as described. Not my favorite flavor stronger than I like. If you are a person who likes stronger flavored tea you would love this tea.", "summary": "Not my favorite flavor stronger than I like", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A2SJQRPHRPVYP1", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Christi-Ann", "reviewText": "Very Nice", "summary": "Five Stars", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A1MDBNPUSCE2UD", "asin": "B00064VQNU", "reviewerName": "Evelyn Summers", "reviewText": "This is wonderful with a light taste. Great shipping.", "summary": "Great oil", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A1OL1LV2TGL6ES", "asin": "B000SMN0DO", "style": {"Size:": " 7.05"}, "reviewerName": "Sharon Ashton", "reviewText": "Very tasty!", "summary": "Five Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": false, "reviewTime": "10 17, 2014", "reviewerID": "A18X1UYXHQNP7M", "asin": "B000CD87MI", "reviewerName": "Larisa Mazarova", "reviewText": "Love this honey. AAAA plus", "summary": "Five Stars", "unixReviewTime": 1413504000} +{"reviewerID": "A2W1XFPQPJFMRI", "asin": "B000CQ01GU", "reviewerName": "Sflake", "verified": false, "reviewText": "My kids loved this as much as Kraft!", "overall": 5.0, "reviewTime": "11 5, 2015", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A1389FCC7TS4KZ", "asin": "B000VK2T0I", "style": {"Size:": " 4"}, "reviewerName": "Joan Alutto", "reviewText": "This is great and so much more reasonable than buying it in the store.", "summary": "Five Stars", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A2OD6WHR74H57C", "asin": "B0010BZZ08", "reviewerName": "maureen", "reviewText": "great price, good cinnamon", "summary": "Five Stars", "unixReviewTime": 1487721600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "12 21, 2012", "reviewerID": "A5IRH1LSLM34L", "asin": "B000OMJWXU", "reviewerName": "jatnj", "reviewText": "I don't use it enough to notice a difference in my allergies- besides, you usually need to eat locally farmed honey for that anyway. I can say that it's delicious and sweeter than regular honey. I will definitely order this again.", "summary": "Raw honey", "unixReviewTime": 1356048000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A3SC5S69760IQL", "asin": "B000ZGW714", "style": {"Flavor:": " Banana Chocolate Chip"}, "reviewerName": "crystal ramsey", "reviewText": "Happy with purchase.", "summary": "Five Stars", "unixReviewTime": 1436227200} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A20VQ3ZV9EV42Z", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "OMG", "reviewText": "Good nuts, just wish they would have 8 of each.", "summary": "Four Stars", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A2E0DSZZONS7TO", "asin": "B000LLK9KE", "reviewerName": "Ashli", "reviewText": "I put these flavorful chiles in practically everything, on everything, and around everything I eat. I love these chiles!", "summary": "Love!", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A1NTTC7NCK24DQ", "asin": "B000GAWH4G", "style": {"Size:": " 8-oz. extract"}, "reviewerName": "Tulsa, OK customer", "reviewText": "Great Vanilla flavor. Wish it was available as a perfume for my wife.", "summary": "Five Stars", "unixReviewTime": 1442188800} +{"overall": 4.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "A1BUO7IWPUBWY8", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Ronald G Era", "reviewText": "As expected", "summary": "Four Stars", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": false, "reviewTime": "10 13, 2017", "reviewerID": "A2KIULVQE2TI8O", "asin": "B000FCYGBW", "style": {"Flavor:": " Strawberry"}, "reviewerName": "Lynn", "reviewText": "Bought these for my office and they were gone in less than a week and one of my co-workers asked if I could get more.", "summary": "Bought the strawberry", "unixReviewTime": 1507852800} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A34O3X5HZUA82P", "asin": "B00014JNI0", "reviewerName": "Mrs. B.", "reviewText": "Okay", "summary": "Four Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "AOFZ96LUA66ID", "asin": "B000GG0BQ6", "style": {"Flavor:": " Green Tea"}, "reviewerName": "Joseph M. Upton", "reviewText": "Highly recommend people drink Bigelow green tea.", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A32XGRHQT2I90O", "asin": "B0001ES9FI", "style": {"Size:": " 18ct (Pack of 4)", "Flavor:": " Decaffeinated"}, "reviewerName": "Happy Girl", "reviewText": "I thought I had ordered the Dark Roast but I received the Breakfast blend. Turned out it was great and I like it as much as the dark roast.", "summary": "Great taste", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2017", "reviewerID": "A3D1UHB8CFKBHV", "asin": "B0001CXUCW", "style": {"Color:": " Red"}, "reviewerName": "Carl Boll", "reviewText": "I use a lot of red sanding sugar, I use it on the cherry pies, it makes it easy to tell the pies apart after baking. I bake an average of three pies a week.", "summary": "it makes it easy to tell the pies apart after baking", "unixReviewTime": 1495324800} +{"overall": 3.0, "verified": false, "reviewTime": "03 6, 2016", "reviewerID": "AN0N05A9LIJEQ", "asin": "B000MUK2Q0", "reviewerName": "Kindle Customer", "reviewText": "These aren't granola bars; in fact, I'd call the texture more like taffy or jerky. They don't taste bad, but I really didn't like the texture.", "summary": "Stiff", "unixReviewTime": 1457222400} +{"overall": 2.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A129L43TO7S1FP", "asin": "B000HY4RL2", "reviewerName": "vk", "reviewText": "The worst rice crackers I've tasted. These are bland and every one tastes the same. There was a tiny hole in the bag.\nIt's cheap so I shouldn't have expected much. I'd only recommend this for large parties and not for snacking on at home.", "summary": "Cheap but cheap-tasting", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A1GCATW7SAZGKA", "asin": "B000XYJ5SQ", "reviewerName": "Janine", "reviewText": "This is my daughter's favorite gum. She is in college and uses it for a little boost. She loves the flavor but it may not be everyone cup of tea. Great value!", "summary": "Favorite gum!", "unixReviewTime": 1396310400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 4, 2017", "reviewerID": "A1Z5HZ5HZ928UW", "asin": "B000EVG8HY", "reviewerName": "Kindle Customer", "reviewText": "best gluten-free snack--hands down! everybody eats mine even though they don't eat gluten free :-)", "summary": "Super crunchy!", "unixReviewTime": 1499126400} +{"overall": 5.0, "vote": "21", "verified": true, "reviewTime": "08 27, 2010", "reviewerID": "A325RWA8LHK2QJ", "asin": "B000ED9LIU", "style": {"Size:": " 12 oz (Pack of 4)"}, "reviewerName": "Nettie Scott", "reviewText": "Bob's Red Mill products are always fine quality and this shredded coconut is excellent. I've learned to keep it in the freezer as it takes me a long time to use it up. The taste is fresh so it works with mixed fruits for a salad as well as in baked goods or frostings.", "summary": "Always reliable", "unixReviewTime": 1282867200} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "AGD67N9KXFHP1", "asin": "B000QYCJLI", "style": {"Size:": " 16 teabags"}, "reviewerName": "Nancy Jean Rose", "reviewText": "A good herb tea for someone with digestive issues.", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"overall": 3.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A2GTRWQWSPLG6Y", "asin": "B0001ES9FI", "style": {"Size:": " 16ct", "Flavor:": " Kona Blend"}, "reviewerName": "Amy", "reviewText": "Not sure if it's my coffee maker or the concentration of these pods but my coffee is pretty bland. I need 2 of these pods to get the same concentration of taste as keurig.\nFlavor is great once I use 2 pods : )", "summary": "... the concentration of these pods but my coffee is pretty bland. I need 2 of these pods to ...", "unixReviewTime": 1475712000} +{"overall": 4.0, "vote": "8", "verified": true, "reviewTime": "05 6, 2007", "reviewerID": "A2Y5P8ISTELDO7", "asin": "B000EEWZG4", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Pink Salmon"}, "reviewerName": "Michael", "reviewText": "I used to buy the larger cans, but this is a better size and saves waste.", "summary": "Good stuff", "unixReviewTime": 1178409600} +{"overall": 1.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A5HNCK4CLZXL0", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " White Chocolate"}, "reviewerName": "Victoria L.", "reviewText": "This was more nasty than I remembered it being. I also didn't realize how large of a tub I was ordering (my fault) -- Now I have a massive drum of it to attempt to choke down.", "summary": "This was more nasty than I remembered it being. ...", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": false, "reviewTime": "08 27, 2015", "reviewerID": "A1QWPD77OF1AAN", "asin": "B000EGZ9AQ", "style": {"Flavor:": " Traditonal"}, "reviewerName": "Dustin Shropshire", "reviewText": "Only rice I buy. The containers are great at keeping bugs out and the rice is flavorful and aromatic. Premium rice you can taste the difference. Plus the containers can be reused for other stuff.", "summary": "The containers are great at keeping bugs out and the rice is flavorful ...", "unixReviewTime": 1440633600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A1NH39PDQUM07A", "asin": "B000WV0RW8", "reviewerName": "cautelosa", "reviewText": "Like it, It just helps things run smoothly . This is a good brand, as far as taste \"Chia\" does not have much taste regardless. However I prefer this one.", "summary": "Like it, It just helps things run smoothly", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A8JVPT3R4JKGE", "asin": "B0000EXHJ2", "style": {"Size:": " 3 oz"}, "reviewerName": "clicker", "reviewText": "pepper is pepper. this has been on my table my whole life", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A3JDX4KBKTOEAA", "asin": "B000E8WIAS", "style": {"Size:": " Vanilla 2 oz (Set of 3)"}, "reviewerName": "W. B. King", "reviewText": "As always, quality sweetener.", "summary": "Does my coffee good!", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": false, "reviewTime": "11 6, 2017", "reviewerID": "A210VXK8J1WW7P", "asin": "B0007SVCRK", "style": {"Size:": " 54 Ounce Tub", "Style:": " Assorted"}, "reviewerName": "UBME", "reviewText": "The kids love this bucket will buy again", "summary": "Perfect and fresh", "unixReviewTime": 1509926400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "AO3JORGDHASV6", "asin": "B000FA7Q2A", "reviewerName": "Soap Maker", "reviewText": "So easy and so delicious!", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A17JFG575SWJM6", "asin": "B0002AUTY0", "style": {"Size:": " 50 Tea Bag Tin", "Flavor:": " Orange Blossom 100% White Tea"}, "reviewerName": "RC", "reviewText": "Tastes great, but rather expensive in my opinion. Uncertain whether I'll buy again unless it reduces in price from what I paid.", "summary": "Great product, but to expensive for tea", "unixReviewTime": 1466726400} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "AQJT3JDKUYCS2", "asin": "B000FFLTD2", "reviewerName": "Joanne G. Bunch", "reviewText": "Great quick meal.", "summary": "Four Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "AZA595ZPIG240", "asin": "B0000W0GQQ", "style": {"Size:": " 32 Ounce"}, "reviewerName": "Parker Knight", "reviewText": "It's super flavorful. It's kind of large. So I often use generous amount for recipes. Vanilla flavor is very strong and rich.", "summary": "Vanilla flavor is very strong and rich.", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2013", "reviewerID": "A3T3JC8NOF5JXM", "asin": "B000FCYGBW", "reviewerName": "TERRI WILLIAMS", "reviewText": "This product will be a great hit and addition to my candy table. The people are going to enjoy it.", "summary": "candy table", "unixReviewTime": 1378512000} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A1JYELPDNO0TX9", "asin": "B000GZSI5I", "reviewerName": "rue rue", "reviewText": "cheap fast food......", "summary": "Four Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "04 28, 2008", "reviewerID": "AKK49Y5DWSEND", "asin": "B000VK61KM", "style": {"Flavor:": " Chocolate Chip"}, "reviewerName": "ZombieLuv", "reviewText": "These cookies arrived fresh. They are soft and taste very good. Considering they sell for .50 per pack in stores, getting them for 23.00 for 60 packs is a bargain.", "summary": "Soft and Delicious", "unixReviewTime": 1209340800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A2WTI5NULCXUYH", "asin": "B000O9WEY2", "reviewerName": "ROD", "reviewText": "I LIKE", "summary": "Five Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A5I8B43YGGKN", "asin": "B0005ZUO4M", "style": {"Size:": " 25.3 Ounce"}, "reviewerName": "Sylvia Gale", "reviewText": "Great price and quality was good.", "summary": "Great value!", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "A3JN38JZZJ45T", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Julie Costales", "reviewText": "RAW HONEY. PERFECT FOR ANY KITCHEN CABINET. A NICE ITEM TO HAVE IN ANY HOME. LASTS WELL AND CAN STORE FOR A WHILE. A PERFECT KIND OF HONEY.", "summary": "ECO BEE FARMS RAW HONEY", "unixReviewTime": 1386720000} +{"reviewerID": "A1APMFGCL1FGJN", "asin": "B000HRS7OM", "reviewerName": "Muneraven", "verified": true, "reviewText": "Best tea bags you can buy, period. If you like black tea, buy these.", "overall": 5.0, "reviewTime": "05 19, 2015", "summary": "Excellent Tea", "unixReviewTime": 1431993600} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A2QFRLLRBC6MYR", "asin": "B000HDKZK0", "style": {"Size:": " 6.3 Ounce (Pack of 6)", "Flavor:": " Crunchy Double Chocolate"}, "reviewerName": "Dawn M. Johns", "reviewText": "Slightly different texture, but good flavor.", "summary": "Good cookies!", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A3K6MAT1OKA64Q", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "Mr cool", "reviewText": "Love! Great product. Low carb. Stops my sugar craving in its track. Will definitely purchase more since I can't get this flavor in my local Kroger.", "summary": "Great", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A74IPVDZEHJT8", "asin": "B000WLJICI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Satisfied Customer", "reviewText": "all products from Bob's are exceptional-pure, perfect and good value for the high quality. Easy to order all the grain products on Amazon in 4 packs.", "summary": "xceptional-pure, perfect and good value", "unixReviewTime": 1418169600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "09 2, 2009", "reviewerID": "AIR7BNZFT751N", "asin": "B000S806VM", "reviewerName": "Paul K. Williams", "reviewText": "I ordered this on-line and received it in just a few days (3). The tea is excellent and the price was right for me.", "summary": "Good tasten tea.", "unixReviewTime": 1251849600} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A6NN07OGLJQQT", "asin": "B000EQT77M", "reviewerName": "V. Hogg", "reviewText": "I have been buying these as a replacement snack for my son who has Autism, is overweight and borderline diabetic. he loves them.", "summary": "I have been buying these as a replacement snack for ...", "unixReviewTime": 1460246400} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A6SUWJ50J6IMK", "asin": "B000V1JVCG", "style": {"Flavor:": " Turkey with Dressing"}, "reviewerName": "John Walker", "reviewText": "I like Hormel completes. They are economical and easy to prepare. Always have a stash around the house for emergencies.", "summary": "Great taste, easy to prepare.", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A1B7NLKFU6P4T", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Sharon", "reviewText": "Best garlic powder we have found. Excellent flavor! Not bitter like others we have purchased before.", "summary": "Highly recommend this seller!", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A3K1J6E808843Y", "asin": "B0000VLU0I", "reviewerName": "Joanne Y.", "reviewText": "Product is the go to Vanilla Extract for me", "summary": "Five Stars", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2016", "reviewerID": "A39LXUU8U4PFLD", "asin": "B000N8OJDS", "reviewerName": "Me", "reviewText": "Much stronger flavor than I anticipated. Great product.", "summary": "Great product.", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": false, "reviewTime": "08 23, 2017", "reviewerID": "A3DUDS9GJRL7Y2", "asin": "B000NSKB8K", "reviewerName": "HIROKO AIZAWA", "reviewText": "good !", "summary": "Five Stars", "unixReviewTime": 1503446400} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A1BR1AGBLMA9LR", "asin": "B000P09RJ0", "style": {"Size:": " 5.5 Ounce (Pack of 6)", "Flavor:": " Delight"}, "reviewerName": "Cari DiMarzio", "reviewText": "Thank you.", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2013", "reviewerID": "AL9XR7KY68B83", "asin": "B000YB9H9A", "reviewerName": "Kathy Mitteff", "reviewText": "Wonderful tasting cookies, everyone should try these!\nIf you like a little spice, these cookies are just GREAT to\neat!", "summary": "PfefferNusse Cookies (Lambertz) 200g", "unixReviewTime": 1379289600} +{"overall": 3.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A3A2PT2GF5L0CE", "asin": "B000PEPO7U", "reviewerName": "Eileen S", "reviewText": "This is the weirdest Haribo product I've ever tasted. It's so salty that it gets in the way of any other flavor. Just as well, I'm thoroughly addicted to most of Haro\\ibo's other products.", "summary": "Salty salty salty", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "A2A6XW9ML8LTWR", "asin": "B000KNB0OW", "style": {"Size:": " 18 Ounce (Pack of 6)", "Flavor:": " Old Fashioned Oats"}, "reviewerName": "7springs", "reviewText": "My hubby wanted know what kind oatmeal I had served him. 35 yrs of marriage, that hardly EVER happens. His name is Michael...\"Mickey, he likes it\" remember that commercial?", "summary": "Mickey,he likes it....", "unixReviewTime": 1522972800} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2013", "reviewerID": "A2XIHNXODNZGV4", "asin": "B000FDMLVS", "style": {"Flavor:": " Vital Wheat Gluten"}, "reviewerName": "ChemProf", "reviewText": "Perfect for making whole wheat bread.\nPerfectly sized boxes since Gluten does decompose with time.... these boxes are great since i don't have to throw away large quantities if I don't use it in time.", "summary": "good source to buy wheat gluten from", "unixReviewTime": 1369180800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1CBUP0RSS5DKM", "asin": "B000EVN2ZK", "reviewerName": "Shae Stivers", "reviewText": "Bought with Prime Pantry! So the price is worth it. Exactly as the description and picture shows!", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A227L2DVAG3SE9", "asin": "B000CQ01IS", "style": {"Size:": " Family Size (Pack of 6)", "Flavor:": " Honey"}, "reviewerName": "Susan Hughes", "reviewText": "I started buying Annie's products for my grandson, and I got hooked!! I haven't had any of Annie's products that I didn't like.", "summary": "THE BEST", "unixReviewTime": 1381363200} +{"overall": 4.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A2P6LBWUQGNJ6V", "asin": "B0009F3SDC", "style": {"Flavor:": " Joint Comfort"}, "reviewerName": "Thomas G.", "reviewText": "Good product, fair price", "summary": "Four Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2013", "reviewerID": "A3C06FTVCUAQR9", "asin": "B0016BPX7W", "reviewerName": "DIANE R BARKLEY", "reviewText": "This is the best pie crust mix I've eve used. I am a repeat customer of the 12 pack! Nice to have on hand.", "summary": "Love this product!", "unixReviewTime": 1382054400} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2017", "reviewerID": "A359CV7V7308N5", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "Susan Coomber", "reviewText": "supposed to be good for weight loss. it has a mild flavor. I like to use my teabag at least twice and it is difficult with these as it doesn't brew very dark the second time. I like to put milk in my tea, but this tastes better without.", "summary": "organic, for weight loss, excellent price", "unixReviewTime": 1487548800} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A2C8X5GJ18AKRP", "asin": "B000X3TPHS", "style": {"Size:": " 12.3 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Connie M", "reviewText": "Very popular with the kids!", "summary": "Five Stars", "unixReviewTime": 1462838400} +{"overall": 3.0, "verified": false, "reviewTime": "08 3, 2017", "reviewerID": "A3GJVGVIFNSYL5", "asin": "B000DZDJ0K", "style": {"Size:": " 4 pound (Pack of 3)", "Flavor:": " Baking/Pancake"}, "reviewerName": "R. Jones", "reviewText": "This pancake mix, does have culture butter milk in it. So, if need dairy free, this not it. Bought a bag from grocery store and good thing read the ingredients when got home. Was making doughnuts for family member who can not have dairy as well as gluten.", "summary": "Bought a bag from grocery store and good thing read the ingredients when got home", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": false, "reviewTime": "01 31, 2017", "reviewerID": "A3N0YZPKFH0UC6", "asin": "B000PGSL5K", "style": {"Flavor:": " Organic Peppermint Herbal"}, "reviewerName": "PNWNatureLover", "reviewText": "I love this product. Organic, healthy, and the large package is awesome. I prefer loose leaf, but these are great for travels or when hosting guests.", "summary": "Very high quality", "unixReviewTime": 1485820800} +{"overall": 3.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "APMMD75IBZB70", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Diversified B.", "reviewText": "I finally received feedback on this - I gave as a gift -\nwlanuts were STALE - need better packaging", "summary": "Kirkland Walnuts not recommended", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": false, "reviewTime": "09 2, 2016", "reviewerID": "A35BRZJMXR90JW", "asin": "B0007QMT7O", "style": {"Size:": " 20 Teabags", "Flavor:": " Earl Grey"}, "reviewerName": "Macy", "reviewText": "yum, so strong", "summary": "Five Stars", "unixReviewTime": 1472774400} +{"overall": 3.0, "vote": "4", "verified": true, "reviewTime": "09 29, 2010", "reviewerID": "A391RQEX5YLT5L", "asin": "B000G818BQ", "reviewerName": "J. V. Upshur", "reviewText": "This product seemed to lose some of its flavor after awhile. I used it infrequently in baking. It didn't have as much zing that I initially expected.", "summary": "Could have been better.", "unixReviewTime": 1285718400} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A35JHP9XRZB61L", "asin": "B000XK0FFW", "style": {"Size:": " Pack of 1"}, "reviewerName": "good cooker", "reviewText": "Doesn't everyone like Jelly Bellies? Got these to make a craft project as little favors for Easter.", "summary": "Five Stars", "unixReviewTime": 1427932800} +{"overall": 2.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "A1I0YSG9M7BCCG", "asin": "B0014ET2MI", "style": {"Flavor:": " BBQ Chicken w/ Beans"}, "reviewerName": "SIR DAX MICHAELS", "reviewText": "At first I thought that this stuff would be great but after trying 2 cans (1 a day) I felt bloated and useless!!! It is no fun feeling bloated, weak and useless!!! I would not recommend regardless of the grams of protein per jar!", "summary": "YABBA DABBA DON'T!!!", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A3PBSOTFUPYMUH", "asin": "B0000DID5R", "reviewerName": "Browninggold", "reviewText": "Use this for my homemade hotwings. Excellent flavor and just the right amount of heat. Will buy again. Highly recommend", "summary": "Excellent hot sauce", "unixReviewTime": 1377561600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A3JXCV71HSGAZ0", "asin": "B0014CVSC2", "style": {"Size:": " Pack of 4"}, "reviewerName": "Mr. B", "reviewText": "Love It !", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2015", "reviewerID": "A4GU46B1MDFIB", "asin": "B0013L0C6W", "reviewerName": "Magumbo32", "reviewText": "Love the flavor!!", "summary": "Five Stars", "unixReviewTime": 1431648000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A20GGWCB1XIO1D", "asin": "B000VTH3BE", "style": {"Package Quantity:": " 1", "Style Name:": " Bright White"}, "reviewerName": "Mandi Presta", "reviewText": "Absolute great brand and product! great for cookie decorating to get a really white icing", "summary": "Five Stars", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2017", "reviewerID": "A3PV8CUGC3J1KJ", "asin": "B000HVX6NK", "reviewerName": "Annie GK", "reviewText": "Tastes like a seaweed salad!!! Very addictive! Very convenient that it's in small packages. Ideal for travel snacks.", "summary": "Five Stars", "unixReviewTime": 1500076800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "A84PQ4X34ZJPA", "asin": "B000NOGKN4", "reviewerName": "Victoria P.", "reviewText": "Best thing for avocados is put them in the refrigerator when they are nearing ripeness.", "summary": "Put your Avos in the Fridge trust me. I watched a doctor on tv.", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A2P0EYPK5MB4M8", "asin": "B00015UC4I", "reviewerName": "Chris Chamberlin", "reviewText": "Love this stuff. Works very well in all my cooking.", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A32XEZPGKC66QQ", "asin": "B000LQJ6DK", "reviewerName": "K.D. Meyler", "reviewText": "Lovely tasting in my tea", "summary": "Five Stars", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A2WGE38G00CRBZ", "asin": "B000VTBFIG", "style": {"Color:": " Royal Blue"}, "reviewerName": "Sandra CA", "reviewText": "bigger than what i expected. Nicely packaged", "summary": "Nicely packaged", "unixReviewTime": 1476403200} +{"overall": 1.0, "verified": false, "reviewTime": "12 1, 2015", "reviewerID": "A2FIVPJVWZRQ34", "asin": "B000E1FZHS", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Chipotle Peanuts"}, "reviewerName": "rob Im a real person", "reviewText": "So I've been buying these every month for the past 4 months. This pack of 8 is not the same anymore, they are missing all the spice and seasoning on them. Must be a bad batch or they are cutting back on seasoning to save money..\n\nnot buying these again.", "summary": "no more seasoning??? what happened!!", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A17Z6GZ3W4ZW94", "asin": "B0009P68KM", "reviewerName": "Charles Morar", "reviewText": "Great product!", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "AJ7K2E7RL7IR2", "asin": "B000GAWH4G", "style": {"Size:": " 8-oz. extract"}, "reviewerName": "julia82", "reviewText": "Excellent but almost double what I paid last year", "summary": "Pricy", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A2OMUOVWY2HT47", "asin": "B000QF7KK2", "reviewerName": "Nevada City CA", "reviewText": "I like this pepper. It works well in my pepper mill and has a great taste. I love being able to buy it in a larger quantity", "summary": "Good pepper for my pepper mill.", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2016", "reviewerID": "A15KJKTXJXQGRR", "asin": "B000WI12PW", "style": {"Package Quantity:": " 1"}, "reviewerName": "PeTe", "reviewText": "Impulse buy", "summary": "MMMMM....", "unixReviewTime": 1451692800} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A229CZZV5Q77SF", "asin": "B0010UOGWM", "style": {"Size:": " Diet", "Flavor:": " Cola Free"}, "reviewerName": "Eileen", "reviewText": "Was looking to replace purchasing Coke Zero and this seems to fit the bill. Not an exact flavor taste but works.", "summary": "Close to Coke Zero", "unixReviewTime": 1388707200} +{"overall": 4.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A82VC4BRSC616", "asin": "B000WSK5N2", "reviewerName": "Mr. Richard H. Hansen", "reviewText": "went to use meAL BECAUSE WHAT I READ IS MORE IS DIGESTED THAT THE SEEDS. excellent taste and value for the healthy benes", "summary": "good", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "A5KR7QHRXZASZ", "asin": "B000SANSSS", "style": {"Color:": " Hibiscus Flowers"}, "reviewerName": "J Robinson", "reviewText": "This is my favorite tea. The color is vibrant deep red, the flavor is bold and the health benefits are significant. Great brand and value.", "summary": "Delicious hibiscus tea", "unixReviewTime": 1415404800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A2LJZT68VU35K", "asin": "B0014EUA4M", "reviewerName": "Raafat A Sarkis", "reviewText": "Love cooking everything with this broth! It makes the food tastes really good, I remmend it to all cooks & chefs", "summary": "Great product for cooking, love it", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A31XFXAEPK7X3S", "asin": "B000KELHNU", "style": {"Size:": " 29 Ounce (Pack of 4)"}, "reviewerName": "mrbruno", "reviewText": "Great beans", "summary": "Five Stars", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2017", "reviewerID": "ACFNHCE0YO34N", "asin": "B0009P68KM", "style": {"Size:": " 29 oz"}, "reviewerName": "Alfred Pennyworth", "reviewText": "One of the better steak seasonings out there for outdoor BBQ. Espically for the price it can't be beat.", "summary": "One of the better steak seasonings out there for outdoor BBQ.", "unixReviewTime": 1484611200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A2QF2LQHDZT6X2", "asin": "B0000D916Y", "style": {"Size:": " 2 lbs (24 -1.5oz cookies)", "Flavor:": " Assorted Flavors"}, "reviewerName": "Carole", "reviewText": "Delicious Cookies great combination. Only problem is you keep wanting more. Fast delievery and super fresh. A++", "summary": "Davids Cookies Super delicious", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "A12CBDHX1MJLGZ", "asin": "B0017U24LA", "reviewerName": "deseret", "reviewText": "oh, yum...great lunch or snack- i love lentils and couscous, the seasoning is middleeastern- reminds me of my days in cairo- not salty at all. if you want salt ,add some sea salt ,but i am better off with out it--yum yum now for some flower tea :)", "summary": "soup", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "AYUIX1FMRLOJC", "asin": "B000F4F94S", "reviewerName": "Swimslaps", "reviewText": "My fav.", "summary": "Five Stars", "unixReviewTime": 1432339200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A3OS6WFBP6TAQU", "asin": "B000JEGQ9G", "reviewerName": "A. Flores", "reviewText": "Definitely tastes like official Sour Patch Watermelons and not a knock off candy. I was sick of buying the little bags for $3 a piece all the time so this is a great deal. I love these! Great for parties and candy buffets!", "summary": "Watermelons", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A395L6QEB6XFVY", "asin": "B0001ES9FI", "style": {"Size:": " 18ct (Pack of 4)", "Flavor:": " Medium Roast"}, "reviewerName": "L. Maio", "reviewText": "As advertised and on time", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "A2F1AVZG3SAX89", "asin": "B0010BZZ08", "reviewerName": "Amazon Customer", "reviewText": "If you are nuanced in cinnamon, this Vietnamese Cinnamon is a treat. Organic, co-opted, etc. Flavor profile is excellent. I am a baker with a variety of cinnamons in my spice racks. All I can say is: Warm. Some how it tastes as warm blanket feels on a cold wet day.", "summary": "This is THE Vietnamese Cinnamon to purchase!", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A3R5CFU3VMPZYZ", "asin": "B000E46GSW", "style": {"Size:": " 6.2 Ounce (Pack of 6)", "Flavor:": " Dark Chocolate Chip Chococonut"}, "reviewerName": "Excellent Purchase", "reviewText": "Everyone in the office loves these bars", "summary": "perfect snack on the go", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": false, "reviewTime": "03 18, 2017", "reviewerID": "A1AWOWENGH5MDB", "asin": "B000YPKPE2", "reviewerName": "Cully", "reviewText": "box was covered with grease from a broken open bag of fritos and was not replaced", "summary": "Five Stars", "unixReviewTime": 1489795200} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A2KQOQ3SR4QM61", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "Helen kellner", "reviewText": "My son ate them all. Loived them", "summary": "Five Stars", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2017", "reviewerID": "A3OTU3LBN2OTF5", "asin": "B0000DI145", "style": {"Flavor:": " Sweet Harvest Pumpkin"}, "reviewerName": "Catherine S. Hutchison", "reviewText": "Hubby's favorite tea. Sweet, mild flavor that reminds you of a crisp fall day.", "summary": "Delicious", "unixReviewTime": 1491868800} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "AU16TZ1V4W9YZ", "asin": "B000FOIYS6", "reviewerName": "Muxy Lady", "reviewText": "Yum! We were worried we might receive old/stale product but the ones we received are delicious and fresh. We'll be back for more!", "summary": "Fresh and refreshing!", "unixReviewTime": 1506211200} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "AULDP1S03POR5", "asin": "B000WZZVI4", "reviewerName": "Roxy", "reviewText": "This is good!", "summary": "Four Stars", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3TH7AUPAOTONA", "asin": "B000HDJXH6", "style": {"Flavor:": " Cocoa Loco"}, "reviewerName": "Sassyshopper", "reviewText": "I don't eat real chocolate or brownies, so this is a wonderful substitute.\nI follow a low fat, low sugar, gluten-free diet and this is my treat that I look forward to.", "summary": "These are really good", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2014", "reviewerID": "A1YSF7C8LM8A7E", "asin": "B0013E21V8", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Dachzz", "reviewText": "For those of you used to Aunt Jemima, try this and you will never go back to that thick goo. A wonderful taste!", "summary": "Nothing like real maple syrup", "unixReviewTime": 1391212800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A25NW5MHFXH66R", "asin": "B0004JR8SE", "reviewerName": "Piria", "reviewText": "I love the molasses flavor in this. I mix it with a bit of condensed milk and it's just so warm and cozy and toasty tasting during the winter months. Just wish this wasn't so expensive.", "summary": "Cozy", "unixReviewTime": 1419206400} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2017", "reviewerID": "A1RS06313BL6WN", "asin": "B000WKXTNS", "reviewerName": "Tom Stopsign", "reviewText": "I definitely prefer the cherry to the strawberry.", "summary": "Four Stars", "unixReviewTime": 1508198400} +{"overall": 4.0, "verified": true, "reviewTime": "03 20, 2010", "reviewerID": "A16D7YGMSOUPVE", "asin": "B000ILILM0", "style": {"Size:": " 7 Ounce (Pack of 6)", "Flavor:": " Extreme Chocolate"}, "reviewerName": "NLM", "reviewText": "These cookies are very good, as are all of the simple bite cookies by Pamela", "summary": "Really good and hard to find", "unixReviewTime": 1269043200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "A321NSODHKFKZJ", "asin": "B0016BWBHM", "style": {"Size:": " 20-Ounce Boxes (Pack of 4)", "Flavor:": " Dark Chocolate"}, "reviewerName": "Twhite", "reviewText": "These are wicked if you are a chocolate lover and we are. They are thick and gooey! We baked ours for 42 minutes and they were perfect!!!", "summary": "WOW!", "unixReviewTime": 1357948800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "AIOSEN7GPXC1B", "asin": "B000JZ3576", "reviewerName": "Amazon Customer", "reviewText": "Does what it is supposed to.", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2015", "reviewerID": "AVMB1A843XNQ1", "asin": "B000ILA5RO", "style": {"Size:": " 2-Pound", "Package Quantity:": " 1"}, "reviewerName": "crazy8bargain", "reviewText": "Hands down the best popcorn I've ever had (although all I've ever had besides this was microwave and Giant popcorn that comes in the bag to be air-popped).", "summary": "Hands down the best popcorn I've ever had (although all I've ever had ...", "unixReviewTime": 1422921600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A27UQ3GD0QKY9I", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "Jodi Walbaum-Vaniman", "reviewText": "GREAT, LOVE THESE AND THIS IS A GREAT PRICE FOR THE BULK!", "summary": "GREAT", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A6Y7D7808S6HT", "asin": "B0001H6DA8", "reviewerName": "RE", "reviewText": "Great product, good price. I am very satisfied. My thanks!", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A1M9ZAD9FO75VE", "asin": "B0006TLIG0", "reviewerName": "Some Reviewer", "reviewText": "Bought them as a Christmas gift. Like them a lot. Bit expensive for size and number but they taste really good.", "summary": "Taste great, more filling.", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A141XQHJS3NIMX", "asin": "B0000A0BS5", "reviewerName": "RICHARD RUDDELL", "reviewText": "Good stuff", "summary": "Good stuff", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "A1GDUX3Q764V2S", "asin": "B0001LO3FG", "style": {"Size:": " 50 Count (Pack of 6)", "Flavor:": " English Breakfast"}, "reviewerName": "Mark D. Sager", "reviewText": "The wife loves it. She drinks this instead of coffee. Buying this in bulk this way is less costly than at our supermarket.", "summary": "My wifes everyday tea", "unixReviewTime": 1370649600} +{"overall": 3.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A10VJ9U89W8U8T", "asin": "B001467JYO", "reviewerName": "Sally M.", "reviewText": "The tea was a little different. I was expecting the tea taste like the Chinese restaurants tea.", "summary": "I was expecting the tea taste like the Chinese restaurants tea", "unixReviewTime": 1496620800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "07 10, 2009", "reviewerID": "A7DHJRPOFNNDD", "asin": "B000FDDET6", "style": {"Flavor:": " Caraway Rye"}, "reviewerName": "Nancy W", "reviewText": "I love this bread for Reuben sandwiches. It is, I think, a bit heavy on the caraway.", "summary": "Great for Reubens", "unixReviewTime": 1247184000} +{"overall": 4.0, "verified": false, "reviewTime": "07 16, 2014", "reviewerID": "A3GDZPSXG7S64R", "asin": "B000H26J7E", "reviewerName": "M. Lasky", "reviewText": "Fine real chocolate flavor, little sugar. Herbaceaous.", "summary": "real chocolate", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A1BJWZCG38QKT5", "asin": "B0005XN9GE", "style": {"Style:": " ALL NATURAL WHOLE PODS"}, "reviewerName": "Maggie P", "reviewText": "perfect for several recipes. very pleased with quality of this product", "summary": "Five Stars", "unixReviewTime": 1440720000} +{"overall": 2.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A175ZDD3LRT3NB", "asin": "B000Q6XR2G", "reviewerName": "Jennifer Holland", "reviewText": "Tasted a little weird.", "summary": "Two Stars", "unixReviewTime": 1409184000} +{"overall": 3.0, "verified": true, "reviewTime": "10 20, 2011", "reviewerID": "A27QWSAXIABQUP", "asin": "B000OQXXV8", "reviewerName": "Michele Whiteaker", "reviewText": "This tea is okay but the pomegranate flavor will be only tasted at the first sip and then pfff gone ! i like mine more pronounced. i was disappointed. sorry !", "summary": "Fine but not lasting", "unixReviewTime": 1319068800} +{"overall": 4.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2AXJEKEW9TGK8", "asin": "B000LKZLQW", "reviewerName": "Peggy S.", "reviewText": "Great to have on hand for when I need it !", "summary": "Four Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "AZ7VAUBDK6V0P", "asin": "B000S86X9G", "style": {"Size:": " Cinnamon 2 Fl Oz"}, "reviewerName": "Nini", "reviewText": "This is just so good. No aftertaste, and a little goes a long way.", "summary": "Winner", "unixReviewTime": 1472688000} +{"overall": 4.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A30U5DPPYB36IO", "asin": "B000EITYUU", "style": {"Size:": " 8 oz.", "Style:": " Shaker"}, "reviewerName": "sharon a bustos", "reviewText": "hard to shake, but like it's health factor as alternative to regular salt.", "summary": "salt", "unixReviewTime": 1437350400} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "A1GUWNSPZDJJXM", "asin": "B000G7TBUW", "style": {"Size:": " 40oz", "Flavor:": " Mini Pretzels Canister"}, "reviewerName": "mcdanman", "reviewText": "Fresh and Good", "summary": "Fresh and Good", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2012", "reviewerID": "A1NYC43WK1CW50", "asin": "B000M5XMYY", "reviewerName": "K. Miles", "reviewText": "I ordered this to try it on fish. It was very good. I love their spicy tokyo rub so I decided to give this one a try and I am glad I did. Very good rub.", "summary": "flavorful", "unixReviewTime": 1329868800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A3N40HUF3GURKN", "asin": "B000H25Y0M", "reviewerName": "Kristen L. Brown", "reviewText": "Awesome", "summary": "awesomely yummy", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A1VTPPQNT23IU8", "asin": "B000WGB1S2", "reviewerName": "Birgitta L Ramsey", "reviewText": "This product tastes good. It was available here solely from Amazon. High recommended.", "summary": "TASTES GREAT", "unixReviewTime": 1421366400} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A3DSXJXRU10H1Q", "asin": "B0006BD67W", "reviewerName": "MM", "reviewText": "Better than the other flavors.", "summary": "Okay.", "unixReviewTime": 1453680000} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A36D5700PB1HTJ", "asin": "B000IZ0OB2", "style": {"Flavor:": " Raspberry Iced Tea"}, "reviewerName": "La Creatia", "reviewText": "This is refreshing...not too sickeningly sweet...and the raspberry tastes natural. I keep a scoup in the can and fix it for an afternoon pick-me-up.", "summary": "Very nice...", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A15RT5XOD85Q29", "asin": "B000WR8THC", "reviewerName": "Atlantic Aviator", "reviewText": "A nice true orange flavor. A little goes a long way.", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A2SKHG5ULPYIMC", "asin": "B000WYF2UC", "style": {"Size:": " 1 Pack"}, "reviewerName": "BellaLatinaReina-ACP Zero-Nine-Five", "reviewText": "BEST GUMMY CANDIES \"EVERRRRRR\" ADDICTING!!!", "summary": "LOVE THESE!!!!", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A23O8M7VZVNAHJ", "asin": "B0015DOLM4", "reviewerName": "James Cameron Clark Jr.", "reviewText": "Love this gum. CInnamon taste, not too hot, just right.", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "A2F82QF42KS5AH", "asin": "B000OQ2DJ6", "style": {"Size:": " 16"}, "reviewerName": "Linda Loo", "reviewText": "I absolutely love this honey. It is organic, raw and spreads so easily. Don't forget the taste, IT'S AWESOME! Thank You Amazon for providing selections like this honey!!!!", "summary": "Best Honey EVER~ I am sticking with this brand!!!!", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A11MVZX19YETCF", "asin": "B000WSK5N2", "reviewerName": "Patricia Brandon", "reviewText": "Very fresh!", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2014", "reviewerID": "AXFCX3OVT6OT", "asin": "B000WR2OF0", "reviewerName": "drsolution", "reviewText": "I love simply organic bec they are organic\nand all my bottles look the same...\nA little OCD perhaps?\nGood", "summary": "The best", "unixReviewTime": 1397174400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A30A5J1YNNTELN", "asin": "B000EG6G9E", "reviewerName": "Linda", "reviewText": "Absoutely wonderful candy. I can get it faster from here than from Canada. The cadbury chocolate melts in your mouth and the honeycomb inside is very tasty. These remind me of when I lived in Scotland. Thank you for sharing your candy to the USA.", "summary": "Absoutely wonderful candy. I can get it faster here than ...", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "ANFX4HV57PQ8Q", "asin": "B0012SGRHE", "reviewerName": "Stan McCreadie", "reviewText": "A Great product. This is a Great product.", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "AWOH6ZWM2TJ7J", "asin": "B00168DOO4", "reviewerName": "Bradford Mallers", "reviewText": "Ask for extra packing if you buy can goods too.", "summary": "There great.", "unixReviewTime": 1435449600} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A1LOZGHWFYHJ6J", "asin": "B000FVZW7K", "style": {"Flavor:": " Organic Brown Rice Lightly Salted"}, "reviewerName": "Loralee", "reviewText": "Love the taste of these and that they don't crumble and fall apart as soon as you touch them. I will be buying again.", "summary": "good tasting", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A3AOZU5IVTQ7KA", "asin": "B0002AUTY0", "style": {"Size:": " 250 Tea Bag Bulk", "Flavor:": " Orange Blossom White"}, "reviewerName": "vdubbgirl", "reviewText": "great deal. quick ship. love this stuff", "summary": "Five Stars", "unixReviewTime": 1415491200} +{"overall": 5.0, "verified": false, "reviewTime": "03 2, 2016", "reviewerID": "A2D1HXEFF00K10", "asin": "B000FKIYMG", "style": {"Size:": " 2.75 ounce (12 Bags)", "Flavor:": " Wint O Green Sugarfree"}, "reviewerName": "Jacqueline Hodges", "reviewText": "Great for you!", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A289VI6ZF1CQQG", "asin": "B000VQDABY", "style": {"Size:": " (30 pack)"}, "reviewerName": "Enzo", "reviewText": "Delicious & spicy", "summary": "Four Stars", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2018", "reviewerID": "AFG8UAR89M5T5", "asin": "B000KJVIOI", "style": {"Size:": " 48 Count", "Style:": " Ferrero Box"}, "reviewerName": "Amazon Customer", "reviewText": "Worth It !!", "summary": "Five Stars", "unixReviewTime": 1515974400} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A1AT3B936YA1OG", "asin": "B000RGYJI6", "reviewerName": "all4ofusgreen", "reviewText": "Arrived today, firm, sweet, just as I would have selected myself from Anthony's Organic! LOVE LOVE LOVE. I washed them up and served them with sandwiches today. Perfect. I would buy them again in my next order. Great for lunches - love that they are firm and not too sweet!", "summary": "Firm, not too sweet red Organic Grapes!", "unixReviewTime": 1477094400} +{"overall": 3.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A3HQ79VVFFZYXW", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags", "Flavor:": " Pure Assam"}, "reviewerName": "Luther", "reviewText": "I've ordered Taylors brand of tea previously, but this time it seems weak. Where's the wonderful flavor of Assam...", "summary": "Where's the wonderful flavor of Assam", "unixReviewTime": 1444262400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A1S848VYWZAHFE", "asin": "B0000E2YFI", "reviewerName": "J. Holm", "reviewText": "Omg! THESE are the blue raspberry flavor that I have been looking for!", "summary": "OMG!!!", "unixReviewTime": 1496188800} +{"overall": 1.0, "verified": true, "reviewTime": "12 15, 2013", "reviewerID": "A1LRPFD6LFRA2O", "asin": "B0016G1DQW", "style": {"Size:": " 1.41"}, "reviewerName": "Barbara", "reviewText": "This box was open! Some tea bags upside down, clearly someone went through it. And the box of 20 only contained 19 tea bags. I am afraid to use any of the tea bags as this box has been tampered with!", "summary": "Box tampered with", "unixReviewTime": 1387065600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "A2B9MTRPNQFODV", "asin": "B0000DA0XJ", "reviewerName": "redridinghood", "reviewText": "Very nice, melt-in-your-mouth cookies.", "summary": "Nice!", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A16QB85WHG5AXP", "asin": "B000YOQOAC", "reviewerName": "John", "reviewText": "Tastes great, good price, no issues", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A26U7HP9QEZ5NN", "asin": "B000LQL9M6", "reviewerName": "Amazon Customer", "reviewText": "love it for my hair", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 3.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A2JSNONFN4EBUJ", "asin": "B000FIUQB0", "reviewerName": "TaiFood", "reviewText": "The can is NOT packed like tuna cans.\n\nExpect about 50-75% once drained.", "summary": "Can only contains about 75% MAX expected product.", "unixReviewTime": 1470355200} +{"overall": 3.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A2EP0HSOZE212M", "asin": "B000EUJK5C", "style": {"Size:": " 8 Count", "Flavor:": " Apple Cinnamon"}, "reviewerName": "Natedog", "reviewText": "Ok I think but I like the Irish oatmeal better.", "summary": "Three Stars", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2010", "reviewerID": "A2P739KOM4U5JB", "asin": "B000MTC6LK", "style": {"Size:": " 6", "Flavor:": " Miele Honey"}, "reviewerName": "half fast farmer", "reviewText": "These are perfect. They have a great honey taste and lots of liquid honey inside. If they were any bigger they would be too sweet.", "summary": "Lovely treat", "unixReviewTime": 1284422400} +{"overall": 5.0, "verified": false, "reviewTime": "02 8, 2017", "reviewerID": "A2FVDKFZTERZML", "asin": "B000LL0ZIK", "style": {"Size:": " Pack of 6"}, "reviewerName": "Maria", "reviewText": "I love this tea. Some days I am brewing the second cup from the same bag :) but then I open the bag and pour fresh boiling water. I wish we have an option of continuing order of this tea. It is strong but that is what I like it.", "summary": "best ginger tea.", "unixReviewTime": 1486512000} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A1GOOOK7URF4MA", "asin": "B0009JRKDC", "reviewerName": "Tell_it_true", "reviewText": "Excellent taste and aroma. I use this for oil pulling and my gums are in great shape. I also use it in smoothies and it has a delicious flavor.", "summary": "Yummy", "unixReviewTime": 1438128000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 1, 2017", "reviewerID": "A7L5AYETS3WSK", "asin": "B000YN2GVY", "reviewerName": "S. Boucher", "reviewText": "This is a great tasting apple cider vinegar! I use it in a drink I make with green tea, honey, lemon juice, collagen, apple cider vinegar, cayenne pepper and cinnamon! It is fantastic!", "summary": "Organic Raw Apple Cider Vinegar", "unixReviewTime": 1506816000} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "AOHG6QUBIJNG6", "asin": "B0001M0Z6Q", "reviewerName": "J. Wachter", "reviewText": "Fresh! Good deal. I gave up on pepper mills and use my little coffee grinder for spices and black pepper. I used to stopped adding pepper because I got tired of the lousy hand grinder.\nMuch better and I use a lot more of it that way and the food tastes a lot better!", "summary": "Run it through you coffee grinder!", "unixReviewTime": 1430870400} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "11 28, 2011", "reviewerID": "A4H9ZSSN8AMGQ", "asin": "B000AXQI0I", "reviewerName": "Beverly A. Lynn", "reviewText": "I bought these flavor syrups to put in protein shakes.. they taste good.. no aftertaste.. and the best of all.. no calories..", "summary": "Good Syrups", "unixReviewTime": 1322438400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A1MF1FYCM1FK2F", "asin": "B00060OHZS", "style": {"Size:": " 1 pack"}, "reviewerName": "Michele", "reviewText": "great product definately would buy again", "summary": "Five Stars", "unixReviewTime": 1433894400} +{"overall": 2.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A3JSJ4TWM15VF1", "asin": "B000EQT77M", "style": {"Size:": " Pack of 24", "Flavor:": " Original"}, "reviewerName": "yeah", "reviewText": "like it!", "summary": "Two Stars", "unixReviewTime": 1454544000} +{"overall": 3.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A13UAVT45110ZB", "asin": "B000EVNYQ2", "reviewerName": "tJones", "reviewText": "love the taste but disappointed at size. too small for the price. only reason I decided to pack them forr work is the break machine price goes up and portions are poor. the cobbler is still a tasty treat.", "summary": "too small", "unixReviewTime": 1421798400} +{"overall": 3.0, "verified": true, "reviewTime": "04 27, 2014", "reviewerID": "A3IB4CQ2QEJLJ8", "asin": "B000VDYPTI", "reviewerName": "JZACKCO", "reviewText": "I needed to send someone cinnamon and it was there. The price is way off, and the jar is not as large as you would think. It did help in convenience to have this available. So I am grateful it was there to send.", "summary": "The price point is off", "unixReviewTime": 1398556800} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A1WIK6QSIRR5N6", "asin": "B0001LO3FG", "style": {"Size:": " 100 Count", "Flavor:": " English Breakfast"}, "reviewerName": "Marcelo Masalleras", "reviewText": "Excellent purchase.", "summary": "Five Stars", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A1S3WDJBREF4KQ", "asin": "B000WLJI1E", "reviewerName": "Kindle Customer", "reviewText": "I love this oatmeal.", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "03 21, 2010", "reviewerID": "A2EBTHOPLWJA5B", "asin": "B000KNB0OW", "style": {"Size:": " 18 Ounce (Pack of 6)", "Flavor:": " Old Fashioned Oats"}, "reviewerName": "Katydid", "reviewText": "This is your basic old-fashioned oats....only organic. Each individual container is about the same size as a small Quaker Oats container.", "summary": "Love this stuff!!", "unixReviewTime": 1269129600} +{"overall": 5.0, "verified": false, "reviewTime": "05 26, 2015", "reviewerID": "A36EDWL4F3AASU", "asin": "B000VVWUMY", "reviewerName": "&quot;Sonny&quot; Di Degrassi", "reviewText": "Kneegrowz, I found this at Big Lot's- It's easy 2 prepare and will give ya yer whole grains 4 tha day", "summary": "Red Bulgar is as gangsta as it getz", "unixReviewTime": 1432598400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A260U9TYZFN4KN", "asin": "B000GARX3G", "style": {"Size:": " 19 Ounce"}, "reviewerName": "Sandra T. firestone", "reviewText": "Great for thickening sauces, smoothies and things like that.", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "10 9, 2014", "reviewerID": "AFKZ7UHX658SK", "asin": "B000NOX4AQ", "style": {"Size:": " 12 Ounce", "Flavor:": " Apple Butter"}, "reviewerName": "Amazon Customer", "reviewText": "I bought this at my local Aldi's. It is so incredible. I used it on pumpkin waffles and pancakes. I was so excited to see it on Amazon because I plan on stocking up.", "summary": "I bought this at my local Aldi's. It is ...", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A2YSFUH31GVNCX", "asin": "B000E1FZHS", "reviewerName": "Norman E. Paddock", "reviewText": "Tasty.", "summary": "Five Stars", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2010", "reviewerID": "A2M7DW0LS7WJL7", "asin": "B000CQG87Q", "style": {"Size:": " 20 Count (Pack of 6)"}, "reviewerName": "12345", "reviewText": "I used Amazon because it was less expensive than buying at store on sale. Also sometimes it is hard to find the Lemon Ginger tea.", "summary": "Favorite tea", "unixReviewTime": 1278288000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "AP7XI9E7W0KF7", "asin": "B000VTBFIG", "style": {"Color:": " Navy Blue"}, "reviewerName": "KK61350", "reviewText": "Great food color for frosting.", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A3KN2OXQ1RSRHG", "asin": "B000LKTET2", "style": {"Size:": " 2 Pack"}, "reviewerName": "Deborah L. Hamilton", "reviewText": "I love this product & use it daily.", "summary": "Five Stars", "unixReviewTime": 1463616000} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A23YWT7BV71W2E", "asin": "B000SR5TJM", "reviewerName": "Alicia Knight", "reviewText": "This is my favorite seasoned salt -- great on eggs, chicken, tuna, avocados, Docking it one star because it has sugar in it - which pretty much ruins it for me since I don't want to have sugar in my diet.", "summary": "Why does this have sugar as the second ingredient?", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A1K822ERGWGH8X", "asin": "B000HDK0DC", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "Ariel", "reviewText": "I love the quality and taste of these suckers. My children go for this type of candy over all others. I appreciate the care this company takes to provide quality candies.", "summary": "Delicious!", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A30CTTS4BCO5G7", "asin": "B000G7TBUW", "reviewerName": "Nancy C. Gorgol", "reviewText": "Great addition to lunch boxes. Also has only 100 calories per package. Very tasty.", "summary": "Snyders of Hanover 100 Calorie Mini Packs", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2011", "reviewerID": "A25SR27XA8GXJP", "asin": "B000EIZ8FA", "style": {"Size:": " 3 Ounce (12 Count)", "Flavor:": " Caramel Apple"}, "reviewerName": "W. Karrow", "reviewText": "These are one of the few breakfast bars that actually fill me up and get me ready for the day until lunch. The flavors are outstanding, and the consistency is that of a home made cookie. All in all, a great start to the day.", "summary": "Great breakfast", "unixReviewTime": 1302220800} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A2DWKOEJ54239T", "asin": "B000EML7DS", "style": {"Flavor:": " Jalapeno"}, "reviewerName": "Jeff gordon", "reviewText": "they are yummy!", "summary": "Five Stars", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A18FE1ZHU01OQW", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags", "Flavor:": " Scottish Breakfast"}, "reviewerName": "Sarah P.", "reviewText": "Absolutely love the Scottish Breakfast Tea. Wish the tea bags were packaged, but it's not a big problem. Have torn a couple of the joined bags, but always manage to save at least one of them. Will be reordering soon.", "summary": "Absolutely love the Scottish Breakfast Tea", "unixReviewTime": 1441152000} +{"reviewerID": "A1P95EBZKAVYCB", "asin": "B0013JC18G", "reviewerName": "bk213", "verified": true, "reviewText": "Tastes ok, but what you get for the price, it is a bit disappointing. By the time you pay for shipping, you are a loser. Too bad my hubby LOVES peach flavoring.", "overall": 3.0, "reviewTime": "10 26, 2012", "summary": "Small for the price", "unixReviewTime": 1351209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A3V8ZOZFYHNUBS", "asin": "B001181NBA", "style": {"Size:": " 12", "Flavor:": " Triple Chocolate"}, "reviewerName": "Mike S.", "reviewText": "Great product. Delicious and a great source of protein. It's one of the best tasting protein bars I have ever had. You can't go wrong with this.", "summary": "Great stuff!!!", "unixReviewTime": 1426032000} +{"overall": 4.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A3BPVNSOD5I58R", "asin": "B0012JNRKS", "style": {"Flavor:": " Chocolate Chip"}, "reviewerName": "MarciaB", "reviewText": "tasty and easy for traveling.", "summary": "Four Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A22BR1DCMWXI4Q", "asin": "B000F9XBF2", "style": {"Size:": " 12oz", "Flavor:": " Margherite Combination"}, "reviewerName": "Florence E Gaddis", "reviewText": "Delicious..nice with coffee\nAlways a favorite", "summary": "nice with coffee Always a", "unixReviewTime": 1478304000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "06 28, 2011", "reviewerID": "AXHTH0EL75SOJ", "asin": "B000LKX1HI", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "tonyatawana", "reviewText": "I love Eden brand beans. Much more affordable than in the store. I haven't had any dented cans of beans or any problems. So far, so good!", "summary": "I love Eden brand", "unixReviewTime": 1309219200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A164CB0UBUXK7B", "asin": "B000WV0RW8", "reviewerName": "JR", "reviewText": "Love chia! This brand is top notch! Use it in green smoothies and even tried it mixed with chocolate almond milk to make \"pudding\".....yum!", "summary": "Love the benefits!", "unixReviewTime": 1413676800} +{"overall": 4.0, "verified": true, "reviewTime": "10 21, 2017", "reviewerID": "A3MNG0PD1QLLQA", "asin": "B000WL167S", "style": {"Size:": " 8 Count Packages (Pack of 5)", "Flavor:": " Wintergreen"}, "reviewerName": "Kim", "reviewText": "as described", "summary": "Four Stars", "unixReviewTime": 1508544000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2012", "reviewerID": "A1XNVKP1R1ZOZY", "asin": "B000EVMNMI", "style": {"Flavor:": " Gold-Bears"}, "reviewerName": "Cleatus", "reviewText": "nice large bag of gummies for the kids. although not bad, i think my bag may have been a bit older--they were a little tough---but still very good.\nthe kids went thorugh them in no time either way.\n\nstore them in a zip lock once opened.", "summary": "awesome pile of bears", "unixReviewTime": 1356393600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A2J5O0NLEEUFY8", "asin": "B000E7SYLG", "style": {"Size:": " 100 Count Bag", "Flavor:": " Assorted Flavors"}, "reviewerName": "Candi Landis", "reviewText": "I remember these from when I was younger and they are as good now as they were then and my kids seem to love them as much as I did and still do", "summary": "Definitely worth getting", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A2K5S7GS7KJDPB", "asin": "B0004N0T86", "reviewerName": "M. F.D.", "reviewText": "Yummy to cook with!!!", "summary": "Five Stars", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2013", "reviewerID": "A2OPMBJU341GRU", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Ling Su", "reviewText": "maybe I can give sincere comment after i taste it . so far, looks great like the wrap. so happy to shop on amazon", "summary": "looks great", "unixReviewTime": 1369872000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A1XB19K3OJRX0S", "asin": "B000HDK0DC", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "lucy", "reviewText": "I like these a lot. The flavors are really good..Only 30 calories per sucker it's a win win..", "summary": "Good flavor", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "A1DP69UWAL0FET", "asin": "B000KLZ5Z4", "reviewerName": "Sam I.", "reviewText": "Smooth transaction and great product. I was looking for softer natural candy but this is a good replacement. I am not sure if this is the best price for one lb of candy but like I said it's a good product.", "summary": "Chips Eucalyptus Menthol Jujubes 1lb", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A1NZY4RGR914TV", "asin": "B000IKEGRK", "style": {"Size:": " 1 Pound"}, "reviewerName": "drewkay", "reviewText": "Good item thank you.", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A26F4NP6NN1LTJ", "asin": "B000WR8TK4", "reviewerName": "Marrero, Maria E.", "reviewText": "great flavors", "summary": "Five Stars", "unixReviewTime": 1443830400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "A3ACKWYDNR7ROA", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "BeeToyn", "reviewText": "Good raw honey. As tastes may differ, the quality of the product spoke to itself. Like it or not, I do not see a reason to rob it of a star.", "summary": "Nice", "unixReviewTime": 1357171200} +{"overall": 4.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A2YEHCWMQTEHFI", "asin": "B000JVABZ4", "style": {"Size:": " 72 Count", "Flavor:": " French Roast"}, "reviewerName": "HOWARD", "reviewText": "We like the coffee but thought it would be as the picture shows...\"EXTRA BOLD\" Ours did not have this on the label. Having tried the EB one before getting this product without EB - we were a little disappointed. Still ok.", "summary": "We like the coffee but thought it would be as the ...", "unixReviewTime": 1420848000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2014", "reviewerID": "A154LF7THOX5E2", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Tee Q", "reviewText": "I was thrilled to find organic spices at a reasonable price. I bought 2 different ones to start with but will continue to buy more. Great garlic flavor!", "summary": "WOnderful!", "unixReviewTime": 1398816000} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A25BOLUVF1R4YJ", "asin": "B000NE6H82", "style": {"Size:": " 20 count", "Flavor:": " Orange Soda"}, "reviewerName": "sidney l john", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2017", "reviewerID": "A4EWZB1ASMTIE", "asin": "B000QSS23S", "reviewerName": "Balance L.", "reviewText": "good stuff", "summary": "good stuff", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A5OHBBKOYRGWO", "asin": "B000WLJICI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Maar Daniels", "reviewText": "You can't beat the price. I am boiling a few scoops with milk and honey, adding different flavors. It absorbs the milk fast and thickens. Great for breakfast or as desert!", "summary": "Semolina_great for breakfast or desert", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "A8DC9E3WNZJDR", "asin": "B0014EUAEW", "style": {"Size:": " 48 Ounce (Pack of 8)", "Flavor:": " Chicken Broth"}, "reviewerName": "MGV", "reviewText": "Great buy! Arrived in one day. Makes cooking a breeze.", "summary": "A must have for cooking!", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2011", "reviewerID": "AQT6OKK7QYF5K", "asin": "B000X3TPHS", "style": {"Size:": " 3 Ounce", "Flavor:": " Hot Chili"}, "reviewerName": "PaRa", "reviewText": "After I had my first lollipop from the bag, I could not resist eating more until it eventually ran out. That's how delicious it is. However, my taste buds adjusted to the spiciness of the lollipop after a bag or two. These lollipops are great for anyone and everyone.", "summary": "MMMMMMMMMMM", "unixReviewTime": 1315699200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A3AQ0G6USTE9Y", "asin": "B000VSDA3A", "style": {"Flavor:": " Hot & Spicy"}, "reviewerName": "Comanche6", "reviewText": "I wanted a different flavor than the usual ramen you find in the grocery store, and these are quite tasty.", "summary": "I wanted a different flavor than the usual ramen you ...", "unixReviewTime": 1423526400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2QU3HFCRGQ2ZI", "asin": "B0009P68KM", "style": {"Size:": " 29 oz"}, "reviewerName": "hillberts", "reviewText": "Great product and great price!!", "summary": "Five Stars", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2017", "reviewerID": "A2F1AVZG3SAX89", "asin": "B000VK3RPY", "reviewerName": "Amazon Customer", "reviewText": "This comes just like it does in a store. So- have a air-tight container ready. Keep it in a cool, dark space. This is not like Arm & H. In other words, it expires in a year, but it works like a dream and toxin are never incorporated into production.", "summary": "Worthy purchase", "unixReviewTime": 1507161600} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A23ADC9EXTES80", "asin": "B0000TA3SK", "reviewerName": "Fran Manoulian", "reviewText": "I did not want to purchase a large bottle,but for the price of a 3 1/2 ounce bottle costing so much per ounce ,I couldn't pass it up.", "summary": "I did not want to purchase a large bottle, ...", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2013", "reviewerID": "A1FSVM21A0B9KY", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Irish Breakfast"}, "reviewerName": "William", "reviewText": "We like this tea a lot , i only purchase twinnings that's the one of the best teas. I should know I'm Irish.", "summary": "Twinnings Irish Tea , Tea bags", "unixReviewTime": 1362873600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2017", "reviewerID": "ATJUE3KY0MWAS", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Blueberry Slim Life"}, "reviewerName": "MelMarie80", "reviewText": "Yum, yum, yum! Love the taste!!", "summary": "Yogi blueberry great tea", "unixReviewTime": 1509408000} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A2S4NLVWC9TFYR", "asin": "B0015D8MVU", "reviewerName": "qwestgirl", "reviewText": "My husbands favorite! Glad it was available, here!", "summary": "Perfect", "unixReviewTime": 1508803200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A3MZMZF8UZ1VE0", "asin": "B000EDM6KU", "style": {"Size:": " 16 Ounce"}, "reviewerName": "john", "reviewText": "super stuff.", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "A2R8RR4WWVMASK", "asin": "B00061EOP0", "style": {"Size:": " 14 oz."}, "reviewerName": "Shane Ferrell", "reviewText": "Good product", "summary": "great product", "unixReviewTime": 1449964800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "AQ48J3G0NTE9Q", "asin": "B000U0OUP6", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "Hyggsill", "reviewText": "Great so far.", "summary": "Peanuts", "unixReviewTime": 1458259200} +{"overall": 4.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A3FKHVD9JLR2XR", "asin": "B000SR5NYI", "style": {"Size:": " 4 Ounce"}, "reviewerName": "Toni Palavis", "reviewText": "Great taste but not very much salty taste.", "summary": "Seasoning", "unixReviewTime": 1518652800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A22DICF3HC85DL", "asin": "B000TAZKGK", "style": {"Size:": " 4 Pounds", "Flavor:": " Conventional"}, "reviewerName": "Storm", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "AC1C6CZD70SDZ", "asin": "B000G6TNTW", "style": {"Size:": " 1-Pack"}, "reviewerName": "D. Carpenay", "reviewText": "This is quite hot and flavorful. I love the taste and the sting is more than enough. Recommended!", "summary": "I love the taste and the sting is more than enough", "unixReviewTime": 1414800000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2017", "reviewerID": "A2GEDUZUEGC9FN", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "Rusty Bumpers", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1513814400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "AAL4RP3JOVR87", "asin": "B000I62U0O", "style": {"Flavor:": " Orange Ocean"}, "reviewerName": "James Boyd", "reviewText": "Hawaiian Punch orange is, I fantastic planned order more.", "summary": "Hawaiian Punch orange ocean", "unixReviewTime": 1411430400} +{"overall": 3.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A2U5RCLVZO7Z2B", "asin": "B0002AUTN6", "style": {"Size:": " 50 Tea Bag Tin", "Flavor:": " British Breakfast Black Tea"}, "reviewerName": "Siddha108", "reviewText": "Mediocre and not worth the price.", "summary": "Very Disappointing", "unixReviewTime": 1441843200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 7, 2013", "reviewerID": "A1K82R24ROO2I7", "asin": "B000HDD0PC", "reviewerName": "A. Cheffy", "reviewText": "I have to be careful with this mustard because I could eat half a bottle in one day. It's tangy, very 'mustardy' and tastes like a zestier Dijon mustard. Great in salad dressings, on sandwiches, on sardines, on your finger...etc.", "summary": "Addictive", "unixReviewTime": 1375833600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 26, 2016", "reviewerID": "A3JZ6AY8RNEQ6S", "asin": "B00076TQ1G", "style": {"Color:": " Opal"}, "reviewerName": "Sapphire Seamaid", "reviewText": "This is the 3rd year in a row I've bought a bottle of this for each of my 3 grandchildren - they use it on snow for their cake villages which are baked in Nordicware pans.", "summary": "Beautiful snow to add to your baking", "unixReviewTime": 1480118400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A1T9EDA13OW3X4", "asin": "B0012OTF3Q", "reviewerName": "Idonia", "reviewText": "always good", "summary": "Five Stars", "unixReviewTime": 1502928000} +{"reviewerID": "A18P5S0PG7589W", "asin": "B000CQ01GU", "reviewerName": "Celsianna", "verified": false, "reviewText": "Good macaroni and cheese, love it.", "overall": 5.0, "reviewTime": "08 22, 2016", "summary": "Yummy, very good.", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A2DKHSMWMSWRQM", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Ceylon"}, "reviewerName": "77", "reviewText": "One of the best teas I've ever tried I'm addicted to this stuff.", "summary": "Best tea ever.", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A3M7D79BTSYIHE", "asin": "B000FIXT2I", "reviewerName": "Heidi", "reviewText": "So healthy and convenient. Love this on busy week nights when don't have time to make rice. Love to keep this on hand!! Well worth it", "summary": "So convenient and healthy!!", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2013", "reviewerID": "A2T8JLXZ1WMXSU", "asin": "B000KPQZTK", "reviewerName": "Fisher Miles", "reviewText": "The shortening was very fresh and worked perfectly in my paleo cookie recipes. I would order it again and recommend it.", "summary": "No Complaints", "unixReviewTime": 1366675200} +{"overall": 5.0, "verified": false, "reviewTime": "01 1, 2016", "reviewerID": "A2GNEHDD0BK06H", "asin": "B000U0OUP6", "reviewerName": "sdk", "reviewText": "How can you go wrong with Planters Honey Roasted Peanuts? That is a rhetorical question, you cannot.", "summary": "Yum!", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "AOG8T8VCFU2B9", "asin": "B000G16E5S", "style": {"Size:": " 10 OZ Pack Of 6", "Flavor:": " Vanilla Chai"}, "reviewerName": "Rose J Ryan", "reviewText": "Very good.", "summary": "Five Stars", "unixReviewTime": 1427155200} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A1QCCUCKB93MB5", "asin": "B000B6J54U", "style": {"Size:": " 13-Ounce"}, "reviewerName": "Tamara J Ruffin", "reviewText": "We always use McCormick, great flavor", "summary": "Fresh and good quality", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A13UAVT45110ZB", "asin": "B000U0OUP6", "reviewerName": "tJones", "reviewText": "love 'em. shared some with my dog. He loves peanuts!", "summary": "love 'em.", "unixReviewTime": 1457222400} +{"overall": 3.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A2HBYQFZMB3L54", "asin": "B0009F3QLQ", "style": {"Flavor:": " Woman's Raspberry Leaf"}, "reviewerName": "ABBY", "reviewText": "i need taste improving with Organic Raspberry Pieces in it\nlike Yogi Tea Raspberry Ginger Digestive Vitality", "summary": "need taste improving with Organic Raspberry Pieces in it", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": false, "reviewTime": "08 14, 2017", "reviewerID": "A2ZAECQVL2E9YU", "asin": "B0007STDKI", "reviewerName": "Cheyenne", "reviewText": "Good Price", "summary": "Good price", "unixReviewTime": 1502668800} +{"overall": 3.0, "verified": true, "reviewTime": "10 26, 2011", "reviewerID": "A3MJKB6GE93393", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Prince of Wales"}, "reviewerName": "opositive", "reviewText": "dark tea, rather light flavor. i thought i would try something other my standbys, english and irish breakfast. the taste is also lighter than earl grey.", "summary": "lighter than the \"breakfasts\"", "unixReviewTime": 1319587200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A2QGCTXO3K5JB", "asin": "B000F7KMHE", "reviewerName": "Amazon Customer", "reviewText": "Wonderful! One of the rarest chocolates on earth and sells out quickly.", "summary": "Get it while you can!", "unixReviewTime": 1424995200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A30OIE6OJEI2HG", "asin": "B000YFB5NC", "style": {"Size:": " 5 Pound"}, "reviewerName": "Ray Hayes", "reviewText": "this is the best flour I have ever used", "summary": "Five Stars", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A7WANLDB0FTSE", "asin": "B000JSOC0C", "style": {"Size:": " Pack of 4"}, "reviewerName": "katydid", "reviewText": "The ONLY complaint I have is that these are in wrappers rather than boxes. They are fragile so I get quite a few broken buts. Other than that, these are what you would expect. Very good!", "summary": "Tasty", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A2P6M6F4E2TLYQ", "asin": "B000LQL9M6", "reviewerName": "Stephany S.", "reviewText": "I will buy rose water forever now. It s wonderful. Thank you.", "summary": "It s wonderful. Thank you", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A30HVZ081VKHUU", "asin": "B0008GNSJG", "reviewerName": "Lotus", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A179K89HMDFPTC", "asin": "B000EDI0Y6", "style": {"Size:": " 18 Ounce (Pack of 4)"}, "reviewerName": "Danielle", "reviewText": "Really tasty stuff, gluten free, and a better price that whole wallet charges. Yum yummy...", "summary": "yummy", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2009", "reviewerID": "AL3XTUU4866TC", "asin": "B000KNB0N8", "style": {"Size:": " 8 Count (Pack of 6)", "Flavor:": " Variety Pack"}, "reviewerName": "Mary Jane", "reviewText": "This oatmeal is really good! I tried Nature's Path but did not like the texture. Alomst slimy. This one holds it's texture nicely and has great flaover. Definitely recommend.", "summary": "Great Organic Grains", "unixReviewTime": 1242950400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A1U5NWJOYH2QQH", "asin": "B000CQID74", "style": {"Size:": " 100 Count"}, "reviewerName": "Old geek", "reviewText": "Excellent tea. Has a slight flowery taste. Good price. Individual foil packets. Recommended.", "summary": "Really nice tea.", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "A1GS73O4ZN95A9", "asin": "B000Q0WUNO", "reviewerName": "igolf2", "reviewText": "Great rub for steaks, beef and pork - I use for grilling and smoking and have had really good results with many compliments from family and friends.", "summary": "Wonderful all around rub for Beef and Pork", "unixReviewTime": 1427587200} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A2ZGL8ETNS3GFH", "asin": "B000EVN2ZK", "style": {"Flavor:": " Frogs"}, "reviewerName": "Trying to Survive NJ", "reviewText": "Used them for a picnic at a waterpark. They looked good and tasted great.", "summary": "Fun Cupcake Decoration", "unixReviewTime": 1432512000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "AGW5289KFUEP9", "asin": "B0007KNXAC", "reviewerName": "J. Hughes", "reviewText": "I've been eating Bob's Red Mill Organic Steel Cut Oats for a number of years. I tried other brands before, but I like Bob's the best.\n\nI cook the oats in my Instant Pot, and sometimes add fruits and nuts. My favorite breakfast, especially in cold weather.", "summary": "Bob's Red Mill is the best!", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "AYGJ96W5KQMUJ", "asin": "B000XB49U8", "reviewerName": "Sydney M", "reviewText": "Love these for frying chicken. I cook gluten-free and really appreciate the convenience. They keep well too - just recap the can and put it back in the cupboard.", "summary": "Great for frying gluten free food", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": false, "reviewTime": "11 16, 2016", "reviewerID": "AO15IC5EEMS8P", "asin": "B0001UXQ9Q", "style": {"Size:": " 23 Oz"}, "reviewerName": "Alice Pollack", "reviewText": "Great part of a college care package.", "summary": "Collage munch in a tub", "unixReviewTime": 1479254400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A3S0U3JEC00344", "asin": "B0010OQQ2Q", "style": {"Size:": " 1.5 Oz"}, "reviewerName": "Sample This", "reviewText": "Awful flavor. I'm not sure how this got good reviews. I am an experienced cook who didn't have time this holiday season, and took a shortcut. Yuck! Couldn't use it. Threw the second packet away without using it.", "summary": "Yuck! Find another dish or take time to make from scratch.", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2XUF08K38B9TJ", "asin": "B000CL4MFQ", "reviewerName": "Alfred", "reviewText": "Great taste. Doesn't last long but I don't mind. My favorite part: not a single ingredient in this product has been associated with any negative health effects.", "summary": "Love this stuff", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2017", "reviewerID": "A3HMWU943DC7NI", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "TexasTaxMan", "reviewText": "Love all kinds of peanuts, but especially Planters - they're just the best!", "summary": "Buy the Best - buy Planters!", "unixReviewTime": 1510963200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 10, 2008", "reviewerID": "A2YSFKX18XTHED", "asin": "B000LLM81C", "style": {"Style:": " Almond Poppyseed"}, "reviewerName": "Smart Shopper", "reviewText": "These muffins bake up deliciously and are like bakery muffins, tender and moist. I prefer these to any other I have tried, and I'm pretty picky.", "summary": "Like a Bakery Muffin", "unixReviewTime": 1226275200} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2013", "reviewerID": "A26C1DPLV63R13", "asin": "B0016JJEFG", "style": {"Size:": " Pack of 6"}, "reviewerName": "S. Nieweg", "reviewText": "I like Paul Newman tea. I like where the profits end up by helping children. I have another order of Royal Tea in a larger size tea bag. I just opened the last box.", "summary": "Good", "unixReviewTime": 1380758400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2013", "reviewerID": "A3JDFAOWN8ILOQ", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Kenneth", "reviewText": "I bought these candy bars to sell at baseball games for a high school team. They were fresh and sold well.", "summary": "Snack bar item", "unixReviewTime": 1384992000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A3CF5EY9SW1MMQ", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "MOSKM", "reviewText": "If you just need a little crunch in a smoothie, the hemp hearts do a great job. I would definitely make another purchase. Adding a little of this in my morning smoothie keeps me going until lunch. I'm impressed.", "summary": "Great addition", "unixReviewTime": 1468022400} +{"overall": 5.0, "vote": "12", "verified": false, "reviewTime": "12 2, 2010", "reviewerID": "A304ILYRZ145SI", "asin": "B000GBXG2C", "reviewerName": "K. Nash", "reviewText": "Ah, such a delightful tea! Bewley's is our household's staple English Breakfast tea! As avid tea drinkers, that is saying a lot. It beats PG Tips and Yorkshire in flavour by far. With or without adding milk and sugar, its a fabulous tea and you WILL NOT be disappointed.", "summary": "Bewley's Tea Can't Be Beat!", "unixReviewTime": 1291248000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2013", "reviewerID": "A23Q7AH0S7BAIB", "asin": "B000J0N1CK", "reviewerName": "hoyer", "reviewText": "My dads girlfriends daughters kids come to the house a lot, they found my stash of these and ate them all up, but I said,\"it's ok ejoy all you want\". Well not they are all gone, going to have to buy some more. These are very very very good.", "summary": "Taste like guava", "unixReviewTime": 1385942400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2016", "reviewerID": "A2TLL3Z8HWQA70", "asin": "B000LKZEP0", "style": {"Size:": " Pack of 12"}, "reviewerName": "Amazon Customer", "reviewText": "We have tried all the *new* boxed vegan mac and cheese...this is still our fav.", "summary": "Classic is still the best.", "unixReviewTime": 1459900800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A3CD1NFLPANXWT", "asin": "B0012BUR8Q", "style": {"Size:": " 100 Count"}, "reviewerName": "Mangle the fox", "reviewText": "I love Acai berry tea .I drink it hot and cold.!! Will be ordering it again soon.", "summary": "Love it!!", "unixReviewTime": 1441238400} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2014", "reviewerID": "A2DREDERRFQWSW", "asin": "B000Z45RL8", "reviewerName": "Tim P.", "reviewText": "A+Seller", "summary": "Five Stars", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A1E7WAR6UR2DNR", "asin": "B000LWCR26", "style": {"Size:": " 3 Count", "Flavor:": " Rooibos"}, "reviewerName": "Hillel Gorelick", "reviewText": "Wife's favorite tea. Like every night. Crazy.", "summary": "Noice!", "unixReviewTime": 1456444800} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A3VRP9L14Y5KGC", "asin": "B0014E840Y", "style": {"Size:": " 0.85-Ounce (Pack of 6)", "Flavor:": " Peppercorn Medley"}, "reviewerName": "She Who is Unnamed", "reviewText": "we use pepper on everything and I really like the fresh cracked flavor. this has an adjustable lever to change the grind in 3 levels.", "summary": "we use pepper on everything and I really like the fresh cracked flavor", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A3G0F3VRM187KT", "asin": "B000LL0R8I", "reviewerName": "Bullwinkle", "reviewText": "I like this coconut water", "summary": "Pantry item", "unixReviewTime": 1444780800} +{"overall": 4.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "ASK4VRJRN5YDC", "asin": "B000HDK0DC", "style": {"Size:": " 6 Ounce", "Flavor:": " Assorted"}, "reviewerName": "tatits", "reviewText": "gave it as a gift for my office mates with kids.", "summary": "Four Stars", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A3S41IXW2ZZ9HG", "asin": "B00155034W", "style": {"Flavor:": " Country Sausage Gravy"}, "reviewerName": "sandy pyle", "reviewText": "Wonderful!!!!!! Will Order again!!", "summary": "Five Stars", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A228EMSW4H157R", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Joan L. Cortez", "reviewText": "Love the consistency of this garlic powder. The taste is wonderful.", "summary": "Love this garlic powder", "unixReviewTime": 1424131200} +{"overall": 4.0, "verified": true, "reviewTime": "04 7, 2014", "reviewerID": "A3D6U7CTCOATXG", "asin": "B000JMAVYO", "style": {"Size:": " 4 Pound"}, "reviewerName": "cupertinokims", "reviewText": "The quality is good, No broken pieces. Seem fresh.\nNot the most flavorful but hard to beat the price and value.", "summary": "Good almonds", "unixReviewTime": 1396828800} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A27YJHYY3AMK9P", "asin": "B000YT5C8M", "style": {"Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Great product, great price compared to what else I could find", "summary": "Love Shiitakes!", "unixReviewTime": 1443830400} +{"overall": 3.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A1ULT4WTQ51BQV", "asin": "B0001DMTPU", "style": {"Size:": " Pack of 1"}, "reviewerName": "RichardW", "reviewText": "Inexpensive, but a little sour.\nKoon Chun Hoisin Sauce hoisin sauce is more expensive, but tastes better.", "summary": "a little sour.", "unixReviewTime": 1489622400} +{"overall": 4.0, "verified": false, "reviewTime": "06 27, 2014", "reviewerID": "A1XQ8O0AY485C5", "asin": "B0009F3SDC", "style": {"Flavor:": " Cinnamon Vanilla Healthy Skin"}, "reviewerName": "Dena Marshall", "reviewText": "This is a wonderful tea. I have replaced it for my daily cup of coffee, and I like the feeling I am doing little things to nourish the skin I'm in.", "summary": "This is a wonderful tea. I have replaced it for my daily ...", "unixReviewTime": 1403827200} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A36VTTYGEB036O", "asin": "B0017JVH5A", "style": {"Size:": " 5 Lbs", "Color:": " White"}, "reviewerName": "Annette", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1444780800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A20JTOU8SLNW1X", "asin": "B000P6MSOU", "reviewerName": "Michael Avre", "reviewText": "I like them", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"reviewerID": "APHLPUFT3UGWU", "asin": "B000F4DKAI", "reviewerName": "Richard M", "verified": true, "reviewText": "Quite a strong tasting tea, I like it. The peppermint flavor is very noticeable and smooth.", "overall": 5.0, "reviewTime": "11 17, 2015", "summary": "I like it. The peppermint flavor is very noticeable and ...", "unixReviewTime": 1447718400} +{"overall": 3.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A1A22OU9SWGNOF", "asin": "B000U0OUP6", "style": {"Size:": " 16 Ounce (Pack of 4)", "Flavor:": " Honey Roasted Dry Roasted Peanuts"}, "reviewerName": "mr.fantastic", "reviewText": "not a enough honey flavor on the nuts,like eating plain nuts.thank u", "summary": "like eating plain nuts", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2013", "reviewerID": "A32MIHQCP9ECZS", "asin": "B0014EOVDS", "style": {"Flavor:": " Mexican-Style Chicken Tortilla"}, "reviewerName": "JM", "reviewText": "I love this soup. Toss in some croutons and heat it up. One can is a very filling meal for a big man and if you are real hungry, heat up two. Wish it had a bit more bite, but soups are usually mild.", "summary": "Hearty soup and very tasty.", "unixReviewTime": 1372982400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A1PI6LYDYZWOAG", "asin": "B000WR8TR2", "style": {"Size:": " 3.1"}, "reviewerName": "Sarah Wood", "reviewText": "This is great.", "summary": "Five Stars", "unixReviewTime": 1449619200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A1IH3U8EZORDZ5", "asin": "B00124WBCS", "style": {"Size:": " 600 Count", "Flavor:": " Natural Peppermint"}, "reviewerName": "Quality Shopper", "reviewText": "Great stock up item and the price is OK, could be a few dollars cheaper.", "summary": "Five Stars", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "A129PJQZUPLS6E", "asin": "B000VDWZ0O", "reviewerName": "J.", "reviewText": "Nice chicken taste, not overpowering. And SO GREAT THAT IT HAS NO SALT ADDED. I'm glad this Brand recognizes there are consumers who prefer not to use stock derived from the Salton Sea. If you can't make UR own chicken stock, then choose this as a shortcut;))", "summary": "NO SALT ADDED", "unixReviewTime": 1477267200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "A2V1YSQZELT9H6", "asin": "B000RHY1YW", "style": {"Size:": " 5.25 oz", "Flavor:": " Ranch"}, "reviewerName": "sean briggs", "reviewText": "always have been my favorite flavor of seeds, only problem is the super high amount of salt in them, dries out your mouth fairly quickly.", "summary": "great taste", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2013", "reviewerID": "A2FEB1JZ4S9TZ", "asin": "B000H153AE", "style": {"Size:": " 16 Ounce (Pack of 5)", "Flavor:": " Shells"}, "reviewerName": "Gallant", "reviewText": "These have a great texture, and are excellent even if just buttered. I'm starting to prefer shells over elbows for macaroni and cheese dishes, thanks to these shells.", "summary": "Good quality", "unixReviewTime": 1367798400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A2CKSCNS27FS7H", "asin": "B000YN2GVY", "reviewerName": "the pab", "reviewText": "so many uses and all natural, i love it!", "summary": "i love it!", "unixReviewTime": 1470873600} +{"overall": 2.0, "verified": true, "reviewTime": "12 13, 2011", "reviewerID": "A2NYOY6H42SORF", "asin": "B000YT3MHK", "reviewerName": "D. Hardingham", "reviewText": "I love raspberrys but this mix was a bit sharp and bitter not at all i want in a raspberry syrup", "summary": "a bit to bitter for me", "unixReviewTime": 1323734400} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A2GLCWLFB6CU69", "asin": "B000H2XXRS", "reviewerName": "Patricia Griffith", "reviewText": "This is a delicious alternative to vegetable oil. It is healthier and gives baked goods a a wonderful flavor. It is easy to use and you use the same amount as you would for the oil you are replacing.", "summary": "A healthy alternative", "unixReviewTime": 1377993600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2018", "reviewerID": "A2OS6CJMKXJF39", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Sheila G. Karmes", "reviewText": "I really like this. It is very flavorful in coffee and tea.", "summary": "I really like this. It is very flavorful in coffee and ...", "unixReviewTime": 1519776000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A8SX7R5JMXTEA", "asin": "B000X3TPHS", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "tim moore", "reviewText": "So yummy! I love them so much. Best lolly pops I have had.", "summary": "I love them so much", "unixReviewTime": 1434844800} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A2ZEHZSALXQSJO", "asin": "B000WS3AJS", "style": {"Size:": " 1-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "I have several of these spices vr", "summary": "I have several of these spices", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "A1N043K1PZ72NX", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 4)", "Flavor:": " Classic Caramel"}, "reviewerName": "Eschoen", "reviewText": "It is so hard to find this syrup in 750 ml sizes, but of course Amazon has them! I like this syrup it is very rich and creamy, I used to use Starbucks syrup, but once I tried this one I will stay with Torani, it tastes wayyy better!", "summary": "Great Price, great product", "unixReviewTime": 1402444800} +{"reviewerID": "A33GWD796HOH28", "asin": "B000F4DKAI", "reviewerName": "Lib Mullinnix", "verified": false, "reviewText": "Love the tea and it's low in caffeine. Goes great with Chinese food but I drink it all the time. Healthy too!", "overall": 5.0, "reviewTime": "11 9, 2006", "summary": "A must have tea!", "unixReviewTime": 1163030400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2009", "reviewerID": "A3G23AZCVDXHBZ", "asin": "B000EVG8HY", "style": {"Size:": " 14.1 Ounce (Pack of 12)", "Flavor:": " Pretzel Twists"}, "reviewerName": "Jaclyn D. Godlewski", "reviewText": "Excellent product, no one will know they are anything but the \"real thing\"\nThey are crisp, light and delicious and quite a treat to take along when traveling or going to a party.", "summary": "Glutino Pretzel Twists", "unixReviewTime": 1237766400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2014", "reviewerID": "APONSAV3M3K2X", "asin": "B000HDKZK0", "style": {"Size:": " 6.3 Ounce (Pack of 6)", "Flavor:": " Crunchy Variety Pack"}, "reviewerName": "K. G.", "reviewText": "I can't believe how good these cookies are. I love crispy cookies and Enjoy Life Crunchy Cookies are very light and delicious. I liked all of the flavors, but Sugar Crisp is my favorite. I will be reordering when my supply runs low.", "summary": "Wow, so good!", "unixReviewTime": 1403654400} +{"reviewerID": "A2LUMWYGAOS4ZR", "asin": "B000F4DKAI", "reviewerName": "Duce", "verified": true, "reviewText": "If you are looking for Earl Gray tea, then get this. You can put a couple of bags in your Keurig coffee brewer and take it hot or pour over ice. This is the most consistent best tasting Earl Gray I have tried.", "overall": 5.0, "reviewTime": "07 27, 2014", "summary": "Best Earl Gray", "unixReviewTime": 1406419200} +{"overall": 2.0, "vote": "4", "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "A38523VZGDBHM7", "asin": "B0016AZGM0", "reviewerName": "Ioana", "reviewText": "Sad that I have to write a review less than 5 stars, but when you find dirt and sand in the calendula flowers that you use for tea, you have to make aware other buyers about this extra feature of this product.", "summary": "Be aware of dirt", "unixReviewTime": 1492128000} +{"overall": 4.0, "verified": true, "reviewTime": "08 30, 2012", "reviewerID": "A2SJPJ4GEPBT25", "asin": "B000LQLV3S", "reviewerName": "BluteSD", "reviewText": "I was hoping the seafood flavor on these noodles would be stronger. Still a great meal for great price, and plenty hot!", "summary": "Not Too Salty", "unixReviewTime": 1346284800} +{"overall": 5.0, "verified": false, "reviewTime": "01 31, 2013", "reviewerID": "A35I08Q851LQ2G", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Pure Green"}, "reviewerName": "Pera Kivi", "reviewText": "Best green tea in my opinion!\n\nNEVER bitter, just smooth taste\n\nit is NOT bland\n\nperfect color\n\ntastes great!\n\ni drink it every day and enjoy it because it is also very good for my health!\n\nthanx yogi tea ;--]]", "summary": "best green tea!", "unixReviewTime": 1359590400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A3GOKQXKUPET68", "asin": "B000ETZU34", "style": {"Size:": " 5.2 Oz (Pack of 12)"}, "reviewerName": "Bruce B", "reviewText": "Authentic Dutch Licorice at a very good price. I fell in love with these on one of my vacations and am very happy to have a US source!", "summary": "Authentic Dutch product", "unixReviewTime": 1419638400} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2018", "reviewerID": "A25NDV1PX8YJK3", "asin": "B000EITYUU", "style": {"Size:": " 8 oz.", "Style:": " Shaker"}, "reviewerName": "Richard Stevenson", "reviewText": "It's Salt! Good Product.", "summary": "Good Product.", "unixReviewTime": 1524009600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A12BWNN0EQYRQ4", "asin": "B000F9XBIE", "style": {"Size:": " 2 Ounce (48 Pack)", "Flavor:": " Fig"}, "reviewerName": "Gailee Striegel", "reviewText": "Very good and good for you too.", "summary": "Five Stars", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A3GCPNR1ONJNH7", "asin": "B000V8BJUQ", "style": {"Size:": " 1.25 oz"}, "reviewerName": "Gordon davis", "reviewText": "Excellent service and fine quality. The product arrived ahead of schedule and looks great. I would recommend this item and seller to everyone.", "summary": "Excellent service and fine quality", "unixReviewTime": 1406160000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "A1E4ERFN67OMJY", "asin": "B000LKZ3I8", "style": {"Flavor:": " Strawberry"}, "reviewerName": "ahl", "reviewText": "18 CARTONS OF MILK WITH AN EXPIRATION DATE JUST A WEEK AWAY. I LIVE ALONE. HOW CAN I DRINK THEM FAST ENOUGH. I WILL NEVER BUY SUCH A PRODUCT AGAIN FROM AMAZON. MAYBE AMAZON REALLY IS TOO BIG.", "summary": "18 CARTONS OF MILK WITH AN EXPIRATION DATE JUST A ...", "unixReviewTime": 1503360000} +{"overall": 4.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A2XBZ8PK11596H", "asin": "B0001LO3FG", "reviewerName": "A. Slack", "reviewText": "One of my favorite teas, and I like being able to buy it in \"bulk.\" It's a great price for the size of the package.", "summary": "Great tea, great price", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "AZ80HZOJPR17R", "asin": "B000CC1FM8", "reviewerName": "SalvoAlvo33", "reviewText": "Excellent Product and very fast turnaround. Thank you...", "summary": "Five Stars", "unixReviewTime": 1441324800} +{"overall": 3.0, "verified": false, "reviewTime": "02 27, 2014", "reviewerID": "AYQQOW0VR0YF5", "asin": "B000MDCDM8", "style": {"Size:": " 3.6 Ounce (Pack of 12)", "Flavor:": " Tomato Basil"}, "reviewerName": "Hazelnut", "reviewText": "It's not bad, but I don't generally buy pre-made snacks. Flavor is fine, just not to my taste. If you like ready made snacks, this may well be for you.;", "summary": "Handy for quick snacks", "unixReviewTime": 1393459200} +{"overall": 2.0, "verified": true, "reviewTime": "03 29, 2014", "reviewerID": "A18W4KD5O19WI9", "asin": "B000CESJN4", "reviewerName": "BigJerry", "reviewText": "Very weak taste. I bought this for soda, you have to add so much that it starts to dissipate the CO2 in the water.\nIt may be good on ice cream, but don't buy it for a soda flavoring.", "summary": "Not for me", "unixReviewTime": 1396051200} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A2YZDG4MUVDP6Y", "asin": "B000TD58EG", "style": {"Size:": " 42 2.78oz pack", "Flavor:": " Chocolate"}, "reviewerName": "Mike33928", "reviewText": "Love these pre packaged shakes. One of the best tasting I can find. No measuring or anything,,,, Just mix and done. Very convenient and yummy!", "summary": "Love these....", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2012", "reviewerID": "A2WEGI4YZMTC6X", "asin": "B000A7B5UM", "reviewerName": "D. E. Austin", "reviewText": "Pleasant tasting, crushes easily in grinder, dissolves readily in liquid. Pretty on table. Himalayan new fad; unsure if healthier than sea salt.", "summary": "Healthy alternative", "unixReviewTime": 1354406400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A3RGNZXWTPVVHW", "asin": "B000XK0FFW", "style": {"Size:": " Pack of 1"}, "reviewerName": "Bee", "reviewText": "cool beans!", "summary": "Five Stars", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "AWK6P5PGS58G2", "asin": "B0014ZACOE", "style": {"Size:": " 8 Ounce"}, "reviewerName": "Greenearth 2000", "reviewText": "they are just as described. sweet but not too dry just delicious . I love them with hot tea :)", "summary": "they are great!", "unixReviewTime": 1391904000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A2PXVWLL03U56G", "asin": "B000WLJKOY", "style": {"Size:": " 1 Pack"}, "reviewerName": "Judith", "reviewText": "Great Product! Will purchase again when needed.", "summary": "Great Product!", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2013", "reviewerID": "A2C7F0SCPDT0WQ", "asin": "B000RLNYVE", "reviewerName": "J. Dauntless", "reviewText": "Very very good. It has a nice flavor and texture. Easy to cook. And healthy of course. Rather expensive online though.", "summary": "Great healthy alternative to rice.", "unixReviewTime": 1385596800} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "AUKYDFAAASLVB", "asin": "B000VK3RPY", "style": {"Size:": " 16 Ounce"}, "reviewerName": "PJ", "reviewText": "Feel good about using a healthy product,", "summary": "Five Stars", "unixReviewTime": 1498262400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2014", "reviewerID": "A1ZB2TL7GAA0GR", "asin": "B00168DNZ4", "reviewerName": "Kaz", "reviewText": "Understand that you need to peel each one, but if you are OK with that then you will be happy with these - great flavor!", "summary": "great flavor, highly recommended", "unixReviewTime": 1391644800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A4F2X8V1K7MD6", "asin": "B0000DHXGL", "style": {"Size:": " 2 Pounds", "Flavor:": " Organic"}, "reviewerName": "lori", "reviewText": "they are fresh and taste very good.", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"overall": 2.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A2YWH4ZV07VTC2", "asin": "B000ORSIJ4", "style": {"Size:": " 5 lb"}, "reviewerName": "Mawzie", "reviewText": "This bag of xylosweet has a totally different texture than my last bag... Very hard grains that do not want to dissolve. In fact there is even a slightly salty taste that comes through the sweet.... What happened?", "summary": "In fact there is even a slightly salty taste that comes through the sweet..", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": false, "reviewTime": "01 16, 2013", "reviewerID": "A3R7685IK5ONLJ", "asin": "B0012SHO3A", "reviewerName": "Tracy", "reviewText": "This Gluten Free pasta has to be the best pasta i have ever tasted give it a try you won`t regret it.", "summary": "GREAT", "unixReviewTime": 1358294400} +{"overall": 3.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A3TCIYGUM239E9", "asin": "B000MGOZEO", "style": {"Package Quantity:": " 1"}, "reviewerName": "KMaris", "reviewText": "This is just OK... not a very strong sweet taste. I find that about four packs of xylitol equal one pack of stevia.", "summary": "Not very sweet", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": false, "reviewTime": "12 19, 2016", "reviewerID": "A3IDGUXMKCJN33", "asin": "B000U0OUP6", "reviewerName": "azsp53", "reviewText": "yum", "summary": "Five Stars", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A29TY2EUAXSG2L", "asin": "B000EDBQ4M", "style": {"Size:": " 22 Ounce (Pack of 4)"}, "reviewerName": "Dalila Epperson", "reviewText": "Gluten Free and very yummy! We even bake them vegan- replace egg with pumpkin and butter with grapeseed oil- milk with soy milk.", "summary": "Awesome GF Cookies", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "AVERBYTGN8N5J", "asin": "B0004MTM9O", "style": {"Size:": " Pack of 4", "Flavor:": " Four Fruit"}, "reviewerName": "BettyBoop", "reviewText": "Can't find this preserve any where else, family loves it. Makes nice gift item since we can't find", "summary": "Bonne Maman four fruit", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A1YR1088JT9III", "asin": "B000G7TBUW", "style": {"Size:": " 0.9oz 24 Count", "Flavor:": " Gluten Free 100 Calorie Pretzel Sticks"}, "reviewerName": "Tam", "reviewText": "very good, crunchy, perfect for a gluten free lunch snack", "summary": "Five Stars", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A1BC8Q3RMAT9O6", "asin": "B000LKXG64", "reviewerName": "Sarah", "reviewText": "I use this brand all the time! It's the only organic one that I cant find that has a BPA free lining!", "summary": "Love it!", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A2ZJ9IFUYE9QB4", "asin": "B00099XK6I", "style": {"Size:": " 75 Count (Pack of 2)", "Style:": " Decaffeinated"}, "reviewerName": "Pooh", "reviewText": "got these last year and not done yet. tea is still excellent and I am not running out and waiting for someone else getting it for us.", "summary": "tea is still excellent and I am not running out and waiting for ...", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2014", "reviewerID": "A1SLXVIMWLGCB1", "asin": "B000G78ZNQ", "reviewerName": "Honest Reviewer", "reviewText": "these are fantastic! i want to make my own trail mix but i have to keep from eating all of these first.", "summary": "delish", "unixReviewTime": 1394064000} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "04 13, 2010", "reviewerID": "AEC2A39TRSSDU", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "rishtey yana", "reviewText": "I HATE ALL FORMS OF DIET SUGARS!\nTHEY ALL HAVE AN AWFUL CHEMICAL TASTE WHICH IS ALWAYS TOO SWEET\ni FOUND THIS ERYTHRITOL I WAS SOOO HAPPY TO HAVE SOMETHING THAT TASTED GOOD IN BOTH TEA AND COFFEE WITH NONE OF THE GUILT OF REGULAR SUGAR!\nTRY IT I THINK YOU WILL LOVE IT!", "summary": "GREAT SUGAR!!!!", "unixReviewTime": 1271116800} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A2IVDL32FJYE2W", "asin": "B000DZDJ0K", "style": {"Size:": " 4 pound (Pack of 3)", "Flavor:": " Baking/Pancake"}, "reviewerName": "Rocio B.", "reviewText": "use this product all the time!", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "ACXB50EE3RI4K", "asin": "B0011DRYWW", "style": {"Size:": " 24"}, "reviewerName": "Kenny", "reviewText": "umm i am not going to lie to you this is a acquired taste but its not that bad once you get use to it.", "summary": "... this is a acquired taste but its not that bad once you get use to it", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A1R79C5FTD74ND", "asin": "B0001LO3FG", "style": {"Size:": " 25 Count", "Flavor:": " Decaf Earl Grey"}, "reviewerName": "carol m", "reviewText": "very nice.......ordered another box", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A36L3730EESRHE", "asin": "B000GG5PQ2", "reviewerName": "~ ANGEL ~", "reviewText": "AWESOME PRODUCT AND SERVICE", "summary": "Five Stars", "unixReviewTime": 1474329600} +{"reviewerID": "A3VOMZ1E3BR0O5", "asin": "B000EDG3UE", "reviewerName": "Carolina", "verified": true, "reviewText": "price is better than most - enjoy\n\nsent this to my Mom\n\nI use many of the Bob's Red Mill products", "overall": 5.0, "reviewTime": "05 1, 2014", "summary": "gtrat", "unixReviewTime": 1398902400} +{"overall": 1.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A48DWWCXA78PC", "asin": "B000GAT6NG", "style": {"Size:": " 54 Ounce"}, "reviewerName": "lacey", "reviewText": "Had an odd taste. Off putting. I was fully refunded. Upon later consideration maybe it was because it was not 'extra virgin'\nAnd thus the difference in taste.", "summary": "Had an odd taste. Off putting. I was ...", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A1U5RLGTTGX7JA", "asin": "B00015UC4I", "reviewerName": "deborah", "reviewText": "I use this in making my gluten free bread. Great product.", "summary": "Great product.", "unixReviewTime": 1405987200} +{"overall": 4.0, "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A3UEG5PSJAW659", "asin": "B000IKDIME", "style": {"Size:": " 1 oz (Pack of 24)"}, "reviewerName": "van", "reviewText": "these tasty beans will get you through a long run, paddle, or any marathon event without the need to take down a jug of water afterwards like those awful gel packs. i also like that they are caffeine free.", "summary": "candy for endurance athletes", "unixReviewTime": 1396310400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "03 20, 2010", "reviewerID": "A2Y4OUWQXDQHOM", "asin": "B000TK6LBS", "reviewerName": "R. Wack", "reviewText": "I love this coffee and I love Amazon. That being said, Costco sells the exact same item for $33.00. How can I cheat on Amazon?????", "summary": "sweet costco", "unixReviewTime": 1269043200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "ABMMWBCGHHOEE", "asin": "B000NMI5KC", "reviewerName": "charles proctor", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1485129600} +{"reviewerID": "A35JR5G3LAE2K3", "asin": "B000F4DKAI", "reviewerName": "s.lucas, Lucas Chihuahuas", "verified": true, "reviewText": "We use a half a cup of water, steep the tea and add half a cup of almond milk and stevia. Tastes as good as any takeout.", "overall": 5.0, "reviewTime": "12 5, 2014", "summary": "Really good.", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2009", "reviewerID": "A2FFMXCTF7TCWV", "asin": "B000MAM18M", "style": {"Size:": " 4 Count (Pack of 12)"}, "reviewerName": "Millie", "reviewText": "I'm always on a diet (lost 20 pounds this summer). At night, when I'm starving, I toss one of these in the microwave - only 100 calories and filling. I've gone thru 2 big cartons of it!", "summary": "I love this stuff!", "unixReviewTime": 1258156800} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "06 21, 2009", "reviewerID": "A30X750M8V1XXW", "asin": "B000V7OUWG", "style": {"Flavor:": " Vanilla"}, "reviewerName": "Scott", "reviewText": "I was disappointed with this. It doesn't taste that sweet and also has a chemical after taste. Not that vanilla tasting either. It says to use 3 or 4 drops but even using like 20 still didn't taste good", "summary": "Not very sweet and has a slight chemical taste", "unixReviewTime": 1245542400} +{"overall": 3.0, "verified": true, "reviewTime": "05 20, 2014", "reviewerID": "A1MDST7ADAHOAI", "asin": "B000RI8NWW", "style": {"Flavor:": " W/Kombucha & Chinese Herbs"}, "reviewerName": "RYZ", "reviewText": "It doesn't taste like konbucha, I'm not sure what I was expecting but it tastes like mere green tea to me with no flavoring.", "summary": "It's okay", "unixReviewTime": 1400544000} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "A2WRAPUSYL2F3L", "asin": "B000P362H2", "reviewerName": "MA", "reviewText": "Best coffee period.", "summary": "Five Stars", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A3K4N7PFK5QNK3", "asin": "B000WS039S", "style": {"Size:": " 12-Ounce", "Flavor:": " Organic Mind Body Soul Whole Bean"}, "reviewerName": "L. Kadel", "reviewText": "Just bold enough to wake you up and very smooth. It's a keeper for the monthly shipment plan.", "summary": "Great breakfast coffee!", "unixReviewTime": 1413936000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A3QFPTDBMQH8S3", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Anne Foster Angelou", "reviewText": "This is a staple seasoning for us. We have to have a steady supply in addition to fresh garlic.", "summary": "Organic Granulated Garlic", "unixReviewTime": 1479254400} +{"reviewerID": "A3IGARBJ4SE9EQ", "asin": "B000CQ01GU", "reviewerName": "Arielle M.", "verified": true, "reviewText": "We love Annie's for the most part. Great noodles. Sauce can be a bit thin, and the powder sticks to everything as you mix it up. I have one kid who just loves their products, including the sauce; the other loves the noodles but not the sauce.", "overall": 5.0, "reviewTime": "07 9, 2016", "summary": "great noodles; sauce may or may not appeal", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2014", "reviewerID": "A28AV1HZGC326J", "asin": "B000X2CWTM", "reviewerName": "TivoDude101", "reviewText": "Panda is Simply Superior licorice and is the very best licorice On The Planet.\n\n...oh and by the way \"Lucky Country\" makes THE ABSOLUTE WORST MOST TASTELESS GARBAGE ON THE PLANET that they try to pass off as real licorice.", "summary": "PANDA IS THE WORLDS BEST LICORICE. ACCEPT NO SUBSTITUTE", "unixReviewTime": 1390262400} +{"reviewerID": "AMZMJPWWWJ25Z", "asin": "B000CQ01GU", "reviewerName": "Jen R", "verified": true, "reviewText": "Really good Mac and cheese! Husband loves the White cheddar the best ;)", "overall": 5.0, "reviewTime": "10 5, 2015", "summary": "Very good", "unixReviewTime": 1444003200} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A3EORHII7QMBR5", "asin": "B000E1FZHS", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "DOUG D.", "reviewText": "great deal !!!", "summary": "Four Stars", "unixReviewTime": 1434758400} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2013", "reviewerID": "A1116JC9NIIGQJ", "asin": "B000UXYJTA", "style": {"Size:": " 7 Ounce (Pack of 6)", "Flavor:": " Plain"}, "reviewerName": "Chevymom53", "reviewText": "I like this I wish I would have gotten seasoned, but they are really fresh and cheap when you buy like this.", "summary": "fresh and good", "unixReviewTime": 1388016000} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "AVZ2XEI8O5ROI", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 1", "Flavor:": " Lemon Balm Tea"}, "reviewerName": "Jean", "reviewText": "I like Lemon Balm tea. I wish it was a better price.", "summary": "Good tea", "unixReviewTime": 1498262400} +{"overall": 4.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A3PQ80OYW5FEQ7", "asin": "B000JMAVYO", "style": {"Size:": " 4 Pound"}, "reviewerName": "Kevin Neff", "reviewText": "good deal", "summary": "Four Stars", "unixReviewTime": 1422230400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A1W4Q8AZ4OR46F", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Decaf Chai Tea"}, "reviewerName": "Anders", "reviewText": "This is another great tea from Twinings. It's so good on a cold, snowy day, with a splash of cream.", "summary": "Chai Decaf", "unixReviewTime": 1357430400} +{"overall": 4.0, "verified": false, "reviewTime": "08 23, 2016", "reviewerID": "A1T66TG9DUP4HP", "asin": "B0001M10VA", "style": {"Size:": " 1.92"}, "reviewerName": "Marie", "reviewText": "This is a nice five-spice blend. Cinnamon is not overpowering.", "summary": "Not too cinnamony", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A3HZNDG9KBCLTA", "asin": "B000QCOALC", "reviewerName": "MeMary77", "reviewText": "Oh my, I couldn't stop eating these. I loved the little pencil-like crackers/cookies that came in this snack. You'll love it too!", "summary": "Habit Forming Goodness", "unixReviewTime": 1402617600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A2HKHMCMNZUGSZ", "asin": "B000E148MG", "style": {"Flavor:": " 5. Peanut Sesame"}, "reviewerName": "Jason Dunn", "reviewText": "This certainly isn't bad, but it's not all that great either. Very middle-of-the-road in terms of taste. I very much prefer Taste of Thai noodle boxes to this one and won't order it again.", "summary": "Pretty...meh", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2011", "reviewerID": "A1KLPLWPWY0E0W", "asin": "B0002LD9K0", "style": {"Size:": " Pack of 1"}, "reviewerName": "Star", "reviewText": "My son and I ate it all up once it arrived in time and it's awesome. Our first time to tried this, smile.", "summary": "Yummy", "unixReviewTime": 1322092800} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A8H8PTHNYEOQ1", "asin": "B0014EOU1G", "reviewerName": "David A. Hatfield", "reviewText": "Not what I was expecting,but tastes good. I wanted split pea soup with ham. This is mostly vegetables with a little pea soup.", "summary": "but tastes good. I wanted split pea soup with ham", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2009", "reviewerID": "A2LALRZM8L3LP3", "asin": "B000FZWSWI", "reviewerName": "R. J. Peak", "reviewText": "This is good pasta. I tried all 3 types and was pleased with all of them.", "summary": "carba nada pasta", "unixReviewTime": 1258070400} +{"overall": 4.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "AAEL8AM7VT1FK", "asin": "B000VSDA3A", "style": {"Flavor:": " Hot & Spicy"}, "reviewerName": "Ilini", "reviewText": "These noodles are very different. Good Flavor-Good Texture-Easy to prepare. I Just had to try them for something different from what I usually buy", "summary": "Different Change", "unixReviewTime": 1367625600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "A14YP1L3N8ZNMC", "asin": "B0009F3POE", "style": {"Size:": " Pack of 6"}, "reviewerName": "Michigan Parents", "reviewText": "Gypsy Cold Herbal Tea is an excellent tea to drink for ease of symptoms related to colds, flues, head colds, etc.", "summary": "Great deal for this tea", "unixReviewTime": 1399939200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A3AL78DCYGGTN9", "asin": "B000E48IMO", "reviewerName": "Indy mom", "reviewText": "Pretty tasty and gluten free.", "summary": "Good tasting cereal", "unixReviewTime": 1465344000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "A3LDH6FL77IAWN", "asin": "B000E148JY", "style": {"Size:": " Pack of 6", "Flavor:": " Rice Noodle", "Style:": " Pad Thai"}, "reviewerName": "Bruce A Jacobs", "reviewText": "As before, bought these as a freight filler and like the quality as much as at the Asian market. Tasty with soy sauce.", "summary": "Great noodles at a small price.", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A1J1XQYIBTM224", "asin": "B0005ZXPY8", "style": {"Size:": " 64 oz"}, "reviewerName": "Amazon customer", "reviewText": "thumbs up", "summary": "Five Stars", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "AQH4M199E4C11", "asin": "B0012BSMKQ", "style": {"Size:": " 100 Count"}, "reviewerName": "Spartan F8", "reviewText": "wife loves this stuff.", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": false, "reviewTime": "06 5, 2017", "reviewerID": "A1JFIH71386GBV", "asin": "B0015AWVHO", "style": {"Size:": " 1 Bag"}, "reviewerName": "NCG", "reviewText": "I love frooties and they are a great price!", "summary": "Five Stars", "unixReviewTime": 1496620800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A25HLC2Q9A6KU2", "asin": "B00112IM56", "reviewerName": "APrat 1", "reviewText": "Good stuff. Lasts a long time and I can feel the difference when I use it.", "summary": "Really Good Stuff", "unixReviewTime": 1498608000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A14TVXKPL60JL7", "asin": "B0014EUAQ0", "style": {"Flavor:": " Healthy Request, New England Clam Chowder"}, "reviewerName": "Laropy", "reviewText": "Great taste and just heat it up!", "summary": "Tastes Great", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "AZ8GJXZWFW55R", "asin": "B000MGWI1G", "reviewerName": "Tauni", "reviewText": "I use this as a substitute for white sugar. Just make some old fashion snickerdoodles and they were awesome!! I cannot tell the difference between this and cane sugar except I don't wake up with inflamed joints! :)", "summary": "Just make some old fashion snickerdoodles and they were awesome!! I cannot tell the difference between this ...", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A3U1AX7ZK3YA6D", "asin": "B000GW0U9I", "style": {"Size:": " 3.25-Ounce Bags (Pack of 4)", "Flavor:": " Beef"}, "reviewerName": "T.L.H.", "reviewText": "Reorder monthly", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2016", "reviewerID": "A1BYM8XCLZTPMY", "asin": "B000WS039S", "style": {"Size:": " 12-Ounce Bag", "Flavor:": " Organic Mind Body Soul Ground"}, "reviewerName": "J. Gray", "reviewText": "This is my favorite coffee. I subscribe in the long winter months to assure coffee in my remote household.\nOrganic coffee is hard to find locally. Great taste, rich, full, delicious!", "summary": "Great Coffee!!!", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A24I4RO8R3U9IE", "asin": "B000EDM8FS", "style": {"Size:": " 8 Ounce"}, "reviewerName": "Stephanie Schlegel", "reviewText": "Great product and price!", "summary": "Five Stars", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2016", "reviewerID": "AZ89T37IIS354", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Lapsang Souchong"}, "reviewerName": "Benjamin K.", "reviewText": "Well, it tastes like drinking a bushfire in a tea plantation. Nuff said.", "summary": "Tea for a pyromaniac.", "unixReviewTime": 1456272000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A2BKPEI7SJ9HUW", "asin": "B000CQ01LA", "style": {"Size:": " 10.5 Ounce (Pack of 6)", "Flavor:": " White Cheddar"}, "reviewerName": "Ani C.", "reviewText": "Love the flavor and the whole family gobbles it up!", "summary": "Delicious!", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "ASOQSWS26QCNR", "asin": "B0011FTX8S", "style": {"Size:": " 3 Flavor Fun Pack"}, "reviewerName": "J. Allen", "reviewText": "Great flavors, I like the easy pour tops and my kid is very happy! I like that the cups are not too big, keeps the serving size to a reasonable amount.", "summary": "Great flavors, I like the easy pour tops and ...", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2017", "reviewerID": "A31ZEPOCL6FYBO", "asin": "B0015AUZK4", "style": {"Size:": " 1 Bag"}, "reviewerName": "RausyRaus", "reviewText": "Delish", "summary": "Five Stars", "unixReviewTime": 1487462400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2013", "reviewerID": "AEP0DCMMUZT4Y", "asin": "B000FFPXJ8", "reviewerName": "Burma Montoya", "reviewText": "My friend loves when I surprise her with gluten free food that she loves and doesn't break the bank. This is one she was craving so now she has gluten free oatmeal with her tea in the mornings.", "summary": "Gluten free for fair price and great packaging!", "unixReviewTime": 1385337600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A3VWMWUXBUZTV", "asin": "B000JZ9ATS", "reviewerName": "Marion L. Houston", "reviewText": "Love Wrigley's Orbit Variety Pack.", "summary": "Love Orbit.", "unixReviewTime": 1416614400} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3CYQZ2H8SA3CK", "asin": "B000QUZXHO", "reviewerName": "Mimi", "reviewText": "Good and strong what more can I say.", "summary": "Four Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2018", "reviewerID": "A36O9MZT6NXFBX", "asin": "B000AY9VCE", "reviewerName": "Lois", "reviewText": "Very tasty.", "summary": "Five Stars", "unixReviewTime": 1518307200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A2DQXFOA7JD832", "asin": "B000FVO8QG", "reviewerName": "rosemary murphy", "reviewText": "Very good, would buy again", "summary": "Five Stars", "unixReviewTime": 1476489600} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "A24YCSZWMXWEIL", "asin": "B0013P3KC6", "style": {"Size:": " 2.5 lb", "Flavor:": " 100% Pure"}, "reviewerName": "Marfa Realla", "reviewText": "This tastes really good. The only problem I have with it is that it is not calorie free. Also, keep it away from your pets. It's poisonous to dogs. I don't know about cats. I didn't check it out for cats because I have only dogs.", "summary": "xylitol", "unixReviewTime": 1360540800} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A1VBCB0U37I2D2", "asin": "B000WV0RW8", "reviewerName": "Berlin1987", "reviewText": "happy with product. Would purchase again.", "summary": "Five Stars", "unixReviewTime": 1462665600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A3E3IO6HIO1JBX", "asin": "B000LRIJ82", "reviewerName": "Amazon Customer", "reviewText": "Arrived cold and fresh. I enjoyed all six jars I got with great lust.", "summary": "I enjoyed all six jars I got with great lust", "unixReviewTime": 1465344000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2018", "reviewerID": "A348H9CS2CAYCD", "asin": "B0012VSXIM", "reviewerName": "William Grossklas", "reviewText": "This big bag certainly didn't last long around our home (4 of us). It was gone within a week just from casual nibbling. Loved it and will order it again. ~Bill", "summary": "Loved it and will order it again", "unixReviewTime": 1520899200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2013", "reviewerID": "A2MGJ33YCV2DJM", "asin": "B000BD0SDU", "reviewerName": "Gary Arden Sellick", "reviewText": "We use no other salt now; this is rawest and rarest of salts, it has great flavor, contains all of it's natural minerals contains less sodium than common table salt.", "summary": "Salt Of The Earth", "unixReviewTime": 1385942400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A2TBGPPA8T643P", "asin": "B000H5NYZ6", "style": {"Size:": " 48 oz (Pack of 2)", "Style:": " Original"}, "reviewerName": "AK NOVICE 38", "reviewText": "Well of course, Best Foods mayo is the only mayo to buy. My family has used it for 40 years, only Best Foods. Every other kind of mayo doesn't even pale in comparison, it is much worse.", "summary": "THE ONLY MAYONNAISE TO USE!", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A137J7ZV8W9RAF", "asin": "B0010OQQ8K", "style": {"Size:": " 1.5 Oz"}, "reviewerName": "M16996", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": false, "reviewTime": "07 22, 2016", "reviewerID": "A2BLM7M6NTFFA4", "asin": "B000YPKPE2", "reviewerName": "Girard Jergensen", "reviewText": "It's bars of granola. Tastes pretty much just like the regular ones.", "summary": "Tastes pretty much just like the regular ones", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "APFHGDT1JFBMV", "asin": "B000FZYMJK", "style": {"Flavor:": " Black Japonica"}, "reviewerName": "ctman", "reviewText": "Love this stuff just like all of their other rice products. So much better than any other rice I have ever eaten.", "summary": "The best rice you can buy", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2017", "reviewerID": "A2FCRALRRAMKRE", "asin": "B000EVN2ZK", "style": {"Flavor:": " Dinosaurs Candy"}, "reviewerName": "K. Rolen", "reviewText": "We used these for my sons 2nd bday party! Greta tasting and cute!", "summary": "Yum!", "unixReviewTime": 1512864000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "AIOIB6DG2WGX5", "asin": "B000LRH8V6", "reviewerName": "Amazon Customer", "reviewText": "yummy and fast delivery", "summary": "Five Stars", "unixReviewTime": 1438992000} +{"reviewerID": "A3N4PJ1WI1PW7N", "asin": "B0014GNS94", "reviewerName": "Kindle Customer", "verified": true, "reviewText": "The consistency of beef against your tongue is like little micro-marbles. That diminishes the flavor of the mushrooms and the swiss.", "overall": 2.0, "reviewTime": "03 7, 2015", "summary": "Close, but no cigar", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A2XZUJFW8DPUM4", "asin": "B000F6SNPS", "style": {"Size:": " 18 Count (Pack of 6)", "Flavor:": " Sweet & Spicy Caffeine Free", "Style:": " Herbal"}, "reviewerName": "MHoff", "reviewText": "Sweet and spicy indeed, like a cinnamon twist on orange spice.", "summary": "Five Stars", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2017", "reviewerID": "A2R2FM7015BTZM", "asin": "B0009VFDEI", "style": {"Size:": " 4lb", "Flavor:": " French Vanilla"}, "reviewerName": "Rick N. Daniels", "reviewText": "I like this all natural with probiotics included. No sweet taste I can taste my frozen berries.", "summary": "Good product will buy more.", "unixReviewTime": 1491868800} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A1H1JY0TEL8Y4L", "asin": "B000GZSI5I", "style": {"Size:": " Pack - 6", "Flavor:": " Spring Onion"}, "reviewerName": "Elsis", "reviewText": "I buy these a lot to take to lunch so it's nice to have them delivered in a batch to my house instead of having to buy them at the store. No complaints.", "summary": "Cheaper than the store", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A27QA8B4810ESZ", "asin": "B000JI1P02", "reviewerName": "Amazon Customer", "reviewText": "Gave these to my friends. Wish amazon sold new friends.", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "AHID358B8UKK9", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Citron Green"}, "reviewerName": "Lady", "reviewText": "This is a great tea. I've tried purchasing other citron flavored teas, but this is the best I've found so far. If you like a tea that has just a hint of citrus flavor, but is not overpowering, this is a great product.", "summary": "Love this Tea", "unixReviewTime": 1389139200} +{"overall": 5.0, "verified": false, "reviewTime": "10 1, 2014", "reviewerID": "A5KPF1FVBDC3N", "asin": "B0014UH7J2", "style": {"Size:": " Pack of 1"}, "reviewerName": "leslie trimble", "reviewText": "Great additive for gluten free breads.", "summary": "Five Stars", "unixReviewTime": 1412121600} +{"overall": 3.0, "verified": true, "reviewTime": "07 17, 2013", "reviewerID": "AC7OE9C9W0L9O", "asin": "B000E1BKW2", "reviewerName": "G. Roberts", "reviewText": "This was a good dressing for what it is. I needed to substitute a higher calorie caeser dressing my husband loves with the vinaigrette he normally hates. He loved it but I found it to be a bit salty.", "summary": "Anything Dressing..", "unixReviewTime": 1374019200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A0526222H977CBZM4DK7", "asin": "B0014EOU4S", "reviewerName": "JAIME SCARPITTA", "reviewText": "EXCELLENT", "summary": "Five Stars", "unixReviewTime": 1493164800} +{"overall": 2.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A14EGVE4GP5A5P", "asin": "B000F9XBF2", "style": {"Size:": " 10 oz", "Flavor:": " Lady Stella"}, "reviewerName": "Amazon lover", "reviewText": "dried out and hard", "summary": "Hard cookies", "unixReviewTime": 1501632000} +{"reviewerID": "AZSETGRDQ5OEZ", "asin": "B000FRUMBK", "reviewerName": "Avid Reader", "verified": true, "reviewText": "These are very tasty and lightly sweetened with good protein.", "overall": 5.0, "reviewTime": "08 17, 2014", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 1.0, "verified": false, "reviewTime": "02 2, 2018", "reviewerID": "AMH52G45K84EP", "asin": "B000U0OUP6", "style": {"Size:": " 6 Ounce (Pack of 8)", "Flavor:": " Salted Caramel Peanuts"}, "reviewerName": "JWinNJ", "reviewText": "Taste terrible!!! Not as expected.", "summary": "Tastes bad", "unixReviewTime": 1517529600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A2YQLSFURDP16X", "asin": "B000KEJMS2", "style": {"Size:": " 27 Ounce (Pack of 4)"}, "reviewerName": "Mickey Garcia", "reviewText": "Love it! Keeps me Healthy!", "summary": "Five Stars", "unixReviewTime": 1482019200} +{"overall": 3.0, "verified": true, "reviewTime": "01 22, 2013", "reviewerID": "A2KJM72KYED2GG", "asin": "B000J41TB6", "style": {"Size:": " 40-Quarts", "Style:": " Instant"}, "reviewerName": "best friend", "reviewText": "this milk is very convenient for many things. but the price seems a bit high and I will be looking for another source for future purchase.", "summary": "good milk.........................bit pricey", "unixReviewTime": 1358812800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A1ZO17UVEV03JP", "asin": "B0007OF0F4", "style": {"Size:": " Net Wt 6 oz. bottle"}, "reviewerName": "Danny Murphy", "reviewText": "great for burgers and all other meats", "summary": "Five Stars", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A2U7PTY1TVO8EG", "asin": "B000V7MCBC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Christy S", "reviewText": "I could not find white tea anywhere I went. I found this on Amazon, it was a great price and it shipping so quickly! I drink it in place of my green tea now, it is very smooth and I just love it!", "summary": "Great Tea and Great Price, Love It!", "unixReviewTime": 1454371200} +{"reviewerID": "A2X22G9OGBACIA", "asin": "B000F4DKAI", "reviewerName": "Abdulaziz A Haddadi", "verified": true, "reviewText": "10/10", "overall": 5.0, "reviewTime": "06 13, 2016", "summary": "Five Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A3LI8RX979S72H", "asin": "B000WS1DT2", "reviewerName": "Amazon Customer", "reviewText": "I love it", "summary": "Money well spent", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "A3CF3MIE36ZQI8", "asin": "B0014JT9VW", "reviewerName": "Pete Menninger", "reviewText": "We eat Samon weekly prepared with a dry rub wrapped in tin foil on the grill. Hits the stop for a tasty but not over powering or too hot rub.", "summary": "Tasty on Samon", "unixReviewTime": 1370908800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A5ZT2R76N28PZ", "asin": "B000E1FZHS", "style": {"Size:": " 16 Ounce (Pack of 4)", "Flavor:": " Honey Roasted Dry Roasted Peanuts"}, "reviewerName": "Jimbo", "reviewText": "These dry, honey roasted nuts are excellent, so you may want to measure them out or you will be tempted to eat too many as we are!!", "summary": "Excellent Platner's quality peanuts with subtle honey flavored roasting", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2013", "reviewerID": "AJDY7EYT03PZR", "asin": "B000FED3VY", "reviewerName": "@theluckymomma", "reviewText": "My man loves these. They are fresh, taste great, and highly addictive. ;) Definitely would recommend if you like sour candy.", "summary": "Husband asks for them every Christmas", "unixReviewTime": 1387584000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A1PAVYSOE0A2IV", "asin": "B00022EWFK", "reviewerName": "P. Caluori", "reviewText": "Excellent GF sorghum flour!", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 1.0, "verified": false, "reviewTime": "04 1, 2009", "reviewerID": "A20SLL2P8NL56R", "asin": "B000LKU4XM", "reviewerName": "Gretchen Johns", "reviewText": "I was greatly anticipating the arrival of this mix. However, I was sadly disappointed once I made it. It is not yellow in color nor does it have any real taste to it.", "summary": "Optimism blown", "unixReviewTime": 1238544000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A2HX0JRCTSF3TL", "asin": "B000U0OUP6", "style": {"Size:": " 16 Ounce (Count of 3)", "Flavor:": " Cocktail Peanuts"}, "reviewerName": "HYLittlefeet", "reviewText": "my favorites", "summary": "Five Stars", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A3RV2UEWXMHNVF", "asin": "B000YN2GVY", "reviewerName": "jerry b.", "reviewText": "fast shipping, just what i needed", "summary": "Five Stars", "unixReviewTime": 1496793600} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A1GLE2WMZDSL12", "asin": "B0009F3QL6", "style": {"Flavor:": " Egyptian Licorice Mint"}, "reviewerName": "Vega Nomad", "reviewText": "I am normally not an herbal tea fan as many are taste weak and bland, but this tea has a nice strong flavor. I often make this tea for others and everybody likes it a lot. You really can't go wrong with this one unless you prefer the milder flavor teas.", "summary": "Nice strong flavor.", "unixReviewTime": 1423612800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A1A2ATQ44P2A7Y", "asin": "B000H23WJ2", "reviewerName": "Roxana", "reviewText": "This is delicious !!! I have never tried any honey so tasty as this one. Goes perfect on my bowl with fruits every morning.", "summary": "Goes perfect on my bowl with fruits every morning", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A6GCX4D8YL137", "asin": "B000SANSSS", "style": {"Color:": " Hibiscus Flowers"}, "reviewerName": "Patricia A. Paul", "reviewText": "Product as expected", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 4.0, "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A12SLF4GNPPFRZ", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Paris"}, "reviewerName": "Laurie Long", "reviewText": "This was a tea I got to try. I love Harney & sons tea & this was no different. It very tasty. I had a friend over for tea & she loved it & plans to order some herself", "summary": "Tasty Tea", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": false, "reviewTime": "09 27, 2016", "reviewerID": "A2JR0KRL9GQ0BU", "asin": "B000M806YK", "style": {"Style Name:": " 6-Pack"}, "reviewerName": "Tallgirl", "reviewText": "Noodles and Chicken is by far one of Mountain House's best flavors. Plus I like that once I bring the water to a boil, I dump it in the bag and seal it up. I do not have to maintain a boil or simmer. This is our go-to product for camping and outdoor adventure trips.", "summary": "Top Flavor Pick And Easy Prep", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A37JG72D1OSO4K", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Mae West", "reviewText": "I Love this garlic powder. Great taste I first found this brand at whole foods. I don't live close to a whole foods and I love being able to order from Amazon", "summary": "Great taste", "unixReviewTime": 1400716800} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A3AP6NJED3FMSB", "asin": "B000GZSDZI", "reviewerName": "Amazon Customer", "reviewText": "Very useful in so many things. I use it in my home made cocoanut cake.", "summary": "Five Stars", "unixReviewTime": 1431475200} +{"overall": 3.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A32MFVA2T0G16R", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " 4 Flavor Variety Pack"}, "reviewerName": "Patricia A., Good", "reviewText": "Loved some, tolerated others; a question of taste.", "summary": "Three Stars", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": false, "reviewTime": "06 5, 2017", "reviewerID": "A34MAJNHUOKHGQ", "asin": "B000ED9L6C", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "David Lusby", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1496620800} +{"overall": 4.0, "verified": true, "reviewTime": "06 3, 2013", "reviewerID": "A39SLOAMVTKZV0", "asin": "B00024WN2W", "reviewerName": "B.D,W.", "reviewText": "these are good bags for bread keeping . I have also froze bread in these bags , if they came with twist ties that would be even nicer.", "summary": "bread bags", "unixReviewTime": 1370217600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A36DVRTEHDJKNP", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "Steve", "reviewText": "great pack of Walnuts and didn't have to go to Costco to get it", "summary": "Five Stars", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1C166FCVVO59D", "asin": "B000YFD37I", "reviewerName": "Nana C", "reviewText": "This is very interesting. I'm checking out recipes to use this in. After the Holidays I'll be trying them.\nI have the cook book also.", "summary": "Quinoa (keen-wah)", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "AZD6OM6060865", "asin": "B0013JOKBC", "style": {"Size:": " 1x each 24 Oz"}, "reviewerName": "Randy McDonald", "reviewText": "Alway happy with Bob.", "summary": "Good movie, good transaction.", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A269FUY9TAGXG", "asin": "B000ZEIR6U", "style": {"Size:": " 16 Ounce"}, "reviewerName": "floyfreestyle", "reviewText": "Love this stuff, so easy to make meringue with it and no egg mess!", "summary": "Five Stars", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A1WXJUUE8M1EKD", "asin": "B0002YRJ8K", "style": {"Style:": " #10 CAN"}, "reviewerName": "S. Lillard", "reviewText": "Great for the guys when they hunt and camp. Very light can, and convenient. Just add boiling water to the can, stir, cover, serve! Yahoo! No cooking for me to do.", "summary": "Hunters and campers convenience", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2017", "reviewerID": "A1DHNDRE085QYZ", "asin": "B000YBKP50", "style": {"Size:": " 2 Lb"}, "reviewerName": "mary panzegraf", "reviewText": "My husband ran out of fruitcake and was extremely happy I was able to find it for him in May!!!!", "summary": "My husband ran out of fruitcake and was extremely happy I was able to find it for him in ...", "unixReviewTime": 1495756800} +{"overall": 5.0, "verified": false, "reviewTime": "01 12, 2016", "reviewerID": "A2M1131V21TMM", "asin": "B000LKTZN2", "reviewerName": "raelynd", "reviewText": "Love having these on hand. Great in any recipe or just blended itself to use as a sauce.", "summary": "yum", "unixReviewTime": 1452556800} +{"overall": 1.0, "verified": false, "reviewTime": "02 11, 2016", "reviewerID": "A27P4092G47QZI", "asin": "B0014BSMT0", "reviewerName": "Shirley Ali", "reviewText": "cookies stale and over priced for delivery.", "summary": "beware", "unixReviewTime": 1455148800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 3, 2016", "reviewerID": "A1LAT1JFZV92BT", "asin": "B0009F3QKW", "reviewerName": "J Brunson", "reviewText": "Great taste and helps with sleep problems.", "summary": "Great aid for sleep problems", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "AFQMLB23OGHPT", "asin": "B000XBCBW6", "style": {"Format:": " Grocery"}, "reviewerName": "MR. E", "reviewText": "Exactly as described, shipped wonderfully, very fresh...not much else to say!", "summary": "just what i wanted", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A2NIVPWJKCE2IM", "asin": "B0016G1H8G", "style": {"Size:": " 1Lb"}, "reviewerName": "Kimberly", "reviewText": "Great product, arrived on time", "summary": "Five Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A3IN11BR55QJRE", "asin": "B000MGOYPO", "reviewerName": "Rose Hip", "reviewText": "I am in the process of using it for smoothies, thickening soups and gravies. So far so good.\nI will purchase again in the future.", "summary": "Good Buy", "unixReviewTime": 1357257600} +{"overall": 3.0, "verified": true, "reviewTime": "12 16, 2012", "reviewerID": "A1HWU6AM3NH0UE", "asin": "B000MAM18M", "style": {"Size:": " 10 Count (Pack of 6)"}, "reviewerName": "Stealthy Sis", "reviewText": "Love that these are 100 calories & I can pop a bag in less than 90 seconds. It's delicious, but way too salty.\n\nHow about putting out a low-salt version, Jolly Time?", "summary": "Way too salty!!!", "unixReviewTime": 1355616000} +{"overall": 1.0, "verified": true, "reviewTime": "06 26, 2017", "reviewerID": "A22NRWSZR1MT9K", "asin": "B0002YB210", "style": {"Size:": " 17 ounce"}, "reviewerName": "RoniMa", "reviewText": "has corn syrup, glucose and alcohol", "summary": "One Star", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AZFRZ3WVS46OR", "asin": "B00099E8OQ", "style": {"Size:": " 3 ounce (Pack of 4)", "Style:": " Diet Lemon"}, "reviewerName": "Aneodwife", "reviewText": "Much better price than the stores. Great product, doesn't have a gross aspertan taste.", "summary": "Five Stars", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": false, "reviewTime": "10 16, 2015", "reviewerID": "AV7D364EYBOED", "asin": "B0012ONFRS", "reviewerName": "Mums", "reviewText": "Homemade beef stew in less than an hour- how can you beat it? Even better as leftovers for tomorrow.", "summary": "Great fall stew", "unixReviewTime": 1444953600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "03 15, 2007", "reviewerID": "AX668BUQRHI7C", "asin": "B000HG84DM", "reviewerName": "stephie", "reviewText": "I like that these are portable, have no added sugar, and count as a fruit serving. They don't quite taste like grape to me but they're not bad. Good for a snack any time.", "summary": "Not bad", "unixReviewTime": 1173916800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A28DKY6L42ES4D", "asin": "B000GARX3G", "style": {"Size:": " 3 Pound Bag"}, "reviewerName": "Ekko N.", "reviewText": "Good product fast shipping", "summary": "Excellent", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A1SC4032SB7KE1", "asin": "B000FFIL60", "style": {"Size:": " 1 Count", "Flavor:": " Orange Spice"}, "reviewerName": "Asokha", "reviewText": "This tea includes wonderful spices that combine to produce a delightful taste and aroma. Plus the health benefits are enormous. This has almost no caffeine so it can be enjoyed at any time of the day.", "summary": "A wonderful blend!", "unixReviewTime": 1475193600} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A3OFMWVD2C6W52", "asin": "B000AYFC2W", "reviewerName": "Cindy", "reviewText": "Enjoy these, but priced much better at the local grocery", "summary": "Favorite snack", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": false, "reviewTime": "08 24, 2014", "reviewerID": "A3KDWV19RGTHNS", "asin": "B000YQOD9O", "reviewerName": "uzgut", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A25V616KT3E4O2", "asin": "B000HDJXLW", "style": {"Size:": " 14.5 Ounce", "Flavor:": " Sauce, No Salt Added"}, "reviewerName": "Regina", "reviewText": "This brand has an excellent flavor! I didn't know if I would be able to go through a case before they expired, but luckily, they have a nice long shelf life. I make my own salsa, pasta sauce, etc. Each have an amazing flavor. I recommend Muir Glen Organic Tomato Sauce.", "summary": "I recommend this product.", "unixReviewTime": 1459382400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A1C9MZSM7TC846", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "NannoDory", "reviewText": "Love the flakes! Love this salt! Love the price! I added it to my subscribe and save items to get a discount!", "summary": "Great price, great product!", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A11ZBLZKTEY4L3", "asin": "B00099XNG0", "reviewerName": "lite guy", "reviewText": "good stuff salty", "summary": "good stuff, salty", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2018", "reviewerID": "A35ZO8A1D7ETQL", "asin": "B000H11C6I", "style": {"Size:": " 4.25 Ounce (Pack of 12)", "Flavor:": " Hint of Sea Salt"}, "reviewerName": "Erika D.", "reviewText": "These \"crackers\" allow me to have something crunchy to eat. They are low in salt. They satisfy my desire to have a crispy snack.", "summary": "My chips", "unixReviewTime": 1518048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A3JMT861CZI6MB", "asin": "B000WGELOI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "RutheAnn Richardson", "reviewText": "Excellent product!!! Love it!", "summary": "Five Stars", "unixReviewTime": 1457049600} +{"overall": 4.0, "vote": "11", "verified": true, "reviewTime": "11 15, 2010", "reviewerID": "A38UK91H1YC06I", "asin": "B000EFBMA8", "style": {"Size:": " 5.1 Ounce (Pack of 6)", "Flavor:": " Chicken Lo Mein"}, "reviewerName": "Southwest Shopper", "reviewText": "This tastes great with chicken, shrimp, even beef or pork. I would give 5 stars if the manufacturer took it a bit easier on the salt.", "summary": "Excellent, except for salt content...", "unixReviewTime": 1289779200} +{"overall": 3.0, "verified": true, "reviewTime": "01 29, 2014", "reviewerID": "A1K3I6Z51CZIJM", "asin": "B000Z8Z8DQ", "style": {"Size:": " 20 Pack", "Flavor:": " Natural Peppermint", "Package Type:": " Standard Packaging"}, "reviewerName": "Kathleen G. Grant", "reviewText": "I bought this for my son who has dry mouth due to medication. I hoped he would like it enough to continue to chew it, but he didn't. He went back to the other sugar free gum. But I think that if you don't want the other artificial sugars, you might like it enough to buy it.", "summary": "Not quite as good as I had hoped", "unixReviewTime": 1390953600} +{"overall": 2.0, "verified": true, "reviewTime": "02 4, 2012", "reviewerID": "AQENDTIJEB5IF", "asin": "B000COIT8O", "reviewerName": "Lobsta", "reviewText": "Good flavor but it's like chewing on rubber after about 20 minutes or so. Have the headache meds close by , you'll need them chomping on this gum.", "summary": "Rubber gum.", "unixReviewTime": 1328313600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A39T5EV7A4FETS", "asin": "B0015D21EE", "reviewerName": "Phyllis C.", "reviewText": "glad some body offers root beer flavor.", "summary": "Five Stars", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2015", "reviewerID": "AKOXFF7UZ8QU0", "asin": "B00014JNI0", "reviewerName": "LindaleeHI", "reviewText": "This is simply the best. Craving sweets - a tsp right out of the jar is perfect. Has such a deep taste, not at all like store bought Sue Bee Honey. My second purchase. I have also used this when sick, soothes my throat like none other. DELICIOUS!", "summary": "This is simply the best. Craving sweets - a tsp right out of ...", "unixReviewTime": 1429315200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "AALR9G74YTTQY", "asin": "B0017WG1J4", "reviewerName": "Jonathan N", "reviewText": "I use this everyday. I would not want to be without it. I personally do not have any issues with the taste.", "summary": "Now Stevia 1lb", "unixReviewTime": 1486944000} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "12 8, 2017", "reviewerID": "A3PPDXAVXUFET2", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Chamomile"}, "reviewerName": "User425", "reviewText": "Nice tin,though. I prefer Taylor's of Harrogate organic Chamomile, which has the additional benefit of being cheaper.", "summary": "Three stars because literally, \"it's okay\" is about as effusive as I can be.", "unixReviewTime": 1512691200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2013", "reviewerID": "ADV28K5F07998", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Organic Rooibos"}, "reviewerName": "Shama Bole", "reviewText": "I thought loose tea was always better than tea bags but the quality of these is very good. I will buy again.", "summary": "Full bodied and tasty", "unixReviewTime": 1361059200} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2011", "reviewerID": "A25TZ9NQMCVEIE", "asin": "B000WB1YSE", "reviewerName": "Margaret Drake", "reviewText": "We love this tea; it's quite tasty and enjoy it most mornings. My only criticism (actually my husband's) is that the string on the teabag is not long enough to wrap around the cup handle. He hates it when the bag goes in the cup. I don't really care that much, but oh, well.", "summary": "tasty tea", "unixReviewTime": 1309132800} +{"overall": 4.0, "verified": true, "reviewTime": "07 23, 2008", "reviewerID": "A3J5FVO3TJL6VZ", "asin": "B000FIULB0", "reviewerName": "Manny", "reviewText": "We thoroughly enjoyed the taste of this rice. The grains were long and smelt excellent. On top, this is organically grown rice so free from chemicals and pesticides. Will buy this rice again :)", "summary": "Very tasty", "unixReviewTime": 1216771200} +{"overall": 4.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A4ZTZX195NYUN", "asin": "B000VTBFIG", "style": {"Color:": " Navy Blue"}, "reviewerName": "angies favorites", "reviewText": "This works very well. The color is pretty close to a true navy blue. My only complaint is that the color did run a little. The bigger the area of color is when it ran. To use for outlining or lettering it was fine. Like the product.", "summary": "True blue", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A1DEKCJKWD4NP5", "asin": "B000FO1NFC", "reviewerName": "Stanislav Langolf", "reviewText": "My favorite bar from Europe. Taste really good.", "summary": "Five Stars", "unixReviewTime": 1421193600} +{"overall": 3.0, "verified": true, "reviewTime": "08 31, 2017", "reviewerID": "A1MFVWQUQOWR4Q", "asin": "B0014EQI4I", "style": {"Size:": " Pack of 12", "Flavor:": " Grilled Steak Chili with Beans"}, "reviewerName": "Eric", "reviewText": "Was okay, nothing special. Was missing something to make it something I'd actually want to eat.", "summary": "Three Stars", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "AINAT69A84JRD", "asin": "B000U0OUP6", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "tlbrad774", "reviewText": "The peanuts (of course) are delicious, and buying them this way is much more economical than the 16 ounce jars from the grocery store.", "summary": "Great value", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A3KXG28F42V6I9", "asin": "B000WGB3OY", "style": {"Size:": " 25.4 Ounce (Pack of 4)", "Flavor:": " Vanilla"}, "reviewerName": "Chris", "reviewText": "Really good price when purchase the 4-pack. Fast shipping as well..", "summary": "Five Stars", "unixReviewTime": 1418428800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 15, 2010", "reviewerID": "A724O8LMAYNDG", "asin": "B0009F3SAU", "style": {"Flavor:": " Breathe Deep"}, "reviewerName": "Jane D'oh", "reviewText": "This tea is fantastic. The main flavor is licorice - with other herbal undertones and it is my favorite tea of all. I had to buy the six pack because I run through a single pack so fast.", "summary": "Breathe Deep is my favorite tea", "unixReviewTime": 1292371200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A3U0106AW1LJFS", "asin": "B000EWMI5O", "reviewerName": "AnneTally", "reviewText": "Awesome product! Thanks!", "summary": "Five Stars", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A3NUIG8AO9I6JM", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Kari McGrath", "reviewText": "Only sweetener I use. Have been using it for years.", "summary": "Awesome product", "unixReviewTime": 1491004800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2016", "reviewerID": "A1XAW178BKZ387", "asin": "B000WR4LM4", "reviewerName": "Suzanne M. Stewart", "reviewText": "Very nice spice, but I found this same spice a few dollars less on vitacost.com.", "summary": "Nice but pricey", "unixReviewTime": 1459987200} +{"overall": 5.0, "verified": false, "reviewTime": "08 1, 2014", "reviewerID": "A2NFUIW9WWI5VI", "asin": "B0000CH4FX", "reviewerName": "Barb B.", "reviewText": "I am a repeat customer. Wonderful flavor. Great price.", "summary": "Highly recommend .", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "AC1WF75U4VAWI", "asin": "B000LLKCV0", "reviewerName": "Paladin", "reviewText": "The absolute Best Hot Sauce for ANY occasion!", "summary": "THE BEST!", "unixReviewTime": 1421712000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A1NJ0SPJCMKVAG", "asin": "B000UV70FW", "style": {"Size:": " 7 Inches", "Flavor:": " Chocolate"}, "reviewerName": "AMTJR", "reviewText": "excellent ! very moist and melts in your mouth, very fresh shipped very fast and well packaged, a gift for a long time friend , thanks very much! , will\norder from again.", "summary": "excellent! very moist and melts in your mouth", "unixReviewTime": 1513555200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "A12QDB506OM0LT", "asin": "B0009F3QKW", "style": {"Flavor:": " Honey Lavender Stress Relief"}, "reviewerName": "Amazon Customer", "reviewText": "This was a new flavor for me in the always excellent Yogi tea series. It is delicious. The combination of flavors is subtle and balanced. It makes for the perfect late afternoon or evening beverage", "summary": "Delicious, subtle and well balanced", "unixReviewTime": 1386720000} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A4MZR78D6UEEC", "asin": "B0002AUTN6", "style": {"Size:": " 50 Tea Bag Tin", "Flavor:": " Decaf Blackberry Sage Black Tea"}, "reviewerName": "Jer", "reviewText": "Been moving towards organic tea. But even though the Blackberry Sage is not I will always have it on hand. It's too good to give up. My wife agrees. It's what she drinks the most even though I lean toward Rishi now.", "summary": "Good and relaxing.", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A24EJQNTZ57PJY", "asin": "B0016JKXGU", "style": {"Size:": " 100 Count (Pack of 5)", "Flavor:": " Black Tea"}, "reviewerName": "Classic Lit Fan", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1442707200} +{"overall": 5.0, "verified": false, "reviewTime": "02 18, 2017", "reviewerID": "AOAX8ECC085SL", "asin": "B0017Z9PWQ", "reviewerName": "DaynaM", "reviewText": "The best packaged cookie I've ever had!", "summary": "Best Packaged Cookie Ever.", "unixReviewTime": 1487376000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A2IEC450QHR8QF", "asin": "B0016BCEE2", "reviewerName": "Ronald Glass", "reviewText": "very good product exactly what I expected", "summary": "Five Stars", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A3F2JW0QIRP3RI", "asin": "B0014ZDFGG", "reviewerName": "Cuddly 44", "reviewText": "Healthy salt. Really expensive but really good.", "summary": "The sea veg do the trick", "unixReviewTime": 1475712000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2013", "reviewerID": "AY7HVU117RN4G", "asin": "B000XBCBW6", "reviewerName": "M. C. Chavez", "reviewText": "I use this product daily. I use walnuts on cakes, pies, cereal, yogurt, oat meal, and many other things so.", "summary": "Daily", "unixReviewTime": 1376611200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A2WL8BTNXIZP6U", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "Celia", "reviewText": "Product as described. A great oolong tea!", "summary": "A great oolong tea", "unixReviewTime": 1418860800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A2FL0DQARCRUMT", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Chamomile"}, "reviewerName": "Diane L Shields", "reviewText": "Lovely tea, light and delicate. Pure and organic, which is important because I use it as a base for my husband's eye drops (chamomile tea, raw honey, real aloe) that's helped heal his eyes after 7 retinal detachments. He says these drops work better than the Rx cortizone drops.", "summary": "Healing and Lovely", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2015", "reviewerID": "AVHV8W7DCQBXQ", "asin": "B000Q6QZES", "style": {"Size:": " 5 lbs (1-Pack)"}, "reviewerName": "Karen", "reviewText": "These are really, really good. My husband, a chef, loves jellies and these are his favorite. I have never even liked jellies, but these are so good that I even like them.", "summary": "Yummy!", "unixReviewTime": 1432598400} +{"overall": 3.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A158I4XBGHVQ7W", "asin": "B000U0OUP6", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "glj104", "reviewText": "All the cashew packs were not great. The pieces were close to dust.", "summary": "Three Stars", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2011", "reviewerID": "A23INBAT3XAWYE", "asin": "B000CFLBEM", "reviewerName": "Tankt90", "reviewText": "The crackers are very crisp and not very salty. Our family eat it with soup, with peanut butter or just as it is.", "summary": "good tasting not too salty", "unixReviewTime": 1307059200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A37Q9CB6XVQRLD", "asin": "B00017LF24", "style": {"Size:": " Pack of 1"}, "reviewerName": "S. Seay", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "AIY9L4GYPNLV1", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Teriyaki"}, "reviewerName": "Grandma B", "reviewText": "Makes a nice addition to my survival pack!", "summary": "Nice!", "unixReviewTime": 1429056000} +{"reviewerID": "A142AK5GTT1RGO", "asin": "B000F4DKAI", "reviewerName": "Michelle", "verified": true, "reviewText": "The Item arrived on time and in perfect condition. If you are looking for a great tasting tea this is the one. It definitely reminds you of the holiday with the mild fruit flavor. If you add a little creamer, it gives it a nice creamy texture.", "overall": 5.0, "reviewTime": "11 17, 2017", "summary": "The Item arrived on time and in perfect condition. If you are looking for a great ...", "unixReviewTime": 1510876800} +{"overall": 4.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A3FAJP7ZWBW3F3", "asin": "B000JJHDVG", "reviewerName": "Eric L. Peters", "reviewText": "Nice for baking, dry rubs, etc. Best in combination with molasses or darker brown sugars.", "summary": "Four Stars", "unixReviewTime": 1468454400} +{"reviewerID": "A1QJ2R1VMLEE38", "asin": "B000GZUFCM", "reviewerName": "Brad Kough", "verified": true, "reviewText": "These are a favorite for our celiac girls, especially for something quick or when they aren't feeling well. They like them better than Ramey noodles.", "overall": 5.0, "reviewTime": "12 7, 2017", "summary": "These are a favorite for our celiac girls", "unixReviewTime": 1512604800} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A200RXDIWI0HKG", "asin": "B000LRKNUO", "style": {"Size:": " 2 Pounds"}, "reviewerName": "bentra", "reviewText": "These were great quality dates. They are large and soft. Price seems comparable. No complaints.", "summary": "Five Stars", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A2NY4I4X4AAXYG", "asin": "B000EM6PG2", "reviewerName": "Clark", "reviewText": "Very good with a hint of cinnamon.", "summary": "Really good", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "AR4I80UP589DH", "asin": "B000NMCOYK", "style": {"Size:": " Original Flavor", "Flavor:": " Original"}, "reviewerName": "Crunch", "reviewText": "Kids love it", "summary": "Five Stars", "unixReviewTime": 1445472000} +{"reviewerID": "A20I2SMFQU7WBX", "asin": "B0009F3QKM", "reviewerName": "ted bear", "verified": true, "reviewText": "Hope it does what it says. It doesn't taste too bad, I don't add anything but goji berries. I have been drinking it for about a year and this is the way to purchase this tea. Go for it!!", "overall": 5.0, "reviewTime": "10 13, 2017", "summary": "Yummy with goji berries thrown in.", "unixReviewTime": 1507852800} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A1C8YEDQKGEBHM", "asin": "B0002NYO20", "style": {"Size:": " 4oz"}, "reviewerName": "H. Valentine", "reviewText": "Awesome and yummy and the color looked just like the picture! There was also not a lot of dust in the bottom of bag. I will buy again!", "summary": "Perfect Color, Taste and Smell", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A30745LMXMEQRJ", "asin": "B000W7PUL0", "reviewerName": "dusty95", "reviewText": "LOVE THIS PRODUCT", "summary": "QUALITY PRODUCT", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A6E2U3PX98HDX", "asin": "B000OQ4A3S", "style": {"Size:": " 16 Ounce (Pack of 2)", "Flavor:": " Cacao Powder"}, "reviewerName": "compustrat", "reviewText": "Great value that amounted to essentially BOGO. Raw unprocessed cocoa powder - just as it says. I'd buy it again and again.", "summary": "Stay healthy my friends!", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "AMZXI8YVJI3BT", "asin": "B0001LO3FG", "style": {"Size:": " 100 Count", "Flavor:": " Earl Grey"}, "reviewerName": "Steve Rutherford", "reviewText": "Twinings Earl Grey is my favorite. This is a much better deal than in the store.", "summary": "Five Stars", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "AVF06892OWGJU", "asin": "B000BTEHRC", "reviewerName": "Wm", "reviewText": "Good Stuff.", "summary": "Five Stars", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2018", "reviewerID": "A2YOF2VDA3PRZD", "asin": "B000PILF24", "style": {"Size:": " 100"}, "reviewerName": "Amazon Customer", "reviewText": "The taste is great! Just add a little dab of honey and you're all set! Excellent product at an excellent price.", "summary": "Excellent", "unixReviewTime": 1517961600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A39H9V09JOTPTB", "asin": "B000EA2D9C", "style": {"Size:": " 16 Ounces"}, "reviewerName": "L J BRUSS, D.O.", "reviewText": "Perfect for my baking needs -- especially for Mom's european recipe for crescent cookies. Will buy again and recommend!. Thank you very much1", "summary": "Perfect for my baking needs -- especially for Mom's european ...", "unixReviewTime": 1420156800} +{"reviewerID": "A2WV5HDL0ZRO9L", "asin": "B000FRUMBK", "reviewerName": "Creature", "verified": true, "reviewText": "If you don't like stevia then these might not be for you... but I'm hooked!\nLots of protein and relatively low sugar! Good alternative to the quest bars which (I'm pretty sure) use Splenda.", "overall": 5.0, "reviewTime": "07 24, 2016", "summary": "Love these bars", "unixReviewTime": 1469318400} +{"reviewerID": "A3BV4UNMS7L1LK", "asin": "B0009F3QKM", "reviewerName": "canimar", "verified": true, "reviewText": "Good", "overall": 4.0, "reviewTime": "01 7, 2018", "summary": "Four Stars", "unixReviewTime": 1515283200} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "02 1, 2012", "reviewerID": "A3NFL3ZTCI08ZS", "asin": "B000EVMNMI", "style": {"Flavor:": " Happy-Cola"}, "reviewerName": "J. Morris", "reviewText": "I love the regular Haribo gummie bears but these taste like artificial green lime. They do make me burp though!", "summary": "Haribo Cola Gummies", "unixReviewTime": 1328054400} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "AFY1YIAQD5Y0J", "asin": "B00061ETX2", "style": {"Size:": " 40 Ounce", "Flavor:": " Natural Crunchy"}, "reviewerName": "aPerson", "reviewText": "Tastes good. Only complaint is that the jar says \"No need to stir\" but that isn't true. I opened a jar and there was a pool of oil at the top.", "summary": "Good PB", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A175V8P4KQVBJE", "asin": "B00099XK6I", "reviewerName": "Kirsten M. Gustafson", "reviewText": "Love my Lipton!", "summary": "Five Stars", "unixReviewTime": 1452643200} +{"overall": 4.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A1AABCXW0R14PY", "asin": "B0014EOU4S", "reviewerName": "MARIA RIVERA", "reviewText": "GREAT TASTE", "summary": "GOOD FOR YOU", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2012", "reviewerID": "A3N2VDFS17W8NX", "asin": "B000LKX4FW", "style": {"Size:": " 3 oz (Pack of 2)"}, "reviewerName": "charmer", "reviewText": "excellent snack and it smoothes your tummy too. I love ginger and this is perfect just the right amount of ginger yummy", "summary": "ginger chews", "unixReviewTime": 1328227200} +{"overall": 5.0, "verified": false, "reviewTime": "07 27, 2015", "reviewerID": "A129PJQZUPLS6E", "asin": "B0016861YE", "reviewerName": "J.", "reviewText": "There is nothing like this candy bar. The original DARK chocolate bar, probably the reason I prefer dark chocolate :@ Thanks Annabelle, U ROCK!", "summary": "Love at 1 millionth sight!", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2017", "reviewerID": "A2R9G4DW0T0FNR", "asin": "B0014GPSKQ", "reviewerName": "Don S.", "reviewText": "Tasty", "summary": "Tasty", "unixReviewTime": 1509580800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A3W2GLJW6B9GRF", "asin": "B000H2XXRS", "reviewerName": "Kathleen Westvold", "reviewText": "Great product. Pleasant fragrance!", "summary": "Great product. Pleasant fragrance", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A2WAF7IDNRUGEU", "asin": "B0005XMQV8", "reviewerName": "Jane Iverson", "reviewText": "We all love these cookies...They are even a sweet treat for a postal worker", "summary": "Five Stars", "unixReviewTime": 1455753600} +{"overall": 1.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A1I8K1WOY510RN", "asin": "B000Q6XR2G", "reviewerName": "Carol King-Archibald", "reviewText": "returned", "summary": "ugh, no.", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A12UQTEIG9QBLT", "asin": "B000WAVRBY", "reviewerName": "tiffany tappe", "reviewText": "this is the best tea i have ever had, i keep a constant supply of it. very fresh!", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2015", "reviewerID": "A1NQZUATNTDGUW", "asin": "B000Q1D7TO", "reviewerName": "Kellie H.", "reviewText": "Very nice product jar size is what I was looking for since you don't need a lot of this product. Very flavorful!", "summary": "Very nice product jar size is what I was looking for ...", "unixReviewTime": 1435449600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "AJLZFKEVTQBUB", "asin": "B000GBXG2C", "reviewerName": "Deborah E. Emerson", "reviewText": "Wonderful tea and full - bodied.... so different from \" American\" tea.... I normally drink tea black but I do add a little bit of sugar to this.", "summary": "Great full bodied tea", "unixReviewTime": 1427587200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2015", "reviewerID": "A1F41OPS3MANU2", "asin": "B000XSCKLG", "reviewerName": "n/a", "reviewText": "Just as I expected", "summary": "Perfect", "unixReviewTime": 1423267200} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1XYJTIE0XYEDI", "asin": "B000HDJZWO", "style": {"Size:": " 10 Ounce (Pack of 6)", "Flavor:": " Semi-Sweet Mini Chips"}, "reviewerName": "Kindle Customer", "reviewText": "I wish these were on Prime is my only complaint. The taste is excellent and not any of the bad stuff", "summary": "The taste is excellent and not any of the bad", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A1U5KD1KN3M7DA", "asin": "B00099XNA6", "style": {"Size:": " 5.8 Ounce (Pack of 12)", "Flavor:": " Cheeseburger Macaroni"}, "reviewerName": "cathy", "reviewText": "100% happy thanks :-)", "summary": "Five Stars", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A23EYM7GYK9JQU", "asin": "B000168QTU", "style": {"Size:": " 40 Count (Pack of 6)", "Flavor:": " Caffeine Free Herbal"}, "reviewerName": "Jake and Alisha", "reviewText": "Nice alternative for black tea when you are pregnant and can't have as much caffeine as you are used to.", "summary": "Nice alternative for black tea when you are pregnant and ...", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2014", "reviewerID": "AN5YD0JN7PSKW", "asin": "B000DZDJ0K", "style": {"Size:": " 4 pound (Pack of 3)", "Flavor:": " Baking/Pancake"}, "reviewerName": "docslady1", "reviewText": "this flour has made tops on our list, it's the closest to the real thing yet, and I've tried them all. great pancakes, good gravy.", "summary": "If you have cieliac disease .", "unixReviewTime": 1395532800} +{"overall": 4.0, "verified": false, "reviewTime": "10 4, 2010", "reviewerID": "A2I9IRYIQM8XJK", "asin": "B0009R0626", "style": {"Size:": " 1 Bag", "Flavor:": " Original"}, "reviewerName": "Alex", "reviewText": "These crackers are average, though it can be a bit salty/sweet due to the uneven coating. They make a spicy version of these, I prefer those more.", "summary": "Decent", "unixReviewTime": 1286150400} +{"overall": 3.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A14XEIB0GZCPLH", "asin": "B0016BFR4G", "style": {"Size:": " Pack of 1"}, "reviewerName": "Amazon Customer", "reviewText": "Nice but weak", "summary": "Three Stars", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A2X2ZDTHKHVPBO", "asin": "B000U0OUP6", "reviewerName": "Lina", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "ADCY0I8EGWCGO", "asin": "B000IXRF8O", "reviewerName": "Redcatcher", "reviewText": "For Reese's lovers like me, these were a no-brainer for a pre-Halloween purchase. One of the better Reese's products; hard to resist overindulging.", "summary": "Wonderful", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2017", "reviewerID": "A1MMERE1R9NSYW", "asin": "B0010BZZ08", "reviewerName": "WendySue", "reviewText": "Fresh and tastes great. Authentic cinnamon.", "summary": "Authentic and Fresh Cinnamon", "unixReviewTime": 1508025600} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2016", "reviewerID": "A3UF1AA8SZLCOX", "asin": "B000EITYUU", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "Lola Liu", "reviewText": "High-quality sea salt, perfect for cooking and seasoning.", "summary": "Sprinkle on top of dark chocolate cookies!", "unixReviewTime": 1479427200} +{"overall": 1.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A1QW1ILDTB55N5", "asin": "B000S75D66", "style": {"Size:": " 8.8 Ounce", "Flavor:": " Moka"}, "reviewerName": "Eli", "reviewText": "Mine did not come with a lid. So once I popped it open I could no longer close it. I had to use another container. Other than that the coffee is fine. I think you can find cheaper options that have an espresso grind.", "summary": "Other than that the coffee is fine. I think you can find cheaper options that ...", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "AROJTNJWPGK9P", "asin": "B000E1FZHS", "style": {"Size:": " 2 Lb 8.5 Ounce", "Flavor:": " Variety Pack-Peanuts, Cashews"}, "reviewerName": "B. C.", "reviewText": "I wonder if you have a box of all cashews, my husband eats all those first. I was tucking them in his lunch.", "summary": "I wonder if you have a box of all cashews ...", "unixReviewTime": 1456444800} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A1JOFCXNV6H2PM", "asin": "B000F9X40O", "style": {"Size:": " Pack of 3"}, "reviewerName": "Barry D Wilson", "reviewText": "Love them", "summary": "Four Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A3DSMYUT3CKNJA", "asin": "B000WS039S", "style": {"Size:": " 10-Ounce Bag", "Flavor:": " Organic French Roast Ground"}, "reviewerName": "DigiReview", "reviewText": "I LOVE THIS COFFEE, it is the absolute best coffee I've ever had and I've had a lot of types of coffee in my life. I travel a distance to purchase this until I found it on Amazon.", "summary": "Best Coffee Ever + it's Fair Trade!", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2017", "reviewerID": "A1F31JFJWU3VCK", "asin": "B00124TTG4", "style": {"Size:": " 600 Count", "Flavor:": " Natural Cinnamon"}, "reviewerName": "Melanie", "reviewText": "Best deal I can find on this gum.", "summary": "Five Stars", "unixReviewTime": 1509408000} +{"reviewerID": "A3LR40HMHGBR4M", "asin": "B000FRUMBK", "reviewerName": "Franz", "verified": true, "reviewText": "They taste great, but I mine arrived out of the box with 3 damaged bars.", "overall": 3.0, "reviewTime": "01 18, 2017", "summary": "Great taste, damaged packaging.", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A2WAMV2CJNV6IB", "asin": "B000SSU0AY", "style": {"Size:": " 1 Tin", "Color:": " Alice's Enchant"}, "reviewerName": "Billy Orr", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "AVJV35095JH71", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Decaf Earl Grey"}, "reviewerName": "Lucy S.", "reviewText": "I like it", "summary": "I like it", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "ATNIHZWU6YKL2", "asin": "B000GW0U9I", "style": {"Size:": " 3.25-Ounce Bags (Pack of 4)", "Flavor:": " Beef"}, "reviewerName": "bonnie m pages", "reviewText": "Very fresh", "summary": "Fresher than store bought. Way to go", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "A1YE1NZ1NCEFXO", "asin": "B000GKEYT2", "style": {"Size:": " 5-Ounce Packages (Pack of 14)", "Flavor:": " Habanero"}, "reviewerName": "IamME", "reviewText": "was getting these as a subscribe and save option.. hands down awesome chips.. teaching moderation ;) unless your a chilli head.", "summary": "hands down awesome chips.", "unixReviewTime": 1427587200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A1YDQ6OVZIHP68", "asin": "B000H1195C", "reviewerName": "jolome", "reviewText": "Very tasty and easy to make. Best hot and sour so far.", "summary": "Best hot and sour soup", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2011", "reviewerID": "A2CG4JBROLYXXP", "asin": "B0009P68KM", "reviewerName": "Edward J. George", "reviewText": "I've been using this seasoning for a while, purchasing it at the grocery store. It is my favorite steak/burger seasoning. I was psyched to find it much cheaper on Amazon. You won't be disappointed.", "summary": "Great Seasoning - Great Deal", "unixReviewTime": 1309305600} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A1B12GE9482N2K", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Ultra Spice Chai"}, "reviewerName": "Michelle M.", "reviewText": "Reordering! This is awesome. It goes along the lines of a pumpkin spice. It has a nice clove taste and made into a latte tastes similar to the big train spiced chai latte. If you like Apple pie spice or spiced apples then you might want to try stash chai spice black tea.", "summary": "This is awesome. It goes along the lines of a pumpkin ...", "unixReviewTime": 1412640000} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "AEC0UTSHGUITO", "asin": "B000P6G12U", "reviewerName": "Jamie M Moore", "reviewText": "Very nice but you must eat them soon after delivery or they will mold- like all raspberries", "summary": "Four Stars", "unixReviewTime": 1499817600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A2FC4G415JRONW", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " French Vanilla"}, "reviewerName": "RenoGal", "reviewText": "My husband loves this French Vanilla Chai. I often have had trouble finding it in the store. Price is about the same as we buy locally so we were happy to order a few boxes as once. Very pleasant vanilla flavor.", "summary": "Pleasant tasting tea", "unixReviewTime": 1489795200} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2018", "reviewerID": "AOUVGD0LMSWVN", "asin": "B0002YGSJQ", "reviewerName": "NNChick", "reviewText": "It took forever, but the price was great and the product is delicious! I bought it specifically for a recipe making Japanese Salted Wings where you sprinkle a tiny bit on the finished wing. EXCELLENT! A little goes a long way.", "summary": "A little goes a long way.", "unixReviewTime": 1517529600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2017", "reviewerID": "A3HVEP7H8HL1I2", "asin": "B000VQDABY", "style": {"Size:": " (30 pack)"}, "reviewerName": "Amazon Customer", "reviewText": "BEST NOODLES EVER!", "summary": "Five Stars", "unixReviewTime": 1513468800} +{"overall": 4.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A33XPL37PZ07HG", "asin": "B000CQ4D3C", "reviewerName": "Max H.", "reviewText": "Although Annie's brand is theoretically known for being healthy, this stuff is definitely not healthy. That being said, it is probably better than the typical kraft brand. In spite of this, it is really quite tasty. I love it. It's definitely a guilty pleasure.", "summary": "A delicious guilty pleasure", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A3G1A40FEB6017", "asin": "B000U0OUP6", "style": {"Size:": " 2.5-Ounce, 15 Count", "Flavor:": " Salted Peanuts"}, "reviewerName": "helen bidawid-quinn", "reviewText": "Perfect size for my boys and that special man", "summary": "Five Stars", "unixReviewTime": 1475280000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 7, 2012", "reviewerID": "A283UD6WWOJ2A4", "asin": "B000RHY1YW", "style": {"Size:": " 5.25 oz", "Flavor:": " Jalapeno Hot Salsa"}, "reviewerName": "nodice", "reviewText": "I've been eating sunflower since a little kid. I enjoy Davids alot and they come in so many great flavors. I highly recommend if your into sunflower seeds.", "summary": "soo good", "unixReviewTime": 1325894400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2CUL6954WYQVL", "asin": "B0005Z7IAA", "style": {"Size:": " One Pack"}, "reviewerName": "josey", "reviewText": "It arrieve on time,No Problem at all Thanks", "summary": "Five Stars", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A29P7WJ9GR4L05", "asin": "B000H25VVE", "style": {"Size:": " 3.5 Ounce (Pack of 24)", "Flavor:": " Shrimp Flavored Soup, Japanese Style Noodles"}, "reviewerName": "Minh L.", "reviewText": "I LOVE IT", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 3.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "A1N82VWLLX7OTX", "asin": "B00119Q3EQ", "reviewerName": "Roosterman", "reviewText": "Almost has a sweet taste and I prefer dryer martinis. Not sure I would order again. Used to buy online from another vendor and really liked their juice. Bottoms up.", "summary": "Not to my taste", "unixReviewTime": 1372032000} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "AFKGX97MJ6S2O", "asin": "B000EVMNMI", "style": {"Flavor:": " Frogs"}, "reviewerName": "NATIVE NEW YORKER", "reviewText": "If you love gummy frogs this a must purchase!", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 4.0, "verified": true, "reviewTime": "08 23, 2010", "reviewerID": "A38KO3KKR7GF4V", "asin": "B001534QYW", "style": {"Size:": " 24-pack", "Flavor:": " Raspberry Acai Green Tea"}, "reviewerName": "Polly026", "reviewText": "This drink will definitely give you energy before your work out but to lose weight you still have to watch your diet and exercise. This flavor tastes okay, haven't tried the others yet", "summary": "Good for energy", "unixReviewTime": 1282521600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A8K72KIDFS0N8", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " Clementine"}, "reviewerName": "JudyReene", "reviewText": "not sweet just real orange flavor, like drinking clementtine juice with a fizz. we just ran out and plan to order more. we switched away from soda this summer and stocked up on these. great product.", "summary": "absoluterly delicious :)", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "AMSBP9TBDIMNW", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Pure Peppermint"}, "reviewerName": "scwheeler", "reviewText": "Very nice tea. Very refreshing and nice smell. Like lots!", "summary": "Recommend!", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2018", "reviewerID": "A2FWI6OYANV856", "asin": "B000HDJZWO", "style": {"Size:": " 5 Pound", "Flavor:": " Dark Chocolate Chip Morsels"}, "reviewerName": "M. BANGERT", "reviewText": "we love useing these to replace sweetened morsels as we eat paleo", "summary": "Five Stars", "unixReviewTime": 1522800000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2014", "reviewerID": "A2PKSIYQI78QAJ", "asin": "B000LKVIEG", "style": {"Flavor:": " Pure Coconut Milk"}, "reviewerName": "Kylie Wood", "reviewText": "Love that there is no junk added", "summary": "Five Stars", "unixReviewTime": 1415145600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A3H1Z4R4YVL9NQ", "asin": "B000JZEABG", "style": {"Size:": " 6-Pound"}, "reviewerName": "Katherine", "reviewText": "My family loves these.", "summary": "Five Stars", "unixReviewTime": 1523664000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A38SXDCP0ZVH6M", "asin": "B000U0OUP6", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "K. Lau", "reviewText": "Great price and size. If you're someone who wants more protein but low in carbs, these peanuts are for you!", "summary": "Tastes great", "unixReviewTime": 1439596800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A201X9NDMFO3GG", "asin": "B000GW0U9I", "style": {"Size:": " 16 Ounce", "Flavor:": " Teriyaki"}, "reviewerName": "South", "reviewText": "Great value, good product", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2017", "reviewerID": "A7Q3QI1Y0XAZC", "asin": "B000IKGG5U", "style": {"Size:": " 3.5 Ounces of Jelly Beans"}, "reviewerName": "Richard Oh", "reviewText": "my boy loves it", "summary": "Five Stars", "unixReviewTime": 1497916800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "ASHM6003FXLYB", "asin": "B0010BZZ08", "reviewerName": "Tiffany P. Zaken", "reviewText": "Lasts forever", "summary": "Great", "unixReviewTime": 1408838400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "AYF1UDKAZ8D7", "asin": "B000QU3JM0", "reviewerName": "T. D. Kozan", "reviewText": "Not great; tastes of having been overlong in the tin but still better than 3/5 of the \"Thai\" restaurant's offerings locally.\n\nIn a hurry for decent food? This is your answer. Looking for \"Gourmet in a can?\". Move along, there's nothing to taste here.", "summary": "Tasty", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2014", "reviewerID": "A12W9SOE8KJOHL", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "EESA", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A3Q1ML6GTSB63W", "asin": "B000ER1EPE", "reviewerName": "RooBuy", "reviewText": "These cookies are delicious. They are a good size for little fingers. Good value.", "summary": "They are a good size for little fingers", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "AYHLBCOUSZZQ7", "asin": "B000X3TPHS", "style": {"Size:": " 5 Pound", "Flavor:": " Lollipops"}, "reviewerName": "LouAnn", "reviewText": "GREAT suckers!! Great taste!! Great variety!! Healthier than most others!! Highly recommend!!", "summary": "GREAT suckers!!", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "A2F9Q8JNAHF3V1", "asin": "B000Z8ZN4U", "style": {"Flavor:": " Eco-Farmed Long Grain, Brown"}, "reviewerName": "Puppy", "reviewText": "Really how do you compare certified organic to nonpesticided for 3 years rice. Tastes the same, maybe the nutrition is the same.", "summary": "I usually buy the organic", "unixReviewTime": 1403136000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2018", "reviewerID": "A9E6N5J0HR8QB", "asin": "B0014ET2MI", "style": {"Flavor:": " Healthy Request Chicken Noodle"}, "reviewerName": "robert wojciechowski", "reviewText": "Kids love it", "summary": "Five Stars", "unixReviewTime": 1518048000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "AOK2583U1B6UI", "asin": "B000X3TPHS", "reviewerName": "JEBBEJ", "reviewText": "The flavors are varied and size is appear opiate, well wrapped and protected. Satisfy sweet tooth without an unhealthy excess.", "summary": "Tasty Varieties", "unixReviewTime": 1402876800} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "AC27SBIDNUPZR", "asin": "B000F0FZCI", "style": {"Size:": " 8 Ounce (Pack of 12)", "Flavor:": " Spaghetti Style"}, "reviewerName": "Smiling K", "reviewText": "Delivered on time and very good pasta.", "summary": "Five Stars", "unixReviewTime": 1415836800} +{"overall": 5.0, "verified": false, "reviewTime": "09 11, 2015", "reviewerID": "A3COROWUV2JCDY", "asin": "B000V6L2FK", "reviewerName": "Marie", "reviewText": "My husband really likes this soup.", "summary": "My husband's favorite", "unixReviewTime": 1441929600} +{"overall": 3.0, "verified": true, "reviewTime": "09 22, 2015", "reviewerID": "AL2HM1OFP5SV4", "asin": "B000FFPXF2", "reviewerName": "Robbo46", "reviewText": "Good taste, but difficult to mix", "summary": "Three Stars", "unixReviewTime": 1442880000} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A348FADK9M263W", "asin": "B0016JKXGU", "style": {"Size:": " 100 Count (Pack of 5)", "Flavor:": " Green Tea"}, "reviewerName": "AminaVT", "reviewText": "This is the best mass-market green tea I have had.", "summary": "Five Stars", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A3G94VRB3N4FR3", "asin": "B0000W0GQQ", "style": {"Size:": " 32 Ounce"}, "reviewerName": "sg", "reviewText": "the best product", "summary": "the best product", "unixReviewTime": 1416873600} +{"reviewerID": "A286YGI3PSTIGI", "asin": "B000FRUMBK", "reviewerName": "Jewele", "verified": true, "reviewText": "Doesnt taste good", "overall": 3.0, "reviewTime": "07 25, 2014", "summary": "I didn't like", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A1K09658CFPLXH", "asin": "B000F9XBGQ", "reviewerName": "Amazon Customer", "reviewText": "Yummm", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "A3RXI6DI5HCOBN", "asin": "B000YN2GVY", "reviewerName": "crimmps49", "reviewText": "This is our favorite vinegar. We use this for cooking and cleaning purposes. I can't find this in stores, and the price here is reasonable.", "summary": "Favorite", "unixReviewTime": 1368748800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "AOXY26ZISDUF3", "asin": "B000RLPKGQ", "style": {"Size:": " 1.5 oz", "Flavor:": " Burrito"}, "reviewerName": "michael macklin", "reviewText": "Nice change of pace for burritos.", "summary": "Five Stars", "unixReviewTime": 1481846400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 30, 2014", "reviewerID": "A3VYEFZYWV8NWU", "asin": "B000EUD6AM", "style": {"Size:": " Pack of 12", "Flavor:": " Light Rye"}, "reviewerName": "Katherine Benziger", "reviewText": "i HAVE BEEN EATING FOR 5 YEARS NOW AND ORDER THE CASES AS I LEARNED FROM OPRAH YEARS AGO WHEN DR. Z WAS COACHING HER STILL ON HER SHOW WHEN IT WAS STILL HAPPENING. THEY ARE HEALTHY AND CALORIES MEASURED TO EAT. TRULY WHOLE GRAIN!!", "summary": "BEST PRODUCT FOR WHOLE GRAIN SNACKING", "unixReviewTime": 1396137600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A2C9XE9I8RSKNX", "asin": "B000LLK9KE", "reviewerName": "JillinoisRN", "reviewText": "I love these for making 'bread and butter jalapeos '.... I drain these well, then add the pickle juice from bread and butter pickles- then let them soak for 4-5 days. Mixed with a block of neufchtel (light cream cheese), it makes a great creamy spread with a kick.", "summary": "Yep- like these.", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "ASFD4RQATJZBH", "asin": "B0002AUTN6", "style": {"Size:": " 50 Tea Bag Tin", "Flavor:": " Decaf Ginger Peach Black Tea"}, "reviewerName": "Lolly", "reviewText": "Delicious tea, full of flavor, very fresh.", "summary": "Five Stars", "unixReviewTime": 1417392000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A12R00R1OX04CH", "asin": "B0007STDKI", "reviewerName": "Pen Name", "reviewText": "Great price on my favorite gum ever!!", "summary": "The best", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A1HNBY0GIYO3LW", "asin": "B000V7AUW0", "reviewerName": "Amazon Customer", "reviewText": "For my granddaughter", "summary": "Five Stars", "unixReviewTime": 1446249600} +{"overall": 5.0, "verified": false, "reviewTime": "12 28, 2013", "reviewerID": "A64RCWQ2WN5LV", "asin": "B0001LO3FG", "style": {"Size:": " 50 Count (Pack of 6)", "Flavor:": " Earl Grey"}, "reviewerName": "J. Green", "reviewText": "My husband got me this bulk pack for Christmas and I couldn't be happier. I still think Twinings is still the best bagged Earl Grey you can buy.", "summary": "Great Deal!", "unixReviewTime": 1388188800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A15ALSNHXGMXJU", "asin": "B000EQT77M", "reviewerName": "Janice Crosby", "reviewText": "Love these great snack with no salt or very little", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 3.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A1B26TNQEWHQ4K", "asin": "B0009F3SC8", "style": {"Flavor:": " Green Tea Energy"}, "reviewerName": "David W. Barsness", "reviewText": "Should have more caffeine. Will not buy this flavor again. The mint has more caffeine.", "summary": "Low Energy", "unixReviewTime": 1445212800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "10 7, 2012", "reviewerID": "A3TKDMEPF59UY1", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "Polo", "reviewText": "Super fast delivery, fantastic product but it is granulated not in powder form as described. Blending it dry for few minutes will pulverize it and make it much more soluble when baking with.", "summary": "Beware this is actually a 'crystalline powder' = granulated.", "unixReviewTime": 1349568000} +{"overall": 4.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "AM6KH81996PY6", "asin": "B000G82L62", "reviewerName": "L. Sullivan", "reviewText": "Best wild blend on the market. You feel full eating good rice to say nothing about the great aroma lingering in the air.", "summary": "Beautiful fragrant rice", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2018", "reviewerID": "A23OEOFG4QEFIS", "asin": "B0012BSDNW", "reviewerName": "Amazon Customer", "reviewText": "A very good value. Definitely worth buying again.", "summary": "A very good value.", "unixReviewTime": 1522368000} +{"overall": 3.0, "vote": "4", "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A106X6HMD3NE76", "asin": "B0000GJ7D0", "reviewerName": "Colorado Book Lover", "reviewText": "The product arrived promptly. It's OK but tastes a little artificial.", "summary": "Three Stars", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A3RPWICE58FZ5M", "asin": "B000U0OUP6", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "Carole", "reviewText": "We order these quite often. Will do so again", "summary": "Great value", "unixReviewTime": 1460073600} +{"reviewerID": "A31LX2RBWFGPH4", "asin": "B000F4DKAI", "reviewerName": "Carrie Keith", "verified": false, "reviewText": "okay for jasmine taste", "overall": 3.0, "reviewTime": "03 9, 2017", "summary": "Three Stars", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A30SS21STZ0D18", "asin": "B0014DZGUQ", "style": {"Size:": " 16"}, "reviewerName": "Nancy Gray", "reviewText": "Works pretty good for baking. Cakes don't rise as high and sometimes fall, but if you can't have dairy like me it works.", "summary": "Works pretty good for baking", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A2F6EUYCCW9VNZ", "asin": "B000FKMNSM", "reviewerName": "Doris Y Cushman", "reviewText": "easter candy", "summary": "candy", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2013", "reviewerID": "AMHD48WLKXYP2", "asin": "B000F4F94S", "reviewerName": "Grandpa M", "reviewText": "This particular tea has long been a favorite of ours, so balanced in taste and texture. Whether steeped light, 2-3 minutes, or long, 5 minutes, it is deeply satisfying.", "summary": "Superb", "unixReviewTime": 1380931200} +{"overall": 1.0, "verified": true, "reviewTime": "03 25, 2013", "reviewerID": "A3KN4J7X1HYD5N", "asin": "B00129FVZC", "reviewerName": "fishingnut", "reviewText": "How I ordered this I have no idea as I have a bag of yeast in my cabinet from way ago !", "summary": "MISTAKE", "unixReviewTime": 1364169600} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2017", "reviewerID": "AC4S5YV0ZJC72", "asin": "B000MHCDWO", "reviewerName": "Eric R.", "reviewText": "If you like wasabi then you owe yourself this treat! these are great and often a deal here as compared to the grocery store!", "summary": "Soy and Wasabi and Almonds!? YES", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A2T5HU9U68QSCI", "asin": "B000E1FZHS", "reviewerName": "Shirley D. Liberatore", "reviewText": "qll ways good", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A2H9TLHIL7GY6I", "asin": "B000B8PZAG", "reviewerName": "Sarah", "reviewText": "favorite. love. excellent delivery!", "summary": "Five Stars", "unixReviewTime": 1424131200} +{"overall": 2.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "ARULNOPJFN6EP", "asin": "B000LKU16C", "style": {"Size:": " 3 Ounce (Pack of 6)", "Flavor:": " Ginger"}, "reviewerName": "G. Hughes", "reviewText": "I've been buying these for 2 years now and it seems they Lost their Ginger flavor,,taste like wintergreen mints now,,,what happened?", "summary": "Flavor has changed", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A23KZYOBAJ8MG3", "asin": "B000WZPX1E", "reviewerName": "Jamesdrevell", "reviewText": "My wife's favorite for years!", "summary": "My wife's favorite for years!", "unixReviewTime": 1417824000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81QIbXouNCL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A3M3OJQOX7O0C2", "asin": "B000VK4F5A", "style": {"Package Quantity:": " 6"}, "reviewerName": "Aria S.", "reviewText": "Deliciously tasting gluten free animal cracker/cookie that does not taste like cardboard! Even my husband who doesn't eat gluten free loves these! Big hit with my kids.", "summary": "... tasting gluten free animal cracker/cookie that does not taste like cardboard! Even my husband who doesn't eat gluten ...", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A3506K3RZIPZ37", "asin": "B000FFLHSY", "style": {"Size:": " 16oz.", "Flavor:": " Goji Berries"}, "reviewerName": "pat brown", "reviewText": "Super food for my breakfast drink", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": false, "reviewTime": "10 10, 2016", "reviewerID": "A16QCOFOP5DW4I", "asin": "B000W7PUL0", "reviewerName": "Dianne N. Oday", "reviewText": "delicious", "summary": "Five Stars", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "A2BIK3O4CYB6BR", "asin": "B000WH2ZTA", "reviewerName": "Elaine B. Thomas", "reviewText": "Great taste!", "summary": "Five Stars", "unixReviewTime": 1460505600} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A3OTPA62WKLRPO", "asin": "B00029JDDE", "reviewerName": "CJ", "reviewText": "Believe this is the best ginger candy offered through Amazon . . . Of course, I haven't tried them all . . . but this is very good", "summary": "Ting Ting Jahe Ginger Candy, 5.25 Ounce", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A2CLCE3S7WEORU", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Chamomile"}, "reviewerName": "V-tori", "reviewText": "Satisfied. I often buy this brand first time I bought chamomile but using it for other natural remedy purpose other than tea drinking", "summary": "Great brand", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2014", "reviewerID": "AVKF5UOGIH94V", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Assorted Herbal Teas"}, "reviewerName": "Betmatrho", "reviewText": "Great tasting tea especially love the orange cinnamon tea. Will recommend this brand and the pkg came very quickly Try it you will like it.", "summary": "Great tasting tea", "unixReviewTime": 1391126400} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A5NHKE241OR5K", "asin": "B00113WU0S", "style": {"Flavor:": " Pack of 6"}, "reviewerName": "Cheryl", "reviewText": "I love this soup! It is a great combination of healthy bit of goodness. I usually make a double helping and still a good lunch with low calories! I add some thin rice noodles and it is amazing!", "summary": "Love Miso-Cup Soup!", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2W8Z9DUO3CTID", "asin": "B000CR00FQ", "style": {"Size:": " 7 Ounce (Pack of 12)", "Flavor:": " Spelt"}, "reviewerName": "rk", "reviewText": "Previous orders had little salt. This order had much more salt. Not too much though. Tasty pretzels. I like the spelt because I believe regular wheat to be very unhealthy. To each his own. But these don't taste like a 'compromise'. They're tasty.", "summary": "I like the spelt because I believe regular wheat to be ...", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2010", "reviewerID": "A2TCMVWA7UCMXX", "asin": "B000VMBE8E", "style": {"Size:": " 9-Ounce Boxes (Pack of 6)", "Flavor:": " Vanilla Bean With Green Tea Sandwich"}, "reviewerName": "Garyl W. Gibson", "reviewText": "By far I think these are the best cookies I have ever tasted. Do not tire of eating them day or night.\n\nGWG", "summary": "Cookies", "unixReviewTime": 1264982400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "A16VKI03L987FG", "asin": "B000GAWH4G", "style": {"Size:": " 8-oz. extract"}, "reviewerName": "S. Joseph", "reviewText": "I love my Nielsen-Massey products and will continue to use them. The Vanilla extract is an excellent quality product.", "summary": "Nielsen-Massey Madagascar Bourbon Pure Vanilla Extract", "unixReviewTime": 1524441600} +{"overall": 5.0, "verified": false, "reviewTime": "10 11, 2014", "reviewerID": "A1YQ56RX1KP0C4", "asin": "B000WV0RW8", "reviewerName": "Amazon Customer", "reviewText": "I mixed the Chia Seeds with other seeds, such as pumpkin and sunflower to put on yogurt. I am reading about other ways to use this product.", "summary": "Cool Product!!!", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2010", "reviewerID": "ADY4AWPGYTXJS", "asin": "B000SANSSS", "style": {"Color:": " South African Rooibos"}, "reviewerName": "B. Zome", "reviewText": "Great tasting tea, I make a blend of ice tea, using red,white,green and oolong tea without any sugar at all, tastes great without sugar.", "summary": "Great product", "unixReviewTime": 1275350400} +{"overall": 2.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A1VK527PE8VBAZ", "asin": "B0014WYXYW", "style": {"Size:": " 24 Count Cans", "Flavor:": " 4 Flavor Variety Pack"}, "reviewerName": "beverly c.", "reviewText": "Not one of my favorite drinks. Perhaps only buy the flavor that you like and not the variety pack.", "summary": "Not my favorite!", "unixReviewTime": 1467331200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2018", "reviewerID": "A391QXPIKS5K7V", "asin": "B000FZVLFS", "style": {"Flavor:": " Italian Roast"}, "reviewerName": "Lally", "reviewText": "Simply delicious.", "summary": "Five Stars", "unixReviewTime": 1523145600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A3QEA4RH6I5J9G", "asin": "B000YFD2CE", "style": {"Size:": " 5 Pound"}, "reviewerName": "Lynda M. Breeze", "reviewText": "Excellent whole wheat pastry flour. Great for making tender dessert items as muffins, cake, etc. & still having a more tender product. U will find many uses for this whole grain. I highly recommend. Will buy it again for my bread baking.", "summary": "Great flour", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "AEI4I64W18W5T", "asin": "B000N1ZB6Y", "reviewerName": "Sage", "reviewText": "Love these!", "summary": "Five Stars", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2014", "reviewerID": "A36V1ZCJ72VV87", "asin": "B000GFYRHG", "style": {"Flavor:": " Decaf Black Tea"}, "reviewerName": "Pennye E Parker", "reviewText": "In my opinion Constant Comment is the highest quality American tea available. With it's special blend of herbs and orange it is smooth, refreshing, whether served hot or over ice, and a delight to share with friends.", "summary": "Excellent taste and treat", "unixReviewTime": 1402099200} +{"overall": 3.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "AVASFW5HOE0CF", "asin": "B000FFRTVI", "reviewerName": "Elizabeth A. Theis", "reviewText": "didn't like it as well as other .. spicy", "summary": "Three Stars", "unixReviewTime": 1458172800} +{"overall": 1.0, "verified": true, "reviewTime": "06 4, 2017", "reviewerID": "A239SWM8NW6136", "asin": "B000P6J0SM", "reviewerName": "julia", "reviewText": "Tasteless", "summary": "One Star", "unixReviewTime": 1496534400} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A1YYW26ZIAHRNM", "asin": "B000E5GFQE", "reviewerName": "M. Harcourt", "reviewText": "Good product.", "summary": "Good product", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A2VFYHET7HJF25", "asin": "B000CQC08C", "style": {"Size:": " 100 Count"}, "reviewerName": "Julia Stormy Meadows", "reviewText": "Great deal. We are avid Stash tea drinkers.", "summary": "Stash wins as always", "unixReviewTime": 1450828800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A22QAP2SQ2ZGP9", "asin": "B000GZSDZI", "reviewerName": "Annabelle Linvill", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A3SSUDSA7J512G", "asin": "B000EVN2ZK", "style": {"Flavor:": " Fizzy Cola"}, "reviewerName": "Jonathan Perez", "reviewText": "Great price for one of my favorite candies!", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A3HXHDDQ2D9V14", "asin": "B000XK2KCI", "reviewerName": "Ingrila", "reviewText": "These are absolutely delicious, especially for gluten free. Wish I knew how to make them: But until then, no regrets. Packaging was excellent", "summary": "A wonderful gluten-free treat!", "unixReviewTime": 1429056000} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "04 26, 2014", "reviewerID": "A3NNYCL4ZAH03D", "asin": "B000OK2AG8", "style": {"Size:": " 1 Pack"}, "reviewerName": "B. WILLIAMS", "reviewText": "This is the Worst Green Tea ever. Was going to give it away but it's so horrible, I didn't want to risk being accused of accidental poisoning . . .. Into my sanitation cart and off to landfill.", "summary": "HORRIBLE -", "unixReviewTime": 1398470400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2015", "reviewerID": "A3CQAWOFGAHE9E", "asin": "B000Q5X876", "style": {"Flavor:": " Strawberry"}, "reviewerName": "Maux", "reviewText": "A tasty, healthy snack even the husband loves. Great for on the go and lunches. Need the recipe and to put my dehydrator to work.", "summary": "Great product", "unixReviewTime": 1423267200} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A12UQTEIG9QBLT", "asin": "B000WAVRBY", "reviewerName": "tiffany tappe", "reviewText": "this is the best tea i have ever had, i keep a constant supply of it. very fresh!", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "ATEXU4D7709FP", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Samantha", "reviewText": "I love this company, having bought their products for years.\nThe cinnamon is great as always.", "summary": "Best Quality Cinnamon ( In a Small Bottle )", "unixReviewTime": 1412380800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2017", "reviewerID": "ATL8LFHM3ID27", "asin": "B000WV0TS0", "reviewerName": "Dustin from Ohio :)", "reviewText": "High quality to match an excellent price -- can't beat that! We use them daily in smoothies.", "summary": "Top quality -- BUY NOW!", "unixReviewTime": 1484352000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A3OV3WUIJOR9LN", "asin": "B0009F3SD2", "style": {"Flavor:": " Lemon Ginger"}, "reviewerName": "Alina", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A1EQHPPJZ5QCYQ", "asin": "B000F4DK9Y", "style": {"Size:": " 3.53 Ounce (Pack of 6)", "Flavor:": " Lady Grey"}, "reviewerName": "Lagavulin Talisker", "reviewText": "The only tea I drink. We buy it again and again.", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A1OUPACKBV7GAK", "asin": "B000I612BM", "style": {"Flavor:": " Dark Sweet Cherries"}, "reviewerName": "AB123", "reviewText": "best canned cherries available!", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A2ZGAJLGN2OFQV", "asin": "B000EVN2ZK", "style": {"Flavor:": " Fizzy Cola"}, "reviewerName": "Montucky", "reviewText": "I mean come on it's Haribo besides those salted licorice gummies everything they make is the best.", "summary": "Cant get enough", "unixReviewTime": 1479254400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A2DHF8J0DUQS0G", "asin": "B000DZDJ0K", "style": {"Size:": " 4 pound (Pack of 3)", "Flavor:": " Baking/Pancake"}, "reviewerName": "Kindle Customer", "reviewText": "I've been gluten free for 7 years and this is the only mix I'll bake with. I've tried so many different brands of pancake mix and this is the only kind that tastes good, isn't gummy in the middle and isn't too flat.", "summary": "Best gluten free pancake mix", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2017", "reviewerID": "A3KMLE2PFVE5KN", "asin": "B000LKZ3I8", "style": {"Flavor:": " Strawberry"}, "reviewerName": "Michael.Yip", "reviewText": "Always good", "summary": "Five Stars", "unixReviewTime": 1495843200} +{"overall": 2.0, "verified": true, "reviewTime": "01 28, 2017", "reviewerID": "A1A3R39BW0BYB1", "asin": "B000CL4MFQ", "reviewerName": "Lucia", "reviewText": "The taste lasts exactly 2 minutes. After that, you may as well be chewing cardboard.", "summary": "Two Stars", "unixReviewTime": 1485561600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "ACHUFRZJJT4SD", "asin": "B0004MVRH4", "reviewerName": "Kindle Customer", "reviewText": "Good, fresh walnuts. Always nice to have some on hand for baking.", "summary": "Good, fresh walnuts", "unixReviewTime": 1446681600} +{"overall": 3.0, "verified": true, "reviewTime": "05 20, 2009", "reviewerID": "A11OQUV1ZI2MT2", "asin": "B000EZMRQ6", "style": {"Size:": " 2-Ounce Packages (Pack of 8)", "Flavor:": " Original"}, "reviewerName": "Soccerfan", "reviewText": "I like the Snackmasters Turkey Jerky much better. The beef was pretty tough, though if you like beef jerky better than turkey it still is one of the few jerkys available that is nitrite free.", "summary": "Pretty Tough to Chew", "unixReviewTime": 1242777600} +{"overall": 5.0, "verified": false, "reviewTime": "02 20, 2016", "reviewerID": "A3DD24A2G4U7DR", "asin": "B000E1DS7C", "style": {"Size:": " 0.3-Ounce Boxes (Pack of 6)", "Flavor:": " Raspberry"}, "reviewerName": "Cat", "reviewText": "I love jello and with only ten calories per serving it's a figure friendly treat and just easy to make.", "summary": "J-e-l-l-o", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A21D23CC13665C", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Miranda", "reviewText": "Delicious!! I eat this stuff right out of the jar with a spoon....for shame :(", "summary": "Delicious!! I eat this stuff right out of ...", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A2BY6N5WN4GJ5L", "asin": "B000BD0SDU", "reviewerName": "Carmen Richardson", "reviewText": "This salt is wonderful! Much healthier than the processed white stuff.", "summary": "Real Salt is good and better for you!", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A37I03BOUFREZ9", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "R Man", "reviewText": "Pure coconut water, has a lot of health benefits. I am getting used to the taste.", "summary": "Water", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2017", "reviewerID": "A1VCPWYEEIKF0G", "asin": "B00008RCN8", "style": {"Flavor:": " Bubblemint"}, "reviewerName": "N. Ellis", "reviewText": "The only gum I chew. It is, what it is. What can you say about gum.", "summary": "Five Stars", "unixReviewTime": 1508976000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2010", "reviewerID": "A3GGDMT5GB2BCT", "asin": "B000WV0TS0", "reviewerName": "K. Reich", "reviewText": "Bought these on my mother's suggestion. I add water to my chia seeds and let it soak for 15-20 minutes. I add this to my oatmeal, yogurt, cereal.\n\nNom Nom! The vendor is very quick at shipping & even included a free sample. :-) Will order again.", "summary": "I love eating Chia Seeds!", "unixReviewTime": 1276992000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1CY97G271PD4G", "asin": "B000YF4PZW", "reviewerName": "Amazon Customer", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A2FBIX0OQPJ9OD", "asin": "B000FFLHSY", "style": {"Size:": " 8oz.", "Flavor:": " Goji Berries"}, "reviewerName": "Jorge Sanchez", "reviewText": "These are very good quality berries wish the bag was bigger but still great", "summary": "good stuff", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A5DG7L1F18Q92", "asin": "B000WW2M8Y", "reviewerName": "Ellbelle", "reviewText": "Taste wonderful!", "summary": "Five Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "AE63LRNMM2P2Y", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Sandra P.", "reviewText": "I love this honey.", "summary": "Five Stars", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2013", "reviewerID": "A1IU4JZFDZA9HJ", "asin": "B000V29RLA", "reviewerName": "FaCS teacher", "reviewText": "It looked great - not cheap as some do. Everyone commented on the cuteness of it. It is being saved as one of the souvenirs, and is on display at their house!", "summary": "Made the wedding cake", "unixReviewTime": 1383004800} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2017", "reviewerID": "A1R726I3NO57WZ", "asin": "B000KJVIOI", "style": {"Size:": " 48 Count", "Style:": " Ferrero Box"}, "reviewerName": "Pan Mittle", "reviewText": "Favorite chocolates.", "summary": "Five Stars", "unixReviewTime": 1497830400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A106W09S9RKW63", "asin": "B000E9WB8Q", "reviewerName": "CINLS", "reviewText": "Love the product", "summary": "Five Stars", "unixReviewTime": 1432771200} +{"overall": 5.0, "verified": false, "reviewTime": "06 1, 2017", "reviewerID": "A2UY74SU8TAK1", "asin": "B000OZFECU", "reviewerName": "Cookie", "reviewText": "Good price", "summary": "Citric Acid", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2013", "reviewerID": "A2L0XMKSM2E33Y", "asin": "B000DZE0XK", "reviewerName": "C~A~T", "reviewText": "This chocolate powder goes really fast between my, my husband and our espresso machine. We abandoned the flavored syrups and make mocha lattes with this mix everyday. My husband uses one tablespoon, and I use two, the directions call for three, but it is way too much.", "summary": "Love this stuff!!!", "unixReviewTime": 1375315200} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A2A9PXWRNFNMTL", "asin": "B000LKZA36", "reviewerName": "Irish", "reviewText": "My favorite GF pancake and waffle mix. These just work better. Some have weird texture when baked. These are just right and taste good.", "summary": "My favorite GF pancake and waffle mix", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A12UGFTJD8RERP", "asin": "B000U0OUP6", "reviewerName": "Numba", "reviewText": "as expected", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A3UXMCZD5HHEE1", "asin": "B000LKXG64", "reviewerName": "Wendy Moffitt", "reviewText": "This sauce is high quality and i can recommend it for anything. The only thing better might be homemade but i am happy with this organic sauce.", "summary": "My fav sauce", "unixReviewTime": 1391472000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A1JH5EKCDJPXSH", "asin": "B000F0QPMW", "reviewerName": "LBDDiaries", "reviewText": "This stuff tastes great! I love garlic seasoning so when i saw this, I had to try it. It is a great mixture of garlic and other seasonings that taste great on everything I've used it on and in!", "summary": "Delish!", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A35XFI5R1FHQHL", "asin": "B000EDDS6Q", "style": {"Size:": " 40 Ounce (Pack of 4)"}, "reviewerName": "L. Tomk", "reviewText": "This is the large size of Muesli and you get 4 of them in this order. I love oatmeal especially Bob's Red Mill. This flavor is full of raisins, nuts, flax and tastes great hot or cold. I've tried it both ways and prefer it hot. Delicious! Highly recommend Muesli. Yummy!", "summary": "Good price", "unixReviewTime": 1381104000} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "06 30, 2014", "reviewerID": "A1OYOX4KG1QER7", "asin": "B000Y0M2NO", "style": {"Size:": " 1 pack"}, "reviewerName": "Sashmom", "reviewText": "This stuff is great, in theory. When I tried to use it I got a lumpy mess. I ended up straining a whole pot of chicken stew. Maybe I did something wrong. Still, I'll stick with Wondra.", "summary": "I Must Have Done It Wrong", "unixReviewTime": 1404086400} +{"reviewerID": "A2ST918SAM27OG", "asin": "B000F4DKAI", "reviewerName": "Michael Guetti", "verified": true, "reviewText": "My wife loves this Twining product. This is a decaf tea that is strong but never bitter. We always buy this.", "overall": 5.0, "reviewTime": "07 4, 2013", "summary": "Great stuff", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A3JFMGTQG7I222", "asin": "B000S5RBZ4", "style": {"Size:": " 13.6-Ounce Box (Pack of 6)", "Flavor:": " Fresh Stacks"}, "reviewerName": "Bingo", "reviewText": "Just the right size!", "summary": "Crunchy!", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "A36BHVA80D0OHU", "asin": "B000QXGB7C", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "Stephen S.", "reviewText": "I used to eat Quaker oats but switched to Bob's and will never go back. The oatmeal has a better texture and flavor.", "summary": "Best Oats", "unixReviewTime": 1389312000} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A29QGL4QN3UJBY", "asin": "B000P6H3V8", "reviewerName": "BadBear", "reviewText": "Okay... So the grocery reviews are almost making me want to cancel my Amazon Fresh Subscription. This is annoying.", "summary": "Tastes just like they were ripped from the ground", "unixReviewTime": 1497312000} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "03 23, 2013", "reviewerID": "A2X545NQ1VCFE8", "asin": "B0001BH5YM", "style": {"Size:": " One"}, "reviewerName": "Bu8ddy", "reviewText": "I was expecting this to have a cork lid, as I read the mustard does, and looking forward to the challange of getting into it, so was surprised the lid is plastic. This may sound trivial, however it adds to the feeling of authenticity of this ancient mustard.", "summary": "Pommery Meaux Mustard", "unixReviewTime": 1363996800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A1OOWW0C8LYT60", "asin": "B000HDI5O8", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Joan Mcginnis", "reviewText": "Who on earth put these cans into a box that was impossible to open? I could not open it from the top, from the bottom or from any of 4 sides. It's like the entire carton was glued! I have arthritic hands that simply could NOT han del opening this box.", "summary": "It's like the entire carton was glued", "unixReviewTime": 1413331200} +{"overall": 4.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2N9G3FS2MVSHC", "asin": "B000ED9L6C", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "Loves Travels", "reviewText": "huge amounts, though!", "summary": "Four Stars", "unixReviewTime": 1479686400} +{"overall": 2.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "AHW5E9SZ1MVJP", "asin": "B0009VFDEI", "style": {"Size:": " 12 ounce", "Flavor:": " French Vanilla"}, "reviewerName": "Kkgirl", "reviewText": "I wasn't a fan of the French vanilla taste. It's pretty strong", "summary": "Vanilla taste too strong", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2013", "reviewerID": "AB6IV1YFCZKQH", "asin": "B000PL2VW4", "reviewerName": "Robfire", "reviewText": "I bought these for a quick lunch or dinner if I am pressed for time. You don't have to use milk either, tastes just fine substituting more water. Make sure to let it sit for a couple minutes after the cooking time and it will be perfect.", "summary": "5 Stars", "unixReviewTime": 1385164800} +{"reviewerID": "A35BBE33HY2CMV", "asin": "B000GG0BNE", "reviewerName": "jasmansr", "verified": true, "reviewText": "Very good green tea. Better tasting greens are five times more expensive, and up.", "overall": 4.0, "reviewTime": "11 11, 2016", "summary": "Four Stars", "unixReviewTime": 1478822400} +{"overall": 3.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A28G7FOR0BFGNJ", "asin": "B000OXI9GU", "reviewerName": "Chi Wah Chan", "reviewText": "too expensive", "summary": "Three Stars", "unixReviewTime": 1492560000} +{"overall": 3.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "A1Y5G92OUMFOLB", "asin": "B000EUG1SG", "style": {"Flavor:": " Curry"}, "reviewerName": "HELENE THOMAS", "reviewText": "Sodium content too high", "summary": "Three Stars", "unixReviewTime": 1462924800} +{"overall": 5.0, "vote": "4", "verified": false, "reviewTime": "01 10, 2008", "reviewerID": "A2FRFAQCWZJT3Q", "asin": "B000E1FZHS", "reviewerName": "B. Davis", "reviewText": "Like the others I can not buy unsalted peanuts where I live so I have to order them by the case from Amazon. I'm no peanut expert but I can say these are bigger than your average peanut and they are roasted to perfection.", "summary": "Delish - great big perfectly roasted peanuts!", "unixReviewTime": 1199923200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A8MTH5T384QD4", "asin": "B000BD0SDU", "reviewerName": "Loyda L. Frankhouser", "reviewText": "Great salt - been using it for years and we love it!", "summary": "Love this salt!", "unixReviewTime": 1472774400} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2012", "reviewerID": "A1RTR8KE4HU1YN", "asin": "B000EEWZEG", "style": {"Size:": " 3.75 Ounce (Pack of 12)", "Flavor:": " Extra Virgin Olive Oil"}, "reviewerName": "Lillehammer", "reviewText": "Good brisling sardines (yes, they MUST be packed in oil!) but not quite as well-seasoned and tasty as the King Oscar brislings. That said, for the price they cannot be beat and I will purchase again.", "summary": "Very tasty", "unixReviewTime": 1355875200} +{"overall": 3.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A1BEAJX2PIQUSN", "asin": "B000B6KQW0", "style": {"Size:": " 8.7 oz", "Flavor:": " Lemon Butter Dill Fat Free"}, "reviewerName": "Woseiay", "reviewText": "It's good, but thinner than I expected, as a result you go through a bottle in about two meals. Not quite what I expected.", "summary": "Kind of Thin Sauce", "unixReviewTime": 1440028800} +{"overall": 2.0, "verified": true, "reviewTime": "11 19, 2013", "reviewerID": "A3D7LW9MMHC4HR", "asin": "B0000EWY28", "style": {"Size:": " 16 Ounce (Pack of 4)", "Flavor:": " Pecan Halves"}, "reviewerName": "Amazon Customer", "reviewText": "Disappointed in these. Costly and stale. I guess for the price, I expected a greated quality. All lthree bags were the same. Also lacked taste. Gave half of them to the squirrels. I don't recommend these to anyone who wants to bake with them or just snack on them.", "summary": "Disappointed", "unixReviewTime": 1384819200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A15JVH5J5ZDA0P", "asin": "B0005ZUO4M", "style": {"Size:": " 101.4 Ounce"}, "reviewerName": "Jose R Medina", "reviewText": "So good !", "summary": "Five Stars", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A23L4JMO6S1EC1", "asin": "B000G176DM", "style": {"Flavor:": " Mild with Green Chiles"}, "reviewerName": "Lynn", "reviewText": "These beans are sooo good. I'm ruined for the ones available in local grocery stores now.", "summary": "Best refried beans in the world", "unixReviewTime": 1492041600} +{"overall": 3.0, "verified": false, "reviewTime": "07 16, 2017", "reviewerID": "A16B6CM7H5MXTD", "asin": "B000P6J0SM", "reviewerName": "KoKo M.", "reviewText": "I didn't like how my food was packaged the produce was midioker", "summary": "Got a bad batch", "unixReviewTime": 1500163200} +{"overall": 2.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A1PZ3EXXS2NPEO", "asin": "B0017O19Q2", "reviewerName": "JJ TERRELL III", "reviewText": "Will not last long at all", "summary": "Two Stars", "unixReviewTime": 1493596800} +{"overall": 3.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A13D2182ZFNDS6", "asin": "B000YNQRSM", "reviewerName": "irene singer", "reviewText": "The taste is not nearly as good as I had hoped so I certainly hope it has the physical benefits it purports. Nice packaging and on-time delivery.", "summary": "OK", "unixReviewTime": 1405209600} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A2SGBW8TXYKOFV", "asin": "B000H2XXRS", "reviewerName": "Patricia Holmes", "reviewText": "Nice smooth taste", "summary": "Four Stars", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A1NPA8HB4ZSK8L", "asin": "B000R4EMWG", "style": {"Size:": " 1 Pack"}, "reviewerName": "rich morawski", "reviewText": "great price with non-apb plastic delivered to my door seriously bought 10 cases did not have to tote to car then out of car then down the walkway for the price why would I.?", "summary": "I be buying this again and again", "unixReviewTime": 1460332800} +{"overall": 1.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A1J089M5XFW4HV", "asin": "B000EDI2QM", "style": {"Size:": " 1.8-Ounce Bars (Pack of 12)", "Flavor:": " Chocolate Crave"}, "reviewerName": "Jean J.", "reviewText": "Sounded great since we are into healthy eating, things that taste great and LOVE chocolate. Unfortunately we discovered they put Agave Nectar in it and we know agave is NOT HEALTHY- we won't be buying this product again!", "summary": "Raw Revolution Organic Live Food Bars", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A3FRKZHPSH24AR", "asin": "B000HDJXLW", "style": {"Size:": " 14.5 Ounce", "Flavor:": " Diced, Fire Roasted"}, "reviewerName": "patricia Matawan New Jersey", "reviewText": "Good deal.", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A2MC6G9ANH6M9L", "asin": "B000EDG4TE", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Reenie", "reviewText": "This is a quality USA product which I highly recommend.", "summary": "Five Stars", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2012", "reviewerID": "A3HXRXS8LFTZ7Q", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Miss Mary", "reviewText": "The product arrived quickly and in excellent condition. I will have to order more because it doesn't last long around here. Healthy alternative to the fake honey that the big stores sell.", "summary": "Wonderful", "unixReviewTime": 1353542400} +{"overall": 5.0, "verified": false, "reviewTime": "11 8, 2015", "reviewerID": "A3R2J9V21L0KCT", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Variety Pack"}, "reviewerName": "Carolyn Giusti", "reviewText": "Tea packs that are therapeutic to my soul", "summary": "A soulful tea experience", "unixReviewTime": 1446940800} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "10 14, 2006", "reviewerID": "A1ZV7WALPB92CL", "asin": "B000CQ01NS", "style": {"Color:": " Mwo", "Flavor:": " Real Aged Cheddar"}, "reviewerName": "Krista", "reviewText": "Good for you and the kids beg for more? That's because of the great taste. This mac & cheese is a keeper- the shells make them even more appealing to the little ones!", "summary": "Kids can't get enough!", "unixReviewTime": 1160784000} +{"overall": 3.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "A2P80QL4JD89IE", "asin": "B000N33NSA", "reviewerName": "Frank Frank", "reviewText": "Here I was looking for a vegan cookie. Found one. But had no idea it had 19 g of sugar per cookie. Would never have bought them.\nIf you are ok with a ton of sugar, they taste great.", "summary": "19 grass of sugar!", "unixReviewTime": 1361577600} +{"overall": 5.0, "verified": false, "reviewTime": "11 8, 2017", "reviewerID": "A247BAPTPZDE5E", "asin": "B000R4DF9W", "reviewerName": "LWM", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1510099200} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A14396UCW3Z0KI", "asin": "B000E63LAQ", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Honey Lemon Ginseng"}, "reviewerName": "P. A. Pond", "reviewText": "I'm a big fan of Celestial Seasonings, in general. This tea, however, is a bit light on the lemon and honey flavor, so a little extra honey and a squeeze of lemon helps. Brew for at least 3 minutes for maximum enjoyment.", "summary": "A cuppa.", "unixReviewTime": 1461283200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "09 27, 2006", "reviewerID": "A4XB95O211M0X", "asin": "B000EML7FG", "style": {"Flavor:": " Zesty Pizza"}, "reviewerName": "M R CAT", "reviewText": "Bars are evidently healthly...containing a decent amount of protein and calcium. However, the taste leaves something to be desired. They do not taste good; yet, they are palatable.", "summary": "Edible...that's about it.", "unixReviewTime": 1159315200} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2008", "reviewerID": "A2VVASHDH74CXY", "asin": "B000X3TPHS", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "lesnik", "reviewText": "Great taste-not too sweet. All of the flavors are yummy,the candy drops are excellent as well.", "summary": "marvelous", "unixReviewTime": 1200528000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A22JYCQLD9X0CY", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "Lynn", "reviewText": "Good price", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2013", "reviewerID": "AUF40S20BZNQC", "asin": "B000H2XXRS", "reviewerName": "Annie", "reviewText": "This coconut oil has wonderful flavor and texture, use in coffee in morning and anything else I saute. Make eggs in it everyday!", "summary": "Great flavor", "unixReviewTime": 1377043200} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A2FNFG5XF0T4IM", "asin": "B000WR4SB8", "reviewerName": "K. Tallman", "reviewText": "great seasoned salt without msg or strange flavor enhancers derived from corn", "summary": "Five Stars", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "A1AKW788238PWQ", "asin": "B000FA8SH2", "style": {"Size:": " Pack of 3"}, "reviewerName": "Truth Be Told", "reviewText": "These are really good biscuits not too sweet, not too salty, they are just right. These go good with tea, but I also eat them with milk or plain out the package. will buy again when I run out.", "summary": "Taste Good", "unixReviewTime": 1361664000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A1VQ6W8ZEH5KNJ", "asin": "B000NYSNVQ", "style": {"Flavor:": " Vanilla"}, "reviewerName": "Affiliated Customer", "reviewText": "My mother only will drink this brand and has every morning for the past 4 years.", "summary": "Five Stars", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A2H76Y99CGK05D", "asin": "B000LL0R8I", "style": {"Size:": " Pack of 12"}, "reviewerName": "Mark", "reviewText": "These are great. For the price you can't go wrong. These are usually like $3 each in stores and here you can buy them for a lot lot less.", "summary": "Great value", "unixReviewTime": 1490486400} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A35GP96YYZBBAR", "asin": "B000YG3GYW", "reviewerName": "Christina", "reviewText": "I keep buying these thinking it will be good this time. I have to stop.myself next time. They are never that good. Very dry crust that never cooks well in the microwave.", "summary": "I keep buying these thinking it will be good this time", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A2M4BW3P42S3I9", "asin": "B000ZK5NV6", "reviewerName": "brz", "reviewText": "pickles are awesome", "summary": "Awesome pickles", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2013", "reviewerID": "A2EDF9YM9JJ6QQ", "asin": "B0016JKXGU", "style": {"Size:": " 100 Count (Pack of 5)", "Flavor:": " Green Tea"}, "reviewerName": "Johnny Be Good", "reviewText": "We love this product in our office. This is our fourth order, and we order six boxes at a time!! It is just a great and clean green tea. You can't go wrong with this product. We use this along with Newman's Organics Black Tea. Both are great teas.", "summary": "Great Green Tea", "unixReviewTime": 1369008000} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A1CT1N98MMFUVN", "asin": "B000HLH7AS", "reviewerName": "AKA_RATMOM", "reviewText": "Love these. Always arrive fresh and well before stated delivery time.", "summary": "Five Stars", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A3M2FGYI2IQ6R7", "asin": "B00028MOQS", "style": {"Size:": " 16 Count", "Flavor:": " Genmaicha"}, "reviewerName": "Jessica Kirkbride", "reviewText": "Tastes just like Sushi Restaurant Tea!", "summary": "EXCELLENT", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2017", "reviewerID": "A3PHL18RYME2UB", "asin": "B0014EQHK8", "style": {"Size:": " 10.5 Ounce (Pack of 12)", "Flavor:": " Chicken Won Ton"}, "reviewerName": "Hactic Bidster", "reviewText": "Chicken Won Ton goodness,\nso good", "summary": "CWT", "unixReviewTime": 1487462400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A1T3J4WDXDJXY2", "asin": "B000HDKZK0", "style": {"Size:": " 6 Ounce (Pack of 6)", "Flavor:": " Soft Baked Variety Pack"}, "reviewerName": "Katie", "reviewText": "Much better price on here. Great product for those of us with allergies. Tastes awesome especially the snicker doodle.", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "AZH8CC9YLI1MP", "asin": "B0007LXU0Y", "style": {"Size:": " 6-Count Bars (Pack of 4)", "Flavor:": " Honey Almond Flax"}, "reviewerName": "Miz V", "reviewText": "These granola bars are really good and wholesome. I would buy them again and recommend them. The price is very good too.", "summary": "Delicious!", "unixReviewTime": 1362614400} +{"overall": 5.0, "verified": false, "reviewTime": "08 25, 2014", "reviewerID": "A3MR0LHKQ5YL8F", "asin": "B000IXSND0", "style": {"Size:": " 1.6 Ounces (Pack of 36)"}, "reviewerName": "D. Stevenson", "reviewText": "VBS kiddos loved these..They were used as rewards. This was their theme name \"Whatchamacallit\" so they were excited to get a candy bar with the theme name..lol\nGood candy bar! I only got onerewarded for 'good behavior'! :)", "summary": "Great Candy Bar", "unixReviewTime": 1408924800} +{"overall": 1.0, "verified": true, "reviewTime": "11 25, 2016", "reviewerID": "AA7UQIX6D0UDE", "asin": "B000F4D5GC", "style": {"Size:": " Pack of 12"}, "reviewerName": "Dee Dyer", "reviewText": "Awful. Very dry. I ordered a lot of this--shame on me-- and threw out most of it. A total waste of money.", "summary": "A total waste of money", "unixReviewTime": 1480032000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "ATVFCAM0C8F8B", "asin": "B000SVFAHE", "reviewerName": "C. K. O'Shea", "reviewText": "For some reason it is getting nearly impossible to find in the store. Malt-O-Meal is missing from the shelves more and more too. So I'll probably be ordering it next. I'm addicted to having one of these every morning. I like to flavor it with vanilla and almond flavorings.", "summary": "Cream of Rice", "unixReviewTime": 1362096000} +{"overall": 5.0, "verified": false, "reviewTime": "07 21, 2017", "reviewerID": "AYRLVO9X20S40", "asin": "B000P6H2BY", "reviewerName": "Alex Lopez", "reviewText": "These bunches were waaaay bigger than I was expecting. They worked great for my meatballs. Delicious. No issues at all.", "summary": "Big fresh bunches", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2017", "reviewerID": "A273OZ1SYIJVGV", "asin": "B000NYSNVQ", "style": {"Flavor:": " Strawberry"}, "reviewerName": "Amazon Customer", "reviewText": "This is wonderful or diabetics. I use it to replace a meal.", "summary": "Five Stars", "unixReviewTime": 1507334400} +{"overall": 5.0, "verified": false, "reviewTime": "11 22, 2016", "reviewerID": "A21DUXACN84MBR", "asin": "B000VDYS1I", "reviewerName": "Hockeymom22", "reviewText": "So convient on a week night.", "summary": "Five Stars", "unixReviewTime": 1479772800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A1T9MRD6KHQQAD", "asin": "B000OQU4DI", "style": {"Size:": " 1 Pack"}, "reviewerName": "Katherine Turcotte", "reviewText": "Three great herbs here ~ Chamomile, Lavender and Cornflowers! Mellow and relaxing. Keepsake tin looks pretty left out!", "summary": "Five Stars", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A21P6VXE1AOAIE", "asin": "B000LKZ78E", "style": {"Size:": " Organic 5 Pound"}, "reviewerName": "akgoods", "reviewText": "I love hemp on my salads and in my smoothies", "summary": "Yummy", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A1MD0ZE8FEMBIK", "asin": "B0012VSXIM", "reviewerName": "Missy", "reviewText": "YUMMY!!!", "summary": "Five Stars", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A2558S10EHLHTY", "asin": "B000G6QBSI", "reviewerName": "Trumpet Diva", "reviewText": "My diabetic husband loved this. Chewy texture and good flavor.", "summary": "Yum!", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A1KXN9BQSMBVGK", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Pure Peppermint"}, "reviewerName": "Amazon Customer", "reviewText": "Love this tea - it helps my stomach when I have indigestion especially stomach cramps from wind.", "summary": "Refreshing and helps settle indigestion", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A28GD7XSI40W4E", "asin": "B000E1FXQ6", "style": {"Size:": " Pack of 24 (2.05-Ounce Cups)", "Flavor:": " Triple Cheese"}, "reviewerName": "cbread", "reviewText": "Great tasting and cheesy.", "summary": "Five Stars", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A2MUJ66Y0IEG6X", "asin": "B000GATCRQ", "reviewerName": "Terri", "reviewText": "I love this lemon juice. It is the best on the market even though it has to be pasteurized.", "summary": "I love this lemon juice. It is the best on the market even though it has to be pasteurized.", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "AVZHXT2FNU9MG", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Hot Cinnamon Spice"}, "reviewerName": "Gina R. Smith", "reviewText": "This tea definitely has great flavor and i will be buying it again.", "summary": "Five Stars", "unixReviewTime": 1449964800} +{"overall": 5.0, "vote": "17", "verified": true, "reviewTime": "01 13, 2008", "reviewerID": "A2KQT4D0OZR569", "asin": "B000G8399A", "style": {"Package Quantity:": " 1"}, "reviewerName": "L. Staley", "reviewText": "I bought this mix for my husband, a diabetic with a sweet tooth. He really has enjoyed having a fudgy, chocolate brownie to eat. For special occasions, I make him these brownies and he tops one with no-sugar-added ice cream and a great sugar-free chocolate topping.", "summary": "These brownies are great", "unixReviewTime": 1200182400} +{"overall": 3.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "A2MXW9XFQMHW97", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 6", "Flavor:": " Turmeric with Meadowsweet and Ginger"}, "reviewerName": "Glenn", "reviewText": "This brand of tea is one of my favorites but this one is kind of weak. I had to use two bags.", "summary": "Good but on the weak side.", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "AOFGJCX208OE0", "asin": "B000UENHBU", "reviewerName": "Earl Welsh", "reviewText": "Tasty salsa destined for a party", "summary": "Five Stars", "unixReviewTime": 1428796800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A2HA52Y9KHZT0W", "asin": "B000GZU8VU", "reviewerName": "Milowatson", "reviewText": "Hooray: LOVE it!", "summary": "LOVE it!", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A1TJO4JHWCT14K", "asin": "B000GJOROU", "reviewerName": "hwitty", "reviewText": "absolutely delicious", "summary": "Five Stars", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "A28ZJZHX0F3QXH", "asin": "B000WLGCPY", "style": {"Size:": " 32 Ounce (Pack of 4)"}, "reviewerName": "K L Mahoney", "reviewText": "Product arrived as described and I will more than likely order them again. The quantity is perfect if you've got a hungry family, or like myself just enjoy baking and eating oatmeal for breakfast. The oats are fresh and tasty.", "summary": "great for the price", "unixReviewTime": 1446681600} +{"overall": 3.0, "vote": "4", "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "AASIUGBGAFJML", "asin": "B0005ZHALM", "style": {"Flavor:": " Low Sodium Chicken"}, "reviewerName": "windzor", "reviewText": "Very bland taste...little to no real chicken flavor. I know its low sodium, but it doesnt even taste like chicken broth to me.\nI won't be re-ordering this. As a base its okay for soups or other uses. But will have to be doctored up with meat and veggies for sure.", "summary": "but it doesnt even taste like chicken broth to me", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2007", "reviewerID": "A17UR3NRLARXCH", "asin": "B000HZH8NU", "reviewerName": "WIlliamtwo", "reviewText": "My choice and of my office workers for best variety of non-flavored. You can;t go wrong with Kona even if it's a blend.", "summary": "Best choice for non-flavored", "unixReviewTime": 1189123200} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A28RC2MJ4ON78Z", "asin": "B000SMN0DO", "style": {"Size:": " 2 lbs."}, "reviewerName": "Excellent959", "reviewText": "Would have not believed that this tea has a 80% resemblance to coffee, love it !!", "summary": "best coffe alternative", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A37XG3KUN5Z8B5", "asin": "B000I4MLEG", "reviewerName": "Randall Hicks", "reviewText": "unique flavor profile!", "summary": "Five Stars", "unixReviewTime": 1484438400} +{"overall": 3.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A1EU6ZM0GXWJTY", "asin": "B0009F3SDC", "style": {"Flavor:": " Caramel Apple Spice Slim Life"}, "reviewerName": "RedRam", "reviewText": "I've tried a lot of Yogi tea because I love it but this flavor is just alright. I wanted to like it a lot but next time I'll get another flavor.", "summary": "not bad", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A2VDXVB9ZQA71J", "asin": "B0001FFK4A", "style": {"Size:": " 8.8 Oz (Pack of 6)"}, "reviewerName": "Donna Cazaubon", "reviewText": "Love these", "summary": "Five Stars", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2009", "reviewerID": "A2D9KKQQYWUTBL", "asin": "B000ZSZ5PW", "reviewerName": "Michael Pascual", "reviewText": "I have to admit that honey roasted flavor is my favorite regardless of the nut. So if you are a honey nut fan these things are the best, hard to find in the stores around here so amazon selling them in cases works great for me.", "summary": "My favorite", "unixReviewTime": 1244246400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A182TJNK89IDUG", "asin": "B000AXWA0A", "style": {"Flavor:": " Vanilla"}, "reviewerName": "stardustsara", "reviewText": "this is delicious. i put some in my coca-cola and it tastes great", "summary": "Five Stars", "unixReviewTime": 1416700800} +{"overall": 3.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A6JZUPNVVTOE9", "asin": "B00132RPN4", "style": {"Size:": " 1.4 Ounce (Pack of 10)", "Flavor:": " Much-Ado-About-Mango"}, "reviewerName": "coolluke", "reviewText": "not a lot of taste", "summary": "Three Stars", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2GZ7MAC88WPWY", "asin": "B000WCZ90M", "reviewerName": "Marianne H. Hart", "reviewText": "I get these for my grandson, who enjoys them immensely.", "summary": "Five Stars", "unixReviewTime": 1427932800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71YyTmpdp3L._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A39J24KGFCNJ26", "asin": "B0016B4080", "style": {"Size:": " 16.9 fl. Oz"}, "reviewerName": "Kitty Tandino", "reviewText": "Smells like pumpkin seeds\nStrong nut smell\nGreen in color\nGot here very warm so kinda worried about how safe it is now...\nSince they say keep it cool.\nTaste good though.\nI'm wondering if it's better to use on skin or to eat...\nCan anyone answer this?", "summary": "It's good", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A22OYIIBC11DA0", "asin": "B000HDI5O8", "reviewerName": "shirley Nelson", "reviewText": "I used this to make pumpkin bread.", "summary": "This is a good product.", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2017", "reviewerID": "A2IF1F4YP5VC15", "asin": "B000WR8TT0", "style": {"Size:": " 1-Pack"}, "reviewerName": "WTW", "reviewText": "very good product", "summary": "excellent", "unixReviewTime": 1502582400} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2013", "reviewerID": "A3Q29N48HX9AQL", "asin": "B000DZDJ0K", "style": {"Size:": " 4 pound (Pack of 3)", "Flavor:": " Baking/Pancake"}, "reviewerName": "Natanzo", "reviewText": "This is the best pancake mix, hands down...even if you are not gluten free! Very successful mix! But for gluten free folks, it's a must.", "summary": "I can't live without this product anymore", "unixReviewTime": 1372550400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "AM39RCTPIJYVK", "asin": "B0014EW4RI", "reviewerName": "Ann D", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1416614400} +{"overall": 4.0, "verified": true, "reviewTime": "10 26, 2013", "reviewerID": "A1LZ0GYWHBHPRO", "asin": "B000Q5X876", "style": {"Flavor:": " Strawberry"}, "reviewerName": "Amazon Customer", "reviewText": "My daughters love these strawberry fruit ropes. It tasted too sweet for me, but they think they are great. :)", "summary": "Good, but Sweet!", "unixReviewTime": 1382745600} +{"overall": 4.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "AJUHWR2ODJJJV", "asin": "B000GD653C", "reviewerName": "darthbagel", "reviewText": "Good water", "summary": "Four Stars", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "AP20LJ2RKN3MG", "asin": "B0002E2FH0", "style": {"Size:": " 1 Pack"}, "reviewerName": "Writer/Reader", "reviewText": "Very nice coffee. Will buy again.", "summary": "Enjoyable!", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A1VIZLT1J0LFR6", "asin": "B000PDY3P0", "style": {"Size:": " 6-Ounce Portion Packs (Pack of 24)"}, "reviewerName": "swanlakemt", "reviewText": "LOVE!! Tastes like it came from a theater!!!!", "summary": "Amazing!!", "unixReviewTime": 1489622400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A7Q4GSI78PE0Y", "asin": "B000XBCBW6", "reviewerName": "Paul Forstater", "reviewText": "Great walnuts.\nThey are fresh and tasty.\nMost are full sized with only a small amount\n of breakage.", "summary": "Good walnuts", "unixReviewTime": 1428278400} +{"overall": 4.0, "verified": false, "reviewTime": "01 21, 2016", "reviewerID": "A2OQALQ8SVBT90", "asin": "B000IEXK6O", "style": {"Flavor:": " Sugar Free Chocolate"}, "reviewerName": "lucylove", "reviewText": "FYI, they sell this wonderful sugar free chocolate syrup at Smartnfinal for around $13.", "summary": "Chocolately goodness", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A2JK6UN83E142E", "asin": "B000LLHNV2", "style": {"Flavor:": " Garden Vegetable"}, "reviewerName": "T. Lowe", "reviewText": "Very delicious soup!", "summary": "Yum!", "unixReviewTime": 1430784000} +{"overall": 4.0, "verified": false, "reviewTime": "10 3, 2014", "reviewerID": "A685358DLNBDR", "asin": "B0000CNU5H", "style": {"Size:": " Pack of 1"}, "reviewerName": "Lily", "reviewText": "pricy, but tastes good", "summary": "Four Stars", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "ACX1VM5YMKP2K", "asin": "B000EDK5LM", "style": {"Size:": " 22 Ounce (Pack of 4)"}, "reviewerName": "Chris G", "reviewText": "Great deal and perfect for making seitan", "summary": "Five Stars", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "AE9AQYHD238NU", "asin": "B001197UIO", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "contemplative1", "reviewText": "excellent texture.", "summary": "Five Stars", "unixReviewTime": 1413763200} +{"reviewerID": "A3BWK6WAOIFCCR", "asin": "B0009F3QKM", "reviewerName": "Marlene Pantak", "verified": true, "reviewText": "Good but not great", "overall": 2.0, "reviewTime": "04 25, 2017", "summary": "Two Stars", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A16HH8RJCHQG6V", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Amanda", "reviewText": "So good! Love me some cream soda and I also put some in my coffee.", "summary": "So good! Love me some cream soda and I also ...", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "A3AXUQPK5NNQHB", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Kris Hulbert", "reviewText": "How can you not like these...lol", "summary": "Five Stars", "unixReviewTime": 1478995200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "AUZ0YZWBP55RX", "asin": "B000WV0RW8", "reviewerName": "Tom X", "reviewText": "A good quality bag of chia seeds without spending too much money compared to local markets. Good quality without bird droppings, dirt, stones, twigs, etc.", "summary": "A good quality bag of chia seeds without spending too much ...", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A262KUIW716DGV", "asin": "B000KSPX7C", "style": {"Size:": " 2 Pound", "Flavor:": " Regular Roast"}, "reviewerName": "Michael Crabtree", "reviewText": "good coffee", "summary": "Five Stars", "unixReviewTime": 1435968000} +{"overall": 3.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A3DFRHO3YWR8L3", "asin": "B000VK89U2", "style": {"Size:": " 2 Ounce (Pack of 12)", "Flavor:": " Mushroom"}, "reviewerName": "j", "reviewText": "Will do in a pinch.", "summary": "Okay", "unixReviewTime": 1459382400} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A3VM8MZKX4T5NY", "asin": "B000HZF1AM", "style": {"Size:": " 35.3 oz", "Flavor:": " Tomato Chicken Granulated"}, "reviewerName": "Margaret Rice", "reviewText": "Good flavor, I use it in soups, specifically in tomato soup. But wish I could have found individually wrapped cubes instead of a huge jar -- it will get used eventually.", "summary": "Good Flavor", "unixReviewTime": 1385683200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A1LLWP1VLO9NVN", "asin": "B00022DRVK", "reviewerName": "I Can Haz Tanks", "reviewText": "This stuff was so well packed/vacuum packed. Use this when roasting root vegetables due to allergies. Imparts a nice matte roasted surface with a hint of flavor enhancement.", "summary": "Imparts a nice matte roasted surface with a hint of flavor enhancement", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A3SRG17Z9Y9Y0X", "asin": "B000O80LKC", "reviewerName": "Amazon Customer", "reviewText": "Enjoying the candy.", "summary": "Five Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2017", "reviewerID": "ASWFE6OBUFRFY", "asin": "B0007STDKI", "reviewerName": "Sylvia Richard", "reviewText": "Good price, fast delivery, convenient.", "summary": "Fast Delivery Convenient", "unixReviewTime": 1507161600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2013", "reviewerID": "A2H8FXK339OE5N", "asin": "B000LKU16C", "style": {"Size:": " 1.76 Ounce (Pack of 6)", "Flavor:": " Ginger"}, "reviewerName": "Alice Martin", "reviewText": "I love the taste, good for throat tickle, refreshes the mouth like velamints. It too helps suppress aches and pains (minor)", "summary": "another winner for Newmans", "unixReviewTime": 1380844800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "A2HVD5E72EB0NS", "asin": "B000VK61KM", "style": {"Flavor:": " Peanut Butter"}, "reviewerName": "Tatiana", "reviewText": "My family likes these. They couldn't find them at Walmart (they usually get them there) so I checked Amazon and yay, they were found! they were thrilled.\n\nThey enjoy using them to make ice cream sandwiches!", "summary": "For my family.", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2016", "reviewerID": "AF3E97RBYU30O", "asin": "B000BD0SDU", "reviewerName": "Karen Chamberlain", "reviewText": "Great Product - great service!", "summary": "Five Stars", "unixReviewTime": 1456272000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "AI3UGK2RN8PU9", "asin": "B0014UH7J2", "style": {"Size:": " Pack of 1"}, "reviewerName": "mknight", "reviewText": "I used this as a thickener for some home made hygiene products. It worked great! I haven't used it for any other purpose yet.", "summary": "Great product", "unixReviewTime": 1447113600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "03 31, 2013", "reviewerID": "A56KK8L6L02KY", "asin": "B00022Q1SG", "style": {"Size:": " Single", "Flavor:": " Cherry"}, "reviewerName": "Ellen G", "reviewText": "I have fond memories of Wissotzky tea boxes from when I was abroad in Israel, and this tea was one of them. It's the same - I missed it so glad to find it on Amazon! Very strong and potent, delicious cherry taste in black tea.", "summary": "Delicious!", "unixReviewTime": 1364688000} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A25L3RWNR2VYOX", "asin": "B000JMDHCC", "reviewerName": "Amazon Customer", "reviewText": "Great paste. I've used up first bottle & reordered. Highly recommended.", "summary": "Five Stars", "unixReviewTime": 1460246400} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A1XKLQFT0SWWBP", "asin": "B0010SEVWO", "style": {"Size:": " 2 Pounds", "Flavor:": " Conventional"}, "reviewerName": "Skb", "reviewText": "Fresh, great taste and excellent packaging!", "summary": "Excellent Product! Worth the $$", "unixReviewTime": 1447286400} +{"overall": 2.0, "vote": "4", "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1I6DI4B7OV1EQ", "asin": "B000LLK9KE", "style": {"Size:": " 4 Ounce (Pack of 24)", "Flavor:": " Diced Green Chiles, Hot"}, "reviewerName": "SP", "reviewText": "These are wonderful chilies but they are HOT and full of seeds! I use less than half as much as I would normally use with regular diced Chilis. You get heat and not so much flavor!\n\nUPDATE: Amazon has thankfully updated this listing to say \"Fire Roasted-HOT\"\nsince my purchase.", "summary": "HOT!!! Listing NOT Labeled as HOT", "unixReviewTime": 1432944000} +{"overall": 5.0, "vote": "20", "verified": true, "reviewTime": "05 29, 2011", "reviewerID": "AJ1CD7OI9YFFZ", "asin": "B0013HCP4I", "style": {"Size:": " Pack - 1"}, "reviewerName": "Mary Frost", "reviewText": "A great item for your survival reserve stash or just when you run outta milk and are too far from the store! The cream makes it delicious!", "summary": "Yummy to the tummy!", "unixReviewTime": 1306627200} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "ANOVW3DZ7YSNF", "asin": "B000E1FXQ6", "style": {"Size:": " Pack of 10 (2.05-Ounce)", "Flavor:": " Original"}, "reviewerName": "Sally Y.", "reviewText": "As expected", "summary": "Mac and cheese", "unixReviewTime": 1485648000} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A1O0WVCS99NUB", "asin": "B00022Q1SG", "style": {"Size:": " Single", "Flavor:": " Raspberry"}, "reviewerName": "R. S.", "reviewText": "Amazing taste,flavor and color.", "summary": "Amazing taste, flavor and color", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A2DOR4JQSE57CP", "asin": "B000X2CWTM", "reviewerName": "Tim", "reviewText": "This licorice is tasty, but not strong. It isn't very sticky and doesn't stick to your teeth like Kookaburra does. Kookaburra had a stronger taste, but had dyes and stuff. Panda is natural. Check the ingredients. A good choice for a healthier, great tasting snack.", "summary": "Tasty, not sticky", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2014", "reviewerID": "A2Q8GA3ZA5APG2", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Chandra", "reviewText": "I have been using this for sometime now and not going back to something else unless there is a big change in price", "summary": "Good Product", "unixReviewTime": 1393545600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51Bfe+TSYkL._SY88.jpg"], "overall": 3.0, "vote": "4", "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "AZ3Y7873V8O1Y", "asin": "B0002VXZ40", "reviewerName": "B. Reese", "reviewText": "I wasn't impressed. See photo of a scoop of the product. Coins so you can have an idea of the size. They are okay. I can eat them and will. But I've had much better and won't be buying again.", "summary": "These are a one time buy", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2012", "reviewerID": "A2YAIK7WVZ8VMK", "asin": "B000YSQA7U", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "Kpr", "reviewText": "It's so nice to know that I will never have to endure my morning cuppa unsweetened again! This wonderful organic honey comes right to my door and is worth every penny!", "summary": "Finally", "unixReviewTime": 1334275200} +{"overall": 4.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A1IVKZI7UDPS36", "asin": "B000ELQNRE", "reviewerName": "Jason", "reviewText": "Very tasty. These have been a welcomed change to my morning coffee.", "summary": "Four Stars", "unixReviewTime": 1425945600} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A2TP6AD2FF2K8S", "asin": "B000CQBZV0", "style": {"Size:": " 1.75 Ounce"}, "reviewerName": "Jake", "reviewText": "I'd like the flavor to be a bit more intense, but it's still yummy tea.", "summary": "Four Stars", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A2KYHQB3HJGNUN", "asin": "B0002F46BC", "reviewerName": "Alice", "reviewText": "Arrived when scheduled - item just as described. Very pleased.", "summary": "Very pleased.", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "AIGXY7Q2W1E8D", "asin": "B000WW2M8Y", "reviewerName": "Jennifer", "reviewText": "This is my favorite raw almond butter and I repurchase frequently. Price is good on Amazon. I much prefer it to Maranatha brand, which is less creamy in texture and flavor.", "summary": "This is my favorite raw almond butter and I repurchase frequently", "unixReviewTime": 1460592000} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "07 18, 2012", "reviewerID": "AA5CLVZJ473GK", "asin": "B0000DIXKU", "reviewerName": "Wes", "reviewText": "Growing up on the Oregon coast, you get used to good salmon. This stuff was soggy, oily, and did not taste right at all. I ended up throwing it away after trying it. First time in my life I've ever tossed salmon! Disappointing. Wish I could get a refund.", "summary": "Might be good for cat food but doubt meant for human consumption!", "unixReviewTime": 1342569600} +{"overall": 3.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A25AQETS579SI0", "asin": "B000E5GFQE", "reviewerName": "Geraldine Shire", "reviewText": "To much oregano for my liking", "summary": "Three Stars", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A280KCJ5BYCHQI", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Gina", "reviewText": "Wasn't too happy about receiving this item with a broken lid but got my account credited and reordered. Turned out it was worth the trouble. Great tasting honey and consistency. Will definitely reorder again in the future.", "summary": "Wasn't too happy about receiving this item with a broken lid but ...", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A13488TBSBX9ME", "asin": "B000LKZ78E", "style": {"Size:": " Natural 1 Pound"}, "reviewerName": "jmb", "reviewText": "Very good quality.", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"overall": 4.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A3RRSS0UAAX8Q4", "asin": "B0007KLJEE", "reviewerName": "Donna Misseres", "reviewText": "Best milk. This is for emergency storage", "summary": "Best milk. This is for emergency", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2012", "reviewerID": "A2C8Z24UT8W79J", "asin": "B000WKXVLI", "reviewerName": "Dr. Z.", "reviewText": "This a very tasty sugar free chocolate that I would buy again and again. Price varies a lot so shop it.", "summary": "Hershey sugar free miniatures", "unixReviewTime": 1348617600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2016", "reviewerID": "A1KJ4HO17MFMZD", "asin": "B000LULFJ4", "reviewerName": "D. Raubar", "reviewText": "Mmmmm....Smoky", "summary": "Five Stars", "unixReviewTime": 1468195200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A1MG3U1LPT0L3D", "asin": "B000HDK0DC", "style": {"Size:": " 30 Ounce", "Flavor:": " Assorted"}, "reviewerName": "Barbara L. Hodges", "reviewText": "Everybody loves them!", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A27BKTSHTOBP2L", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Albert Zindel", "reviewText": "fast and fresh", "summary": "halloween solved", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A2DNYSS0OX4BBZ", "asin": "B000GAWH4G", "style": {"Size:": " 8-oz. extract"}, "reviewerName": "lakemama", "reviewText": "best vanilla for baking...", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 3.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A1LEZ2R6RERVAB", "asin": "B0000DHXGL", "reviewerName": "Zeddicus 2018", "reviewText": "I waited until I had finished these to right a review. I had too many rancid nuts to make this a product I would order again... Back to Braga I have gone, where the quality is worth the extra cost.", "summary": "Not my cup of tea...", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A3AP6NJED3FMSB", "asin": "B0005XOVCU", "reviewerName": "Amazon Customer", "reviewText": "Nice and very flavorful!", "summary": "Flavorful!", "unixReviewTime": 1454371200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 3, 2012", "reviewerID": "A25EKLJ88H7PS1", "asin": "B000UYFLGY", "reviewerName": "Bev", "reviewText": "I use this product for homemade dog biscuits. My Lab loved his biscuits. Product is good for human health as well. Thank you.", "summary": "Multi purpose", "unixReviewTime": 1328227200} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2017", "reviewerID": "A1ORXR3477DHMB", "asin": "B000CQIDHY", "style": {"Size:": " 20 Count (Pack of 6)"}, "reviewerName": "Yasue", "reviewText": "For whatever reason, I'm off coffee and on a tea kick. Buying the multi-box (6 I think) is a better deal than any of ou local stores, which is nice, because once for ounce this is actually more costly than the Lavanza coffee we drink.", "summary": "Stash is my go-to tea brand!", "unixReviewTime": 1507939200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A2TJVGT8VFRGHQ", "asin": "B0010BQB6A", "reviewerName": "Erica Patterson", "reviewText": "I enjoy this tea.", "summary": "Great Value", "unixReviewTime": 1484438400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A1FNWIV39ZVNW1", "asin": "B00061EOVO", "reviewerName": "Brooke", "reviewText": "I'm American and I like ketchup. There, I said it. In all seriousness, this is the best ketchup. Good flavor without being too \"tomato-ey\".", "summary": "Where are my fries?", "unixReviewTime": 1442188800} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "08 21, 2008", "reviewerID": "AMEZJVXMSEPY0", "asin": "B000W2DSO6", "reviewerName": "M. Luke", "reviewText": "Great tasting coffee. Much cheaper than Starbucks. Bring a packet and a packet of Splenda to put into your bottle of water for instant cold coffee.", "summary": "Great for get up and go coffee", "unixReviewTime": 1219276800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2013", "reviewerID": "AZM4VAVP5E2YM", "asin": "B0016COPU2", "style": {"Size:": " 6 ct"}, "reviewerName": "J. Crider", "reviewText": "Taste is great and it is easy to store in the desk for when you do not have time to go out for lunch.\nDo not have to add anything!", "summary": "Great quick lunch!", "unixReviewTime": 1363737600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A3H0XJ9MQEJKNJ", "asin": "B0005ZVGLW", "style": {"Size:": " 6 Ounce", "Flavor:": " Wheat"}, "reviewerName": "Gary L. Wolff", "reviewText": "Can't get in stores, so this is a find, repeat purchase, very good..", "summary": "great snack also", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2013", "reviewerID": "A3LF8GU08QTDNP", "asin": "B000EGZ99W", "style": {"Flavor:": " Organic"}, "reviewerName": "Teri Rice", "reviewText": "This is Great tasting rice with just the perfect texture. It's important to eat Organic and it has this handy to use jar also.", "summary": "Great Rice", "unixReviewTime": 1362441600} +{"overall": 5.0, "verified": false, "reviewTime": "06 28, 2016", "reviewerID": "A2SMHS0XEDPQOH", "asin": "B000PEFNEY", "style": {"Size:": " Pack of 1"}, "reviewerName": "BigFan In MO.", "reviewText": "Good stuff. Can't find it in the store. Not as hot as red pepper flakes but kicks up the flavor nicely. I got 2.\nArrived on time and well packaged. What more do you need!", "summary": "Love this stuff!", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "A1546GKBD84XO5", "asin": "B000G16E5S", "style": {"Size:": " 10 OZ Pack Of 6", "Flavor:": " Vanilla Chai"}, "reviewerName": "islander", "reviewText": "This chai latte is delicious. Much cheaper than at the grocery store by my house. I am very happy with this purchase.", "summary": "Very delicious!", "unixReviewTime": 1360022400} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "AGH55KO7Y9L65", "asin": "B000HLCMFS", "reviewerName": "JSki", "reviewText": "Good stuff", "summary": "Four Stars", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "A156WIKLI0MYBA", "asin": "B000OP1W0S", "reviewerName": "* Neiltwon*", "reviewText": "I HEAR THIS IS HELPFUL FOR YOUR HEALTH AND THINGS SO I DECIDED TO PURCHASE SOME & I HOPE THAT IT'S TRUE!", "summary": "Health Security...", "unixReviewTime": 1388793600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A24TD5WPN4ZK2U", "asin": "B000GG0BQ6", "style": {"Flavor:": " Green Tea"}, "reviewerName": "KeriDawn", "reviewText": "My favorite flavor of green tea out there, I have tried all the expensive stuff. Make sure to steep for only 2 minutes or it gets sour!", "summary": "Steep for ONLY 2 minutes!", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A2ZSMS6M1Q4Y9R", "asin": "B000EDK6FM", "style": {"Size:": " 22 Ounce"}, "reviewerName": "Barbara S", "reviewText": "Great way to get protein & works well for biscuits & cakes.", "summary": "Don't eat the last one...", "unixReviewTime": 1433462400} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "AHDJA2RXCWR5Y", "asin": "B000JMFCV6", "reviewerName": "PJMiller", "reviewText": "Other than finding all the ingredients & making my own, this is the best garam masala I've found. We love it in our chicken tikka & butter chicken.", "summary": "Very good garam masala spice blend", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "AZ9EXMA8Q8126", "asin": "B00086IE5Y", "reviewerName": "The One", "reviewText": "Very happy with this as I use it for flavoring on candies and is lovely.", "summary": "Just as described", "unixReviewTime": 1458086400} +{"overall": 3.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A3FRTF020ASE1V", "asin": "B0009F3SD2", "style": {"Flavor:": " Lemon Ginger"}, "reviewerName": "Daniel H. Nguyen", "reviewText": "The taste is ok. A bit bland for me.", "summary": "It's okay.", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2012", "reviewerID": "AOLBCKS1DRHOR", "asin": "B0002VXZ40", "reviewerName": "Kindle Customer", "reviewText": "I ordered these after trying a couple other brands (including Hapi). While I was very unimpressed with the quality and taste of the Hapi brand, these were terrific. They had lots of wasabi flavor and plenty of crunch. If you're a fan of wasabi peas, give these a try.", "summary": "Great price, great product", "unixReviewTime": 1329523200} +{"overall": 5.0, "verified": false, "reviewTime": "01 10, 2016", "reviewerID": "AWRR9HE4Q9WI8", "asin": "B000UEUAGU", "reviewerName": "Michelle L.", "reviewText": "These are chips. Frito-Lay chips. You can't go wrong. I don't know how anyone could say anything bad about these. Just can't please some people...", "summary": "Get in my belly!", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "A1FVIGNLF3ATP7", "asin": "B000X3TPHS", "style": {"Size:": " 8.5 Ounce", "Flavor:": " Vitamin C"}, "reviewerName": "Katie", "reviewText": "Superb sweet and sour lollipop ever!", "summary": "Five Stars", "unixReviewTime": 1459728000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "ABWASDKIPYF2D", "asin": "B000GARX3G", "style": {"Size:": " 3 Pound Bag"}, "reviewerName": "Denmark", "reviewText": "This hempseed is delicious and makes great hemp milk with one minute in the vitamix on high with no straining needed.", "summary": "This hempseed is delicious and makes great hemp milk with one minute in the vitamix on ...", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A2HD6ZM35XFAG1", "asin": "B000VZTTQ0", "reviewerName": "Movie Man", "reviewText": "Really wonderful toffees. Best ever.!", "summary": "Can't Be Beat!", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A2F9ZO7ZR4L3JW", "asin": "B000H2XXRS", "reviewerName": "Jackson", "reviewText": "This is good oil. I recommend it.", "summary": "Good", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2013", "reviewerID": "A2YY65ON8ZDVU", "asin": "B000FL08B0", "style": {"Size:": " 23.5 Ounce, 6 Pack"}, "reviewerName": "Cyrus B. Soltani", "reviewText": "The best replacment for sugar. If you are on sugar diet this is your answer. I fill much better since using this.very good organic and heathey.", "summary": "Better than Sugar", "unixReviewTime": 1358121600} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A7HGPTOKTIHY0", "asin": "B000EVE3YE", "reviewerName": "Dee....", "reviewText": "Only ones all of the family loves.", "summary": "Five Stars", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A5SBPZ1KHWX5Y", "asin": "B000LKX6RS", "reviewerName": "jwm1941.dec", "reviewText": "Who knew there was such a convenient source of Authentic Japanese noodles. They are very tasty and convenient. I would recommend them to anyone who likes \"noodles\".", "summary": "OUTSTANDING \"NOODLES\"", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A1G547QVGFPP8O", "asin": "B000EM6PS0", "style": {"Size:": " 18 Count (pack of 6)", "Style:": " Pineapple Chamomile"}, "reviewerName": "Zoila", "reviewText": "Great taste.", "summary": "Five Stars", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "ATZVK01ZD0FLL", "asin": "B0014UAGY0", "reviewerName": "T. Allen", "reviewText": "This carob powder is great, its a little sweet also 7 gm of sugar,it mixes in like cocoa with candy, ice cream, cooking, and its taste good, the sellers ships quickly.", "summary": "Great carob powder", "unixReviewTime": 1431043200} +{"overall": 3.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "AYUH430DV88TP", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Chamomile, Honey & Vanilla"}, "reviewerName": "DoriGR", "reviewText": "Has a stronger taste that I was hoping for with a chamomile tea, but we will drink it.", "summary": "Okay", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2013", "reviewerID": "A2MUGGKBNKKQGQ", "asin": "B000SWTKV0", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "Kimberly", "reviewText": "this has a light taste, I was surprised at how much I enjoyed the flavor of this salt. NOTHING like table salt that bites at you, but a full rounded flavor that has a few layers that coast their way across your tongue.", "summary": "I love this salt", "unixReviewTime": 1372118400} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2014", "reviewerID": "A3FTRK4S2H4LOK", "asin": "B0009F3QLQ", "style": {"Flavor:": " Woman's Mother To Be"}, "reviewerName": "Mother of Three", "reviewText": "This was the only thing that soothed my nausea and energy issues with my third child. I went through tons of it. It may not have anything to do with the tea per se, but it was also the easiest labor and fastest delivery out of the three.", "summary": "Great For Morning Sickness", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "A2T8WTJCX0XQ6M", "asin": "B000FDOSN2", "style": {"Size:": " 1 (2 Pound bag)"}, "reviewerName": "Jack Jones", "reviewText": "Who doesn't like Jelly Beans ? You might well get the best. These were a gift, they loved them.\n\njack", "summary": "Who doesn't like Jelly Beans", "unixReviewTime": 1522886400} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2016", "reviewerID": "A3K393XTIAT8RB", "asin": "B001393ZHC", "reviewerName": "RDHGirl", "reviewText": "This is by far the best tea ever, I will make a big gallon jug of it and sip on it cold with a splash of maple syrup, but the added stevia leaf makes it a little bit sweet on its own so you really don't need any for just a cups serving.", "summary": "This is by far the best tea ever", "unixReviewTime": 1451779200} +{"overall": 2.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "A3RU7QI4PLON76", "asin": "B000RE5N5Q", "style": {"Size:": " 50-Count Filter Packs", "Flavor:": " Island Blend Regular"}, "reviewerName": "fancydancey", "reviewText": "Makes a really weak cup of coffee, like you might get at a gas station. Not for those who like a nice strong cup of joe. I wouldn't buy again.", "summary": "wasent impressed", "unixReviewTime": 1366502400} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A1E3708D1986KM", "asin": "B000EQT77M", "style": {"Size:": " Pack of 24", "Flavor:": " Original"}, "reviewerName": "SB", "reviewText": "Tasty healthful snack, nice quantity", "summary": "nice", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A1332HIM6ROW9N", "asin": "B0004N14D0", "style": {"Flavor:": " Lemon Peel"}, "reviewerName": "Mountain Hiker", "reviewText": "How sweet it is not having to zest a lemon by hand. McCormick is a name that you can trust for truly outstanding spices.", "summary": "How sweet it is not having to zest a lemon by hand!", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2017", "reviewerID": "A11OL0KY2EBXD7", "asin": "B000VQDABY", "style": {"Size:": " (30 pack)"}, "reviewerName": "JY Kim", "reviewText": "THIS IS AMAZING.", "summary": "Five Stars", "unixReviewTime": 1496880000} +{"reviewerID": "AFV2EMFYRRKQZ", "asin": "B000GG0BNE", "reviewerName": "AIWWM", "verified": false, "reviewText": "Although this is a wonderful tasting tea, Bigelow confirmed via email today that this product is grown in China. I think it is then packaged in the U.S.", "overall": 2.0, "reviewTime": "12 27, 2011", "summary": "Product of China.", "unixReviewTime": 1324944000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2008", "reviewerID": "A6L6ADVQQIFLL", "asin": "B000LKVH9W", "reviewerName": "L. Chicarell", "reviewText": "these are great use 1 can in chile or spagetti sauce and 1 can regular tomatoes. Yummy", "summary": "great for chili", "unixReviewTime": 1226793600} +{"overall": 1.0, "verified": true, "reviewTime": "02 25, 2012", "reviewerID": "A1U1EZANNB0W9N", "asin": "B000EML7DS", "style": {"Flavor:": " Zesty Pizza"}, "reviewerName": "Nurse Lawman", "reviewText": "looks good from the package but doesn't taste good at all. hard crunchy freeze dried flavor.\nsave your money guys!", "summary": "YUCK!", "unixReviewTime": 1330128000} +{"overall": 5.0, "verified": false, "reviewTime": "07 2, 2008", "reviewerID": "AMRMK86X3PKXD", "asin": "B000VA3YVG", "reviewerName": "Kindle Customer", "reviewText": "These things are great. They remind me very much of French fries in look and flavor. They are good and crunchy and seem to be more substantial and satisfying than the same amount of chips. They have fewer calories to boot.", "summary": "You want fries with that?", "unixReviewTime": 1214956800} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A13AV3E8OXUJK6", "asin": "B000CONMBS", "style": {"Size:": " 0.5-Ounce Bags (Pack of 60)", "Flavor:": " Aged White Cheddar"}, "reviewerName": "Kathy Perretta", "reviewText": "This size bag is the perfect portion for dieting at 65 calories and is a great snack.", "summary": "This size bag is the perfect portion for dieting at 65 calories and is a ...", "unixReviewTime": 1429228800} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "02 20, 2015", "reviewerID": "A2CAH5YM77TQTL", "asin": "B000KGW27S", "reviewerName": "Paige Dorsey", "reviewText": "I love the portions! I have a hard time stopping at the right portion size, this packaging does it for me. The flavor is a little bit strong for my taste, but I really like the texture and quality of Stacy's.", "summary": "Good taste, Great texture, Super size", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A2YUTPKSGIH34Z", "asin": "B000X3TPHS", "style": {"Size:": " 4.2 Ounce", "Flavor:": " Assorted"}, "reviewerName": "C. Andreas", "reviewText": "These are great! Great assortment of flavors, great price, and I don't feel guilty giving them to my kids.", "summary": "These are great! Great assortment of flavors", "unixReviewTime": 1428451200} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2015", "reviewerID": "A1ARN3DZIO0R2S", "asin": "B0016BPJAI", "reviewerName": "SomeGUY", "reviewText": "this is some yummy coffee, but it is really expensive. Whenever I go to Hawaii I purchase as much as I can fit in my carry on luggage. It is very nice to reminisce with a cup of this coffee, however it does cost a lot to enjoy it.", "summary": "Tasty coffee bringing fond memories of wonderful Hawaii.", "unixReviewTime": 1429056000} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2015", "reviewerID": "A2XXRWEZRNI6RN", "asin": "B0009VFDEI", "style": {"Size:": " 2lb", "Flavor:": " Double Chocolate"}, "reviewerName": "Travis Miller", "reviewText": "Perfect. Delicious and not gritty. It's one of my staples.", "summary": "Five Stars", "unixReviewTime": 1446854400} +{"overall": 5.0, "verified": false, "reviewTime": "02 5, 2015", "reviewerID": "A1W415JP5WEAJK", "asin": "B000QCOALC", "reviewerName": "Alex S", "reviewText": "I am a Nutella fan. So these pretzels and Nutella in a single carry package are the best thing since sliced bread. I shared my package with my Granddaughter and she declared them the best. So, both adult and child approved.", "summary": "We both love these", "unixReviewTime": 1423094400} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A1G5MHFUSL6C9Z", "asin": "B000LWCR26", "style": {"Size:": " 3 Count", "Flavor:": " Rooibos"}, "reviewerName": "y. chang", "reviewText": "One of my favorite numi tea!! I love the mild and soothing flavor. Perfect for evenings.", "summary": "Mild soothing flavor for evenings!", "unixReviewTime": 1430179200} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A33EORVK2B9Y36", "asin": "B000E1FZHS", "style": {"Size:": " 6-Ounce (Pack of 6)", "Flavor:": " Chipotle Peanuts"}, "reviewerName": "B Redding", "reviewText": "Good flavor, not real real hot", "summary": "Good", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2H48KD37345NY", "asin": "B000BVQ7X2", "reviewerName": "D. Gisi", "reviewText": "This is the only chocolate to buy if you have a fountain. Very easy and quick. I have purchased this several times", "summary": "The best for a fountain", "unixReviewTime": 1420070400} +{"reviewerID": "A16I4CPD7XDECO", "asin": "B000F4DKAI", "reviewerName": "N. Ellis", "verified": true, "reviewText": "I have ordered this Twinnings English Breakfast Tea numerous times & I highly recommend it!", "overall": 5.0, "reviewTime": "06 1, 2013", "summary": "Highly Recommend!", "unixReviewTime": 1370044800} +{"overall": 3.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A2SDU5XT7IPK2V", "asin": "B0005XO2OM", "style": {"Flavor:": " Orange"}, "reviewerName": "Sean Dugan", "reviewText": "Not as pictured, received G series.", "summary": "Not as pictured.", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2018", "reviewerID": "AWQRCITPPHER7", "asin": "B000TTDDWE", "style": {"Size:": " 40 oz"}, "reviewerName": "positive girl", "reviewText": "2nd time i have ordered...so...great.", "summary": "great.", "unixReviewTime": 1523836800} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "AAGKA1HXNDEDZ", "asin": "B000H474CG", "reviewerName": "shayshay", "reviewText": "I got this product because I was informed that it would help with my breathing problem. I think this method is going to work as I do feel better. Also, I tried it on food and I must say that the taste is wonderful.", "summary": "Unrefined Sea Salt", "unixReviewTime": 1399334400} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A2EEGEJ39HJ17Q", "asin": "B000216TSE", "reviewerName": "victoria b.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1433721600} +{"overall": 5.0, "vote": "7", "verified": true, "reviewTime": "07 9, 2012", "reviewerID": "A2KUQ5F0KXSRRY", "asin": "B00124TUTK", "style": {"Flavor:": " Fruit"}, "reviewerName": "Shopping Shrew", "reviewText": "This tastes just like Juicy fruit gum circa 1975!!! It is wonderful!!! Sweet, no fake crap, no sugar. this might just be THE perfect candy!!", "summary": "WOW!! Tastes like Juicy Fruit gum used too!", "unixReviewTime": 1341792000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2011", "reviewerID": "A1XTE3IHX65GTZ", "asin": "B000KNB0OW", "style": {"Size:": " 18 Ounce (Pack of 6)", "Flavor:": " Old Fashioned Oats"}, "reviewerName": "Olena_p", "reviewText": "Great Great Great! I love this oatmeal. It has big flakes, it is organic, what not to like? It is very yami and high in fiber. Great!", "summary": "Great Oatmeal!", "unixReviewTime": 1299801600} +{"overall": 5.0, "verified": false, "reviewTime": "05 14, 2017", "reviewerID": "A3UL54V7UVUYOP", "asin": "B0012OTF3Q", "reviewerName": "Jeena Livience Lim", "reviewText": "Pure vanilla, just as advertised!!! Couldn't bake without it! :)", "summary": "Must-have for bakers!", "unixReviewTime": 1494720000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2012", "reviewerID": "A2GEZ75EH5IAIK", "asin": "B000I4T41Y", "reviewerName": "K. Cook", "reviewText": "Have used the product for years and with all the flavors available you are able to find one many that will suit your taste buds. Great as a morning coffee or after dinner.", "summary": "Better cup of Joe", "unixReviewTime": 1356220800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A3SQC13IFI1MCP", "asin": "B000E1FZHS", "style": {"Size:": " 16 Ounce (Pack of 6)", "Flavor:": " Cocktail Peanuts"}, "reviewerName": "michelle", "reviewText": "love the low salt", "summary": "Five Stars", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2017", "reviewerID": "A2HBUEEO86R67M", "asin": "B000L8CB76", "style": {"Size:": " 1 Pack Chamomile"}, "reviewerName": "DavidR", "reviewText": "Arrived quickly and the product worked as advertised.", "summary": "Five Stars", "unixReviewTime": 1493251200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A10ECGQ3HEX7FP", "asin": "B0009F3QKW", "style": {"Flavor:": " Kava Stress Relief"}, "reviewerName": "Faithful", "reviewText": "Can't live without it", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 10, 2010", "reviewerID": "A2QW0BW7ME7FOG", "asin": "B000RHXI1E", "reviewerName": "c", "reviewText": "Moist and chewy, very sweet and delicious. A great snack\nfor hiking. I will buy them again.", "summary": "Delightful Mission Figs", "unixReviewTime": 1270857600} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A13IG1LCEGDZRW", "asin": "B000ED9L6C", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "r!MintH1cK3t", "reviewText": "I like these and they're good for you. I was eating a little at night before bed to help me sleep. I'm sleeping now, so they'll be going in my salads.", "summary": "Healthy for you", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A1QT6Z12POI8AP", "asin": "B0007QMT7O", "style": {"Size:": " 50 Teabags (Pack of 6)", "Flavor:": " Scottish Breakfast"}, "reviewerName": "Steve", "reviewText": "Our favorite daily tea. Stout but not biting. Wonderful alone, with milk or lemon.", "summary": "This tea is Awesome!", "unixReviewTime": 1455926400} +{"overall": 5.0, "verified": false, "reviewTime": "12 20, 2016", "reviewerID": "A201N84AIOANVA", "asin": "B00099XNG0", "reviewerName": "adriana velasco", "reviewText": "one of my favorite snacks", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "09 11, 2011", "reviewerID": "A3D0A2ELY0VPUU", "asin": "B000X1Q1G8", "reviewerName": "Janine L. Johnson", "reviewText": "Being an avid peanut butter lover, I chose this product with enthusiasm, which was short-lived. IMHO this product has an annoyingly cloying sweet flavor and no peanut butter flavor whatosever. I threw it in the trash after one taste.", "summary": "IMHO nasty-tasting", "unixReviewTime": 1315699200} +{"overall": 4.0, "verified": false, "reviewTime": "12 21, 2016", "reviewerID": "A2UJH8Q6917NM6", "asin": "B000CN7BMA", "style": {"Size:": " 11.2 Ounce Tetra Paks (Pack of 12)"}, "reviewerName": "Administrator", "reviewText": "Not the best coconut water, but I would still buy for the right sale price. Four stars because I would buy it on a good sale.", "summary": "Not the best not the worst... It is ok.", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "A1DVK05NR2M1PJ", "asin": "B0014EOUWU", "style": {"Flavor:": " Beef with Country Vegetable"}, "reviewerName": "Loyd Houston", "reviewText": "Just what I wanted thanks", "summary": "Five Stars", "unixReviewTime": 1481328000} +{"overall": 3.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A2EYBVFDM9U49D", "asin": "B000YF4PZW", "reviewerName": "in memoriam IckisAndShorty[.com]", "reviewText": "Ok, not much flavor. I expected better from this company.", "summary": "Ok, not much flavor. I expected better from this company.", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "AX2QKKU8IAL94", "asin": "B000EVOSGW", "style": {"Flavor:": " Peaches"}, "reviewerName": "Conservative", "reviewText": "These are good, gummy like. Our family likes them alot.", "summary": "Five Stars", "unixReviewTime": 1382659200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2017", "reviewerID": "A3P61QTSG7HIZG", "asin": "B0009F3PM6", "style": {"Size:": " Pack of 1", "Flavor:": " Hawthorn with Hibiscus"}, "reviewerName": "Linda Lou C", "reviewText": "I read that hawthorn tea was good for the heart and hibiscus is good for blood pressure. That's why I wanted to try it. I don't know if that is true but it tastes great!", "summary": "Tastes great!", "unixReviewTime": 1512345600} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2014", "reviewerID": "A4EWK1BCKU4OC", "asin": "B000KOWLDK", "style": {"Size:": " Pack of 1", "Flavor:": " Sugar-Free French Vanilla"}, "reviewerName": "Amazon junkie", "reviewText": "I couldn't find the sugar free variety in the stores so I ordered this online. It tastes pretty good but I usually need to add more powder than the recommended serving size. When adding the recommended amount it is a little on the watery side.", "summary": "Not too bad", "unixReviewTime": 1401148800} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A1B2TCHX4AQF5B", "asin": "B000COIT8O", "reviewerName": "Emily F.", "reviewText": "The flavor goes quick, the texture is okay, stays soft long enough to chew. I mostly was looking for something OK & inexpensive, and this fits the bill. Gotta chew gum otherwise I will just eat all the candy in my office candy jar LOL", "summary": "Average Gum", "unixReviewTime": 1498608000} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A1NKRXSU63EA4M", "asin": "B000WGELOI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "reggaelady", "reviewText": "Just the way I like cornmeal", "summary": "Five Stars", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A1DIF37ZF411XN", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count", "Flavor:": " Pumpkin Spice Chai"}, "reviewerName": "Diana", "reviewText": "Got this tea around the holiday season and found I'd like to drink it year round. If you like pumpkin, you'll like this tea.", "summary": "Good for year-round tea drinkers.", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": false, "reviewTime": "02 24, 2015", "reviewerID": "A2XHR1LJTKINMZ", "asin": "B000E1HUVC", "style": {"Size:": " 16.25 Ounce (Pack of 1)", "Flavor:": " Cashew Halves and Pieces"}, "reviewerName": "Carol Music", "reviewText": "If you say CASHEWS my husband begins drooling - need I say more. Just the right size, so he doesn't 'overdose'!", "summary": "If you say CASHEWS my husband begins drooling - need ...", "unixReviewTime": 1424736000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "A3UWCSZORQA5QU", "asin": "B000NIP126", "reviewerName": "Danielle", "reviewText": "I discovered this tea while staying at a Hotel Indigo, and I enjoyed it so much while I was there I knew I had to have more. I couldn't be happier with my purchase. An extremely smooth and very rich Earl Grey.", "summary": "Excellent", "unixReviewTime": 1388620800} +{"overall": 3.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "ASWTRCDPQCWRP", "asin": "B000VJUIN4", "style": {"Size:": " 8.8"}, "reviewerName": "grammyjams", "reviewText": "Not worth the price", "summary": "Three Stars", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": false, "reviewTime": "01 14, 2014", "reviewerID": "A2HNEGXYDD7SO6", "asin": "B000MT8FK6", "style": {"Package Quantity:": " 1"}, "reviewerName": "Pictish Preston", "reviewText": "Had them on auto-delivery but they weren't always available. Delicious and they arrive well packaged and soft- good sign, right? Fresh! The almond is great but the pistachio, when you can get it is even better! :)", "summary": "I do really love these!", "unixReviewTime": 1389657600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A3JT3775MCE8MG", "asin": "B000HDD0PC", "reviewerName": "Amazon Customer", "reviewText": "great taste", "summary": "Five Stars", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "AQVN92X222EP0", "asin": "B0012SSWKE", "style": {"Size:": " 100-Count Box (Pack of 6)"}, "reviewerName": "Elizabeth J Kinkella", "reviewText": "Just what I was looking for to put in my purse!", "summary": "Perfect size", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "ARQR3QIUW54MB", "asin": "B000X3TPHS", "style": {"Size:": " 8.5 Ounce Bag", "Flavor:": " Assorted"}, "reviewerName": "G", "reviewText": "Tastes great", "summary": "Five Stars", "unixReviewTime": 1440979200} +{"overall": 4.0, "verified": false, "reviewTime": "10 1, 2016", "reviewerID": "A2CQ8CL1DE71KK", "asin": "B000RA8ESI", "reviewerName": "Lazy Shopper", "reviewText": "There is relatively little difference between Stouffer's stuffed peppers and the homemade version thereof. Add a salad of nutrient-rich greens and you have a pretty easy and nutritious dinner.", "summary": "One of the best of Stouffer's offerings", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "A31D1DB66OV8O6", "asin": "B000EUF9CK", "style": {"Flavor:": " Panther, (88%) Dark Chocolate"}, "reviewerName": "Aaron Gertler", "reviewText": "This is really good chocolate. I typically eat 90% Lindt (85% is as light as I'll go), and this is slightly better from a pure taste perspective. Plus, the smaller chunks make it easier to ration out or pack as a snack. I ate my 12 bars embarrassingly quickly.", "summary": "Just about perfect", "unixReviewTime": 1399593600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "AOHAKKBNZ6S95", "asin": "B0015GSB9U", "reviewerName": "ShoppingatAmazon1", "reviewText": "Love these chips.", "summary": "5 stars!", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2013", "reviewerID": "AG7LD2B7IMZAM", "asin": "B0001ES9FI", "style": {"Size:": " 18ct (Pack of 6)", "Flavor Name:": " Decaffeinated"}, "reviewerName": "Homer 49", "reviewText": "I bought the cheaper alternative coffee \"cup\" Hamilton Beach single cup brewing system over a year ago and Senseo seems to be the only brand of pod that isn't prohibitively expensive. The flavor is good, but I wish Gevalia would make pods, but I guess the Keurig cup system won.", "summary": "Few Sources for Decaf Pods", "unixReviewTime": 1370908800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2015", "reviewerID": "A21NPZN31XES57", "asin": "B000FZYMJK", "style": {"Flavor:": " Organic California Sushi"}, "reviewerName": "Anna-Marie White", "reviewText": "Beautiful fluffy creamy sticky rice. Best brand there is and its from right here in California!", "summary": "Look no further. Beautiful sticky rice. Love it", "unixReviewTime": 1448668800} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A36KYDDUQJOP0C", "asin": "B000LKUYA0", "style": {"Flavor:": " 77% Dark"}, "reviewerName": "mmp1953", "reviewText": "Ahead of scheduled delivery date and love the chocolate!", "summary": "Will purchase again...", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A1CQZQ4BPH8XFX", "asin": "B000OIT8T2", "reviewerName": "usafpj", "reviewText": "Skittles for a good price and not old. Nothing else need to be said.", "summary": "Get this if you like Skittles", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A107NENAQDB08N", "asin": "B0013OXEC8", "reviewerName": "Barb Byars", "reviewText": "This is the best oolong.", "summary": "Five Stars", "unixReviewTime": 1472342400} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2014", "reviewerID": "A3JT1H5JEB8Y1M", "asin": "B000WS1KHM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Linda Kistner", "reviewText": "Love all the products from this company (everything is organic). We put this cinnamon in our smoothies, on toast, bake with it. It's wonderful!", "summary": "Wonderful Cinnamon", "unixReviewTime": 1403308800} +{"overall": 1.0, "vote": "7", "verified": false, "reviewTime": "01 16, 2012", "reviewerID": "ARW67EPLT23KG", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "amazonmom", "reviewText": "If u don't believe me look at where it was manuf... sucks .. i wish i had known sooner .. wouldnt have been eating hersehys candy.. they closed the Hershey plant in PA even.. moved all jobs 2 mexico?? i wondered y hersheys hadnt been tastin right!!!!", "summary": "Hershey's Made in Mexico!!", "unixReviewTime": 1326672000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "A21YI7ZOLJ2D45", "asin": "B000YPKODY", "style": {"Size:": " 25 Count", "Style:": " 1 Ounce Box"}, "reviewerName": "Robert West Jr", "reviewText": "no complaint", "summary": "Five Stars", "unixReviewTime": 1503446400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A2WNRPQW1BGQ0U", "asin": "B00099XMX4", "reviewerName": "Evelyn", "reviewText": "I'm not normally a Progresso soup person. Actually, I can't recall a time when I've ever eaten it. This is some really good soup. Just enough for my greedy self. I slurped and everything. It's a deluxe soup.", "summary": "Loved it!", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2016", "reviewerID": "AVSI9JYRSWXCA", "asin": "B00028PVHW", "style": {"Size:": " 1 Pack"}, "reviewerName": "John Wintergate", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "AQ0HRJBU9T5Y9", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "JaCee", "reviewText": "My hubby loves this tea. I bought it for my kt cb but he likes it so much, it's being use for fresh tea as well.", "summary": "Excellent", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "AUB0FB12ZEJNI", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Variety Pack"}, "reviewerName": "Ozzythree", "reviewText": "Love the assortment", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2012", "reviewerID": "A2HCKBBEXELJ3R", "asin": "B000PWKNUK", "style": {"Color:": " Bronze"}, "reviewerName": "Pampeliska", "reviewText": "I wish I had found this product sooner.\nSo far have only used it on my homemade chocolate truffles, and it does add a beautiful, almost mysterious bronze luster to them. Almost hard to believe that it really IS edible.\nVery happy with it and would definitely recommend.", "summary": "Only Discovered This Recently, Bronze Powder is Truly Lustrious and Beautiful.", "unixReviewTime": 1342396800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A243TNJBP2GVB6", "asin": "B000CR00FQ", "style": {"Size:": " 7 Ounce (Pack of 12)", "Flavor:": " Spelt"}, "reviewerName": "Elizabeth E.", "reviewText": "Pretzels are delicious. This is the best deal I found on these are very high. I only use organic and these are the best pretzels I have found.", "summary": "This is the best deal I found on these are very high", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "AYZERI080S0EW", "asin": "B000C4MU9I", "reviewerName": "Mr. Mark J. Saccomonto", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A3P1R7GZUYTYDR", "asin": "B000UEUAGU", "reviewerName": "Emhodew", "reviewText": "The fun part of my daily lunch.", "summary": "I love Frito Lay!", "unixReviewTime": 1435968000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "12 3, 2009", "reviewerID": "AZV26LP92E6WU", "asin": "B0014EOUIE", "style": {"Size:": " 10.5 Ounce", "Flavor:": " Mushroom", "Style:": " 24"}, "reviewerName": "m.r.h.", "reviewText": "My personal opinion: I love it! To me it is delicious and so convenient to have on hand. I subscribed to it. It has a nice sized serving of mushrooms in it and I love the taste.", "summary": "Campbell's Mushroom Gravy", "unixReviewTime": 1259798400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A3CBWXQZIRBWCA", "asin": "B0000CFH7B", "style": {"Color:": " Silver Mist"}, "reviewerName": "Amazon Customer", "reviewText": "Sprayed white fondant with this to make it look like a pot. Used a few coats to achieve real silver but it was great.", "summary": "Sprayed white fondant with this to make it look like a pot", "unixReviewTime": 1477699200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71HaTTz4olL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "12 10, 2017", "reviewerID": "A24X9HGDWV2ZZH", "asin": "B000FKL0EU", "style": {"Flavor:": " Peppermint"}, "reviewerName": "GGSM Mobile", "reviewText": "After you eat, you take this.\nBefore you talk to a girl, you take this.", "summary": "Life saver", "unixReviewTime": 1512864000} +{"overall": 3.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A2390PKDTW68FR", "asin": "B000ORXYYS", "style": {"Size:": " 1 lb"}, "reviewerName": "BRM", "reviewText": "it's sweet.", "summary": "Three Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2016", "reviewerID": "A3BAQ9K2W3OC29", "asin": "B000GFYRHQ", "style": {"Flavor:": " Mango"}, "reviewerName": "Ellen", "reviewText": "Love that you can order six boxes", "summary": "Yummy", "unixReviewTime": 1481155200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A3J4OFCC1Z5YL0", "asin": "B000CQ01IS", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Chocolate Chip"}, "reviewerName": "Breadbag", "reviewText": "We are the whole case in 2 weeks. We love the Annie's products. Great job as always. Fresh and amazing.", "summary": "Love these things!", "unixReviewTime": 1477526400} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2013", "reviewerID": "A27C2YYNQE12VF", "asin": "B000FSH3MA", "style": {"Size:": " 16oz Pieces"}, "reviewerName": "Rayven1", "reviewText": "Only reason it got 4 stars is the bag was not air sealed this time. There was a hole in the bag.", "summary": "best jerky", "unixReviewTime": 1368748800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A1R8RHZ46N5680", "asin": "B000PKYVQ4", "style": {"Size:": " 12 Ounce Jar", "Flavor:": " Orange & Whisky Marmalade"}, "reviewerName": "Marilyn Lane", "reviewText": "This marmalade is amazing.", "summary": "Great!", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": false, "reviewTime": "08 24, 2009", "reviewerID": "A2JBZHQVQF7MV0", "asin": "B0014WYXYW", "reviewerName": "Sherry", "reviewText": "Very good and refreshing. I wish Amazon sold it in bottles. I don't drink pop and this is a treat for me. I just discovered this at Whole Foods this week. I will be buying it again.", "summary": "Love it!", "unixReviewTime": 1251072000} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2017", "reviewerID": "A1X3P1800K6HT0", "asin": "B000H27PB8", "style": {"Flavor:": " Marzipan inside"}, "reviewerName": "rosesim5", "reviewText": "Product arrived fresh", "summary": "Five Stars", "unixReviewTime": 1508112000} +{"reviewerID": "AVF3J44QMADOS", "asin": "B000F4DKAI", "reviewerName": "Suzy D.", "verified": true, "reviewText": "Great tasting and very soothing.", "overall": 5.0, "reviewTime": "04 2, 2017", "summary": "Five Stars", "unixReviewTime": 1491091200} +{"overall": 3.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A1L9X5LQRU09D0", "asin": "B000FD93DC", "reviewerName": "I Sing for Life", "reviewText": "These are decent, but the artichokes are kind of chewy. I have purchased Native Forest artichokes before, which are pricier, but I don't remember them having the chewy factor. I probably won't buy this brand again, but they worked ok.", "summary": "These are decent, but the artichokes are kind of ...", "unixReviewTime": 1461628800} +{"overall": 3.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A20NJSGHRLTSWY", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "vickster", "reviewText": "Trying to get off of Splenda because it spikes your glucose levels. This is okay but does have an aftertaste", "summary": "Trying to get off of Splenda because it spikes your ...", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A1MHK19QSCV8SY", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Rock N Roll", "reviewText": "Bought before top quality\nI take a tablespoon every AM", "summary": "Top Quality Natural", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A1HZHJ0A0FILLD", "asin": "B000IZ3GXA", "style": {"Package Quantity:": " 1"}, "reviewerName": "Kathleen Valentino", "reviewText": "Great product and great seller; fast shipping. I use this in all chocolate recipes; cakes, brownies, candy. It adds to the richness of the chocolate without tasting like coffee.", "summary": "Great product and great seller", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A1ZVESYL8PJRWU", "asin": "B00124VPLQ", "style": {"Size:": " 600 Count", "Flavor:": " Fresh Fruit"}, "reviewerName": "Amazon Customer", "reviewText": "Great value when I bought but seems to have went up in price", "summary": "Five Stars", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A3IHCMUNA5CKP9", "asin": "B000R5IONI", "reviewerName": "Sophia I. Schultheis", "reviewText": "Nothing to say but....Deeelicious! My one year old grandson loves it as well!", "summary": "Five Stars", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2017", "reviewerID": "AUAW0PV39CHQU", "asin": "B000SANSSS", "style": {"Color:": " Berry Essence"}, "reviewerName": "JACK", "reviewText": "non", "summary": "Five Stars", "unixReviewTime": 1496361600} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A3DXHEOWAE0XJ3", "asin": "B000WS3AJS", "style": {"Size:": " 1-Pack"}, "reviewerName": "notatooma", "reviewText": "Good quality, great smell", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "A1038BP38FIKN9", "asin": "B0001APXYW", "style": {"Size:": " 2 Pack"}, "reviewerName": "DN", "reviewText": "The best black licorice on the market. Buy it.", "summary": "Five Stars", "unixReviewTime": 1490659200} +{"overall": 3.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A1SNBP80VVJNJP", "asin": "B000M6D44G", "reviewerName": "Lourdes S.", "reviewText": "Too much sugar on it ,but it is ok my son love it", "summary": "but it is ok my son love it", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A18XUU91Y7END4", "asin": "B000ZQ6CYC", "style": {"Size:": " 2Lb"}, "reviewerName": "Anna W.", "reviewText": "Very fresh, delicious.", "summary": "Five Stars", "unixReviewTime": 1411689600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A2FDPK1Y66MIMF", "asin": "B000YQ2FG2", "style": {"Size:": " 1 Pack"}, "reviewerName": "Shep", "reviewText": "I love it. My foodie friends love it. Keep it store in the dark and it will maintain it's fantastic flavor.", "summary": "My All-time Favorite", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "APNRVE1F2QM43", "asin": "B00018XFFI", "reviewerName": "StephG.", "reviewText": "I was trying a recipe for salted caramel sauce that called for this as the ingredient so I bought some . I didn't know it existed . I really like this product , I feel like I've taken my baking to a new level and am looking forward to trying it in more recipes .", "summary": "Love this stuff ! Had no idea it existed .", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A3KFUDNMZNHCAF", "asin": "B000DZDJ0K", "style": {"Size:": " 4 pound (Pack of 3)", "Flavor:": " Baking/Pancake"}, "reviewerName": "DJ Hunter", "reviewText": "I use Pamela's Ultimate Pancake Mix because my husband has severe food allergies. It cooks up well and tastes good!", "summary": "Pamela's Baking and Pancake Mix", "unixReviewTime": 1373068800} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A3MPF81XAAZOJD", "asin": "B00016XLEA", "style": {"Size:": " 1.92"}, "reviewerName": "Nasser", "reviewText": "great product", "summary": "great product", "unixReviewTime": 1438214400} +{"overall": 1.0, "verified": false, "reviewTime": "02 2, 2014", "reviewerID": "A1VFEY2IE6XZ31", "asin": "B000X1Q1G8", "reviewerName": "sila", "reviewText": "The consistency is not that bad considering what this must be off to have no calorie, no fat, and no sugar. However, it tastes HORRIBLE! I am fine with making some sacrifices to lose weight, and I have tried other products from this company, but this one is appalling.", "summary": "if I could give zero star, I would", "unixReviewTime": 1391299200} +{"reviewerID": "AEGE1S4DDQ2IR", "asin": "B000F4DKAI", "reviewerName": "Robert J.", "verified": true, "reviewText": "Excellent", "overall": 5.0, "reviewTime": "09 16, 2015", "summary": "Five Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "A3JNS2RDVRXZII", "asin": "B000EY5COG", "reviewerName": "Zola", "reviewText": "I use this in my coffe and when my pet was sick and would not eat, this milk is the only thing it wanted.", "summary": "Human and animals like it", "unixReviewTime": 1389225600} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2016", "reviewerID": "ASL42Q7LYJWFV", "asin": "B000B6MWF4", "reviewerName": "Janet Roseblatt", "reviewText": "Great product and price.", "summary": "A must when cooking.", "unixReviewTime": 1480550400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "AKLC314MWR7NX", "asin": "B000MGWI1G", "reviewerName": "splajjfamily", "reviewText": "great product.", "summary": "Five Stars", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A39NL5Y0H7T1PK", "asin": "B0001SVZGE", "reviewerName": "Michelle T", "reviewText": "Good tea. Blows away Lip$&@.", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A1JIO11165MFNV", "asin": "B000WV0TS0", "reviewerName": "Laura", "reviewText": "Excellent price for the amount of chia seeds! I will definitely be going with Healtworks Chia again. The sealing on the bag could be improved to make it easier to open and close esp for the bigger bags. I got the 5 lb one.", "summary": "Great value for the price and quality", "unixReviewTime": 1442188800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51vSAD0XpvL._SY88.jpg"], "overall": 2.0, "verified": false, "reviewTime": "09 27, 2016", "reviewerID": "AWQAXFC4XMJE", "asin": "B000CRIUNU", "reviewerName": "john", "reviewText": "the bottom of the package leaked. (I poured milk inside during the last time of consume, and found milk dripping from the bottom center of one side.) Taste good but won't buy again.", "summary": "Package leak", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2VAT0EP4D48FS", "asin": "B000WS039S", "style": {"Size:": " 12-Ounce", "Flavor:": " Organic Mind Body Soul Whole Bean"}, "reviewerName": "llg", "reviewText": "Delicious coffee. I drink it black and it is so smooth.", "summary": "smooth.", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A27T6BKTUN64LA", "asin": "B000V7MCBC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Chi E.", "reviewText": "Was very surprised when the tea came. I did not read the whole description in the add! I got more white tea than I had planed on. Big amount but am happy for having so much!!! Tea tastes great. No sweetener needed!", "summary": "Good Tea", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2013", "reviewerID": "ASLM4VMWRNRS0", "asin": "B000H7ELTW", "style": {"Flavor:": " Dried Cranberries"}, "reviewerName": "Fay Fink", "reviewText": "Since I have coronary artery disease, I am limited to what I can enjoy in my diet. These are wonderful.", "summary": "Soft, chewy treats", "unixReviewTime": 1367798400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2013", "reviewerID": "ARDTGO4KOBJ9O", "asin": "B000E1FY8I", "reviewerName": "Kittery", "reviewText": "I love to make chocolate goodies, but find too many are overly sweet, which detracts from the actual chocolate flavor. Using some unsweetened chocolate enhances the chocolate flavor.", "summary": "Enhances chocolate flavor", "unixReviewTime": 1383523200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A27OTTW1CSOYWX", "asin": "B000MHHDVK", "style": {"Size:": " 16 Ounce"}, "reviewerName": "CRossi", "reviewText": "So healthy and I carry these everywhere with me. I will be purchasing more from Amazon.com to accommodate my busy life.", "summary": "Yum", "unixReviewTime": 1392681600} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A2U3NQFC2ZT0SO", "asin": "B0014GPSKQ", "reviewerName": "They call him Godwin", "reviewText": "tried three times and always received under-riped, dark green nannas, ill try once more and upload the photo", "summary": "One Star", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A1CNH1IHEIY1OA", "asin": "B00061EOVO", "reviewerName": "C. Gardiner", "reviewText": "Very nice!", "summary": "Five Stars", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2017", "reviewerID": "AAAFYDC5H8IGP", "asin": "B000JJHSQG", "style": {"Size:": " 6.7 Ounce (Pack of 9)", "Flavor:": " 5 Wholegrains"}, "reviewerName": "CWHATIMEAN", "reviewText": "these are the best!!", "summary": "Five Stars", "unixReviewTime": 1510272000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2013", "reviewerID": "A1ILGH7RH8Y9CP", "asin": "B000HDK0DC", "style": {"Size:": " 3 Ounce", "Flavor:": " Strawberry"}, "reviewerName": "SheLittle", "reviewText": "My daughters (5) favorite treat (well, alongside with bubble gum) She loves the strawberry flavor and likes to give them to her friends.", "summary": "Daughter's favorite!", "unixReviewTime": 1367366400} +{"overall": 2.0, "verified": true, "reviewTime": "05 14, 2017", "reviewerID": "A1POGQGNJ31Y7A", "asin": "B000P6J0SM", "reviewerName": "GAMBLER", "reviewText": "wow what a strawberries taste like grass", "summary": "taste like grass", "unixReviewTime": 1494720000} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "05 22, 2010", "reviewerID": "A2S3WWEEKW4V2X", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "Lance Halle", "reviewText": "Product is exactly as described in it's literature. Nice flaky salt with a gentle flavor.", "summary": "Maldon Sea Salt", "unixReviewTime": 1274486400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A37LKHEF0ZPVSA", "asin": "B0014ET2MI", "style": {"Flavor:": " Chicken Pot Pie"}, "reviewerName": "STEVEN1350", "reviewText": "ONE OF MY FAVORITE SOUPS, MAKES A GOOD QUICK MEAL", "summary": "Five Stars", "unixReviewTime": 1489190400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A22TPGCWIANMLK", "asin": "B000F7P418", "reviewerName": "Dixie Keith", "reviewText": "to expensive", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 4, 2013", "reviewerID": "AVP1NL6GYMVR", "asin": "B000VK3RPY", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "RDSWY4", "reviewText": "Has a little stronger \"taste\" than the mass produced brands of Baking Soda, but I use it for cooking and baking and it works just great.", "summary": "Buy it from the little guy", "unixReviewTime": 1383523200} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2014", "reviewerID": "A2P5FNH7X2PIE3", "asin": "B00017028M", "style": {"Format:": " Grocery"}, "reviewerName": "Foxglove", "reviewText": "Nice flaky finishing salt with a good taste. The flakes don't stick on food or melt easily and they seem to end up all over the table and floor. This was highly recommended in the New York Times holiday gift list. Would not buy it again.", "summary": "Ok", "unixReviewTime": 1394755200} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A2CIEHYLENIZI9", "asin": "B0010SEVWO", "reviewerName": "susan byers", "reviewText": "Great price. Nuts arrived in perfect condition. tastes good, made cinnamon nut milk, delicious", "summary": "Great price. Nuts arrived in perfect condition", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "A1ZIW59OUW5ZYD", "asin": "B000GG0BQ6", "style": {"Flavor:": " Black Tea"}, "reviewerName": "JP", "reviewText": "My wife tells me Bigelow makes the BEST teas. I am not sure if they are the best, but they are really good.", "summary": "My wife tells me Bigelow makes the BEST teas. I am not sure if they are ...", "unixReviewTime": 1486684800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A305Z37BAMHOP6", "asin": "B000WS1KOA", "style": {"Size:": " 1-Pack"}, "reviewerName": "Always", "reviewText": "Works great", "summary": "Good stuff", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2012", "reviewerID": "A3TBTAX85OYRKP", "asin": "B000W7T4DA", "reviewerName": "Happy Crafter", "reviewText": "Addicting! this would be a one word review. I love these crunch little cornnuts, the ranch and barbeque are my favorites. If you are doing low sugar and carbs as I am these are a wonderful snack while watching tv in the evening. I will be ordering more that is for sure.", "summary": "Cornnuts Ranch Addicting", "unixReviewTime": 1330732800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A3M9DQ9ZR2UIA3", "asin": "B000LLK9KE", "reviewerName": "Diane Ticks!", "reviewText": "Perfect for when I need a little extra 'punch' in my recipes.", "summary": "Four Stars", "unixReviewTime": 1405036800} +{"overall": 4.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A1AFD30G0ZWJ4F", "asin": "B000VVWUMY", "style": {"Size:": " 28 Ounce (Pack of 4)"}, "reviewerName": "k bradshaw", "reviewText": "Have only used it for Lebanese Bulgar recipe. Very good tasting..easy to cook.", "summary": "Simple to Cook", "unixReviewTime": 1438732800} +{"overall": 4.0, "verified": true, "reviewTime": "07 29, 2014", "reviewerID": "AET2T5XF95Y7P", "asin": "B000LRKMJ6", "reviewerName": "old man", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2014", "reviewerID": "A3S3VSXEFXBMRC", "asin": "B000SWTKV0", "style": {"Size:": " 1 lb.", "Style:": " Bag"}, "reviewerName": "Natasha Chernavska", "reviewText": "Very yummy unrefined salt. I use it during my paleo diet, and actually very much enjoy it, even though I used to not put any salt in my food, but this salt I like.", "summary": "Good!", "unixReviewTime": 1391990400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A2OI145VZFVF0R", "asin": "B000CQG8M6", "style": {"Size:": " 100 Count"}, "reviewerName": "FriscoMom", "reviewText": "Fabulous tea at a fabulous price! Decaf on top of it and I am in heaven.", "summary": "Yummy!", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A3SVK47E9N2OBG", "asin": "B0010BZZ08", "reviewerName": "ThuyM", "reviewText": "Once you open the bag, you realized how real cinnamon should smell like. This is it. Although my husband said it doesn't taste that great in coffee. I used it for cooking and baking and it's good!", "summary": "Smells heavenly", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": false, "reviewTime": "11 20, 2015", "reviewerID": "A25S6UMF58F9B", "asin": "B000E1FXQ6", "style": {"Size:": " Pack of 18 (2.15-Ounce Packets)", "Flavor:": " Original"}, "reviewerName": "Amazon Customer", "reviewText": "Good product!", "summary": "Good product!", "unixReviewTime": 1447977600} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "A2YTLXOADR80Q1", "asin": "B0013ERNCA", "style": {"Size:": " 16 Wrapped Tea Bags", "Flavor:": " Organic Licorice Root"}, "reviewerName": "Cindy Toste ", "reviewText": "Love licorice n in a tea with cream n honey. Yummy", "summary": "Four Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A22VMUS8ACZ5P9", "asin": "B000FSH3MA", "style": {"Size:": " 16oz Pieces"}, "reviewerName": "Dakotah Paugh", "reviewText": "I have been eating this jerky since I have been a kid I would recommend this to someone looking for a good jerky salty and soyish it lasts a good long while to.", "summary": "Can't stop at one.", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A14U2V4G6FRAWA", "asin": "B000WV0TS0", "reviewerName": "Sara B. St Peter", "reviewText": "I feed these to my horse (he's all that really matters lol) and eat the myself. They are a great super food. Their high in omega 3's and protein. They hydrate the gut and give lots of energy. The packaging is great and the price is better than any bulk store on the web.", "summary": "Wonderful value and great product", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2017", "reviewerID": "A3PTQU55K9G0H3", "asin": "B000P6MSOU", "reviewerName": "Susan Doga", "reviewText": "Yum! Family loves it!", "summary": "Yum! Family loves it!", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A1TUTJ0Q39TLJP", "asin": "B000LQNK6E", "reviewerName": "J. B. Miller", "reviewText": "This is soooo Spicy Hot but soooo good", "summary": "Hot & Good", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2013", "reviewerID": "A11C3WHSNU3RAL", "asin": "B00129LV10", "reviewerName": "Tryfle", "reviewText": "The best Szechuan peppercorns I've been able to find, very fresh and flavorful, we have ma po tofu at home all the time now!", "summary": "good flavor and aroma", "unixReviewTime": 1384646400} +{"overall": 4.0, "verified": false, "reviewTime": "05 17, 2014", "reviewerID": "A3B9XTIDLP6BKN", "asin": "B0004LYIDA", "reviewerName": "ellison", "reviewText": "Features granola, a twig-like object, and a flake in this collection of breakfast food, can be added/mixed with other cereals to add some more taste and texture options to a bowl of cereal. Picked up at an outlet store for $2.70.", "summary": "3 textures", "unixReviewTime": 1400284800} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2017", "reviewerID": "A3OXP6RWUKXT23", "asin": "B0016BCEE2", "reviewerName": "Cynthia Hittner", "reviewText": "Great tea, priced right as we go through gallons. Love the unbleached bags and all have been perfect. The only green tea we buy any more, taste is clean and fresh!", "summary": "Wonderful green tea", "unixReviewTime": 1511136000} +{"overall": 5.0, "verified": false, "reviewTime": "08 24, 2015", "reviewerID": "AZ1RYC5KQP5DY", "asin": "B000IXUJOQ", "style": {"Size:": " 11.3 Ounce (Pack of 6)"}, "reviewerName": "B", "reviewText": "Great price for yummy candy bars", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A1FOOVX4KWL4BH", "asin": "B0015AT3BG", "reviewerName": "Shelia Polizzi", "reviewText": "love these bars...so good.", "summary": "Five Stars", "unixReviewTime": 1482278400} +{"overall": 2.0, "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "A2YDGXX335JM54", "asin": "B000GPTC8U", "style": {"Flavor:": " AC Sprouted Brown Rice"}, "reviewerName": "E. Ervin", "reviewText": "Not tasty but healthy. A smaller portion than some other companies.", "summary": "I'll buy others instead.", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "AYJWQ3MGISESV", "asin": "B000QFOXTS", "reviewerName": "Kesterbird", "reviewText": "also delicious!", "summary": "Five Stars", "unixReviewTime": 1451952000} +{"reviewerID": "A3LCOSII0BC2IQ", "asin": "B000CQ01GU", "reviewerName": "jak_jak", "verified": true, "reviewText": "It is an excellent product that exceeded my expectations and was delivered on time. It is an excellent bargain that was well worth the money spent and recommended to anyone interested.", "overall": 5.0, "reviewTime": "05 2, 2016", "summary": "5-Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "vote": "5", "verified": false, "reviewTime": "02 17, 2009", "reviewerID": "A38O4PIHV41EWX", "asin": "B000V1AWBK", "style": {"Size:": " 3.5 Ounce (Pack of 6)", "Flavor:": " Butter Chicken Curry"}, "reviewerName": "princessducky", "reviewText": "Wow, very good and easy. Very flavorful and the spice factor was just right. Not too spicy, but you can still taste it. Quick to make and very easy! Yum!", "summary": "Yum", "unixReviewTime": 1234828800} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2008", "reviewerID": "A25UZX9E66ZQ1R", "asin": "B000168QTU", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " True Blueberry"}, "reviewerName": "D. Eckman", "reviewText": "This is a delicious herb tea, with a mild yet distinct blueberry flavor, just right for iced tea.", "summary": "Delicious choice", "unixReviewTime": 1227916800} +{"overall": 3.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A3BBCXIMZLJJRD", "asin": "B0014UH7J2", "style": {"Size:": " Pack of 1"}, "reviewerName": "babymagic1955", "reviewText": "Great thicker.", "summary": "Three Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2015", "reviewerID": "A33AH3Z0MIKVI9", "asin": "B000NX103U", "style": {"Size:": " 4 Ounce"}, "reviewerName": "A. Nonymous", "reviewText": "As the old car ad used to say, it's delicious. It's delightful. It's delovely!", "summary": "YUM!", "unixReviewTime": 1449360000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2016", "reviewerID": "AVCECEHDM44LI", "asin": "B000CQID74", "style": {"Size:": " 100 Count"}, "reviewerName": "Navyman Retired", "reviewText": "Great tea and healthy, too. Very reasonable price.", "summary": "Five Stars", "unixReviewTime": 1464912000} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "AEZEAMG2P0JWF", "asin": "B0009TN7F2", "reviewerName": "Lilith", "reviewText": "This has to be the weirdest product I've come across lately. But, ya know, it isn't bad. I would use it again.", "summary": "it isn't bad. I would use it again", "unixReviewTime": 1436313600} +{"overall": 2.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "ATIVK9XUANIUE", "asin": "B000CQE3HS", "style": {"Size:": " 0.97-Ounce Sticks (Pack of 24)", "Flavor:": " Original"}, "reviewerName": "Corey", "reviewText": "Often there are hard parts in these that you bite into and have to spit out. I'm not sure what it is but it's very unpleasant to bite into.", "summary": "Often there are hard parts in these that you bite ...", "unixReviewTime": 1424390400} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A321B7QT9EVSI7", "asin": "B000GFYRK8", "style": {"Flavor:": " Perfect Peach"}, "reviewerName": "Lyn", "reviewText": "Arrived on time and as described!!", "summary": "Four Stars", "unixReviewTime": 1453248000} +{"overall": 1.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A1CR23IKAEF92Q", "asin": "B000FNC60Y", "reviewerName": "Fred Slayden", "reviewText": "Terrible not the original mars bar like it stated", "summary": "Fake", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": false, "reviewTime": "07 1, 2014", "reviewerID": "A1TZ5V3J0R8N3E", "asin": "B00014JNI0", "reviewerName": "purple_cat", "reviewText": "Best tasting and sweetest honey. Much better than wildflower honey. It's quite thick but I don't see that as a drawback. It's delicious in recipes and you don't need a lot to sweeten.", "summary": "Worth every penny", "unixReviewTime": 1404172800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A38INIRCTRJEOE", "asin": "B0014DYBKM", "reviewerName": "richard brinkley", "reviewText": "When you have cotton or dry mouth this candy will wet your whistle plenty and it tastes great too.", "summary": "Fantastic candy", "unixReviewTime": 1493337600} +{"overall": 4.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A6ICBAYY5UOE7", "asin": "B0010OE8FI", "reviewerName": "Ronald N. Aaberg", "reviewText": "item as described, fast service.", "summary": "Four Stars", "unixReviewTime": 1427241600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A3OEI0KDBORPB2", "asin": "B0009F3SDC", "style": {"Flavor:": " DeTox"}, "reviewerName": "PS", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "AT8IGBY2EF0Z4", "asin": "B00018XFFI", "reviewerName": "Joe M. Turner", "reviewText": "We enjoy this salt with every meal. Finishing salt reduces salt in your diet.", "summary": "Excellent", "unixReviewTime": 1503705600} +{"reviewerID": "A1MEZBD31GESD4", "asin": "B000FRUMBK", "reviewerName": "BOB", "verified": true, "reviewText": "They are wonderful. They came in perfect condition. Love them!", "overall": 5.0, "reviewTime": "07 5, 2015", "summary": "The Best Protein Bars", "unixReviewTime": 1436054400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A317ENKKDB0Q9G", "asin": "B0009F3PM6", "style": {"Size:": " 6 Pack", "Flavor:": " Organic Dandelion Root"}, "reviewerName": "L Hunter", "reviewText": "I like earthy wines and the grassy tasting teas and this is a good fit for me. I didn't find it bitter at all but a little earthy for some.", "summary": "Hearty and robust", "unixReviewTime": 1391385600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A3IW6A8X6RE1NM", "asin": "B0009F3POO", "style": {"Flavor:": " Organic Echnicea Plus"}, "reviewerName": "Big Sky 77", "reviewText": "One of my favorites from Traditional Medicinals.. Love their teas.. (always fast shipping and reasonable prices)", "summary": "One of my favorites from TM", "unixReviewTime": 1468281600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 27, 2014", "reviewerID": "A3MPEP5AZWZ3J4", "asin": "B0005XOVCU", "reviewerName": "bob m", "reviewText": "Good for adding to Chili to give it some flavor. Use too much and it gets hot. I use less than most recipes call for.", "summary": "spice", "unixReviewTime": 1403827200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A3F35OJRTN9COE", "asin": "B000UENHBU", "reviewerName": "Naps", "reviewText": "yum", "summary": "Five Stars", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2013", "reviewerID": "A2VSOE75UZSJYU", "asin": "B000GZSDZI", "reviewerName": "Catherine Jahn", "reviewText": "I use these every two weeks to make a big batch of oatmeal. The taste is great, the product is organic, and the price is better than the grocery store. I have been receiving these for 3-4 months now and I have not encountered a single dented can.", "summary": "A staple for me", "unixReviewTime": 1380585600} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A3GFRWTNV7QO8E", "asin": "B0001M0Z7A", "reviewerName": "Lisa at Fresh Eggs Daily", "reviewText": "Frontier is a wonderful company. I buy most of my herbs from them. Their prices are good, the herbs always arrived securely packaged and seem fresh (can a dried herb be 'fresh'!) and the color is good. I will buy again.", "summary": "Repeat customer", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2010", "reviewerID": "A8HQ3JERW1UY5", "asin": "B000EEWZG4", "style": {"Size:": " 7.5 Ounce (Pack of 12)", "Flavor:": " Pink Salmon"}, "reviewerName": "Bonnie Wilber", "reviewText": "This canned salmon almost has you fooled that it is fresh. Every one that I have served it to thinks it is great,", "summary": "The best canned slmon", "unixReviewTime": 1262649600} +{"overall": 5.0, "verified": false, "reviewTime": "12 22, 2015", "reviewerID": "A14TWFNYBJSVG1", "asin": "B0012BUK1A", "style": {"Package Quantity:": " 1"}, "reviewerName": "jeanne d tamplin", "reviewText": "Thank you, my parents are enjoying the teas.", "summary": "Five Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A3F53G0I69H5O7", "asin": "B00067WBGS", "reviewerName": "Ali", "reviewText": "I love them", "summary": "Five Stars", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "AYYZVMUJ0GVDL", "asin": "B000E8WIAS", "style": {"Size:": " 2 Ounce"}, "reviewerName": "Yellowroze", "reviewText": "Awesome!", "summary": "Five Stars", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": false, "reviewTime": "10 25, 2014", "reviewerID": "A2OGEYPVAPOYVX", "asin": "B0009P68KM", "style": {"Size:": " 29 oz"}, "reviewerName": "Becca", "reviewText": "Bought for steak but so versatile I started using it on everything!!", "summary": "Great Spice", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A1GDPEU44BKKQ2", "asin": "B0007R9L4M", "style": {"Flavor:": " Madras Lentils"}, "reviewerName": "James", "reviewText": "This is so good it should be illegal. None of the other Tasty Bites come close in my opinion, although many of them are good. But this one.... this one is STUPID good.", "summary": "Best of Tasty Bite in my opinion.", "unixReviewTime": 1510012800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "AIUYVP4KELZV9", "asin": "B000EDM6PA", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "JNB", "reviewText": "I add these to my homemade granola. Love not chopping.", "summary": "Love not chopping", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2018", "reviewerID": "A13COT994THXO", "asin": "B000Z978SS", "style": {"Size:": " 1 lb"}, "reviewerName": "Fitgirl", "reviewText": "This is AMAZING if you need a substitute sugar this is the way to go!", "summary": "Five Stars", "unixReviewTime": 1520812800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A1L8PTLACQ3GDQ", "asin": "B000P6J1P4", "reviewerName": "April Grace Baker", "reviewText": "consistently good", "summary": "Ordered many times.", "unixReviewTime": 1463529600} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2016", "reviewerID": "A1IRVUGNGK42SR", "asin": "B000SR5TJM", "reviewerName": "Jack Stanford", "reviewText": "I have not purchased this ever...", "summary": "Three Stars", "unixReviewTime": 1479427200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2017", "reviewerID": "A3N85O7D5X7GJY", "asin": "B000B6FLOI", "reviewerName": "Diane Shephard", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1508976000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2014", "reviewerID": "A34YCJDD5Q4S99", "asin": "B0001LO3FG", "style": {"Size:": " 20 Count (Pack of 6)", "Flavor:": " Lapsang Souchong"}, "reviewerName": "Amazon Customer", "reviewText": "I love the smoky flavor of this tea. I can't seem to find it anywhere else. I just drink it black, no milk or sugar necessary.", "summary": "My favorite tea", "unixReviewTime": 1389657600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A5KVTBI8FA961", "asin": "B00164V1DE", "reviewerName": "Love2U", "reviewText": "A very good coffee shipped very timely and at a good price.", "summary": "A Tried and True Favorite", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2013", "reviewerID": "AQIFL6O0EMGV5", "asin": "B000JJHDVG", "reviewerName": "Ms. Tee", "reviewText": "Maple sugar turns rice cereals a breakfast treat. This container sits beside my sugar bowl, and it is always my first choice", "summary": "Trouble-free transaction.", "unixReviewTime": 1364515200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "AZKLUOSYDH73T", "asin": "B000SR5TJM", "reviewerName": "WOM", "reviewText": "Love it, been using this for years.", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2014", "reviewerID": "A2O4KQGFV0I6UC", "asin": "B000LRH6J0", "reviewerName": "Patricia C.", "reviewText": "Cooked with tomatoes and olive oil and a few spices. Taste just like I would buy from our Local Greek vendor.", "summary": "Perfect", "unixReviewTime": 1397088000} +{"overall": 4.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "A3IF9J9UIUKYJW", "asin": "B000E1HUVC", "style": {"Size:": " 14.5 Ounce (Pack of 1)", "Flavor:": " Pistachio Mix"}, "reviewerName": "marklyn", "reviewText": "Quite good when on sale--definitely not worth more than $6-7", "summary": "Good when on sale", "unixReviewTime": 1450483200} +{"overall": 4.0, "verified": false, "reviewTime": "04 14, 2016", "reviewerID": "A3MTLSVMSOFWS6", "asin": "B000OIT8T2", "reviewerName": "bob", "reviewText": "skittles yes", "summary": "yes", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A1XYH14EVOIKS", "asin": "B000EDG598", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "MC", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2017", "reviewerID": "A216SKRFFQU4ZM", "asin": "B000GZSDZI", "reviewerName": "KonaGal", "reviewText": "Fresh coconut milk canned", "summary": "Good price", "unixReviewTime": 1499990400} +{"reviewerID": "AANUATFQFWADY", "asin": "B000GG0BNE", "reviewerName": "T. Lewis", "verified": true, "reviewText": "Not for me but someone took the whole freak'n box!!", "overall": 3.0, "reviewTime": "11 9, 2017", "summary": "Took the whole freak'n box!!", "unixReviewTime": 1510185600} +{"overall": 5.0, "verified": false, "reviewTime": "08 13, 2014", "reviewerID": "A1YDTAC88YNA29", "asin": "B000F4F94S", "reviewerName": "Kitty Lewis", "reviewText": "This tea is perfect if you find the bergamot in Earl Grey to be a bit much. I love the taste of it, and even the cold brew variety is wonderful.\n\nTIP: Cool some, and make ice cubes with it, then your iced tea won't dilute.", "summary": "Hot or Iced, Very Nice", "unixReviewTime": 1407888000} +{"reviewerID": "A9BM9DY6EW9NO", "asin": "B0014EW4N2", "reviewerName": "joshmoulton", "verified": true, "reviewText": "Canned chili for the office, when those times you or your wife can't cook that giant crockpot, these will do!", "overall": 5.0, "reviewTime": "10 23, 2014", "summary": "Great taste!", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A38XG0HH0CTD73", "asin": "B000WS08UM", "reviewerName": "IN WYOMING", "reviewText": "Appreciate this fine quality flavoring at good price!", "summary": "Great quality & price!", "unixReviewTime": 1434240000} +{"reviewerID": "A3QD2YSDESOJ0P", "asin": "B00117CG30", "reviewerName": "zelda", "verified": true, "reviewText": "Good product", "overall": 5.0, "reviewTime": "07 24, 2015", "summary": "Five Stars", "unixReviewTime": 1437696000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "AVM41HYA1GBJB", "asin": "B000SEKSKU", "reviewerName": "Jerry M.", "reviewText": "Works", "summary": "Helps with Stomach", "unixReviewTime": 1498608000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2013", "reviewerID": "AB0CSSWBUIQPW", "asin": "B000S85LDK", "reviewerName": "Ladybyrd", "reviewText": "The best ever. I buy this by the dozen. My hubby and I are now retired - all kids are grown and gone and I've tried to cut way down on any work, including cooking. This is a one two three and eat treat I can do and sit down and enjoy.", "summary": "WHOA", "unixReviewTime": 1380240000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A3DK9LJ31C0C7Z", "asin": "B000VQDABY", "style": {"Size:": " (10 pack)"}, "reviewerName": "R. Malay", "reviewText": "Delicious! Easy to make! Didn't last as long in my house as I expected. ;)", "summary": "Easy to make", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": false, "reviewTime": "06 22, 2017", "reviewerID": "A3OS1GXCROYJI4", "asin": "B000WGB3OY", "style": {"Size:": " 4 Count", "Flavor:": " Variety Pack, Soda Flavors"}, "reviewerName": "Stephen Bottorf", "reviewText": "Good price and quick shipping", "summary": "Nice variety of flavors", "unixReviewTime": 1498089600} +{"overall": 1.0, "verified": false, "reviewTime": "06 26, 2017", "reviewerID": "A2XZ8DBJ43EBOO", "asin": "B000P6J12W", "reviewerName": "AFrisby", "reviewText": "My bad for not reading reviews before purchasing. Who knew papaya even came this small. It's like a $5 pear!", "summary": "Tiniest papaya ever", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2017", "reviewerID": "A1NIX4Y06SJ10B", "asin": "B000168QTU", "style": {"Size:": " 20 Count", "Flavor:": " Jammin Lemon Ginger"}, "reviewerName": "judith conn", "reviewText": "great tea cannot find it anywhere but here", "summary": "Five Stars", "unixReviewTime": 1499212800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A2YSG9TMGNEYPD", "asin": "B000M2PSDU", "reviewerName": "paul turner", "reviewText": "were great", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A3DSPOAFL3MHND", "asin": "B000KEJMRI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "seasonedwood", "reviewText": "good quality tapioca, easy to make, a little firmer then what I'm used to but it tastes good, you can't beat the price, I can highly recommend it", "summary": "tasty tapioca", "unixReviewTime": 1383955200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A25AC78M6VHAHY", "asin": "B000LKVIEG", "style": {"Flavor:": " Pure Coconut Cream"}, "reviewerName": "B92", "reviewText": "Awesome coconut cream,however it wasn't totally smooth like other brands I've tried. I think that may be due to the fact they do not use any gums, but I can live with the texture knowing they don't use the gums. Also I think the can is bpa free as well. great product.", "summary": "Awesome coconut cream", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "AICPBBHNUHCGJ", "asin": "B000FRSSFC", "style": {"Size:": " 12 Count", "Flavor:": " Cookies & Crme"}, "reviewerName": "Cristabelle", "reviewText": "Love the taste.", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A2Q9961GP0RMBT", "asin": "B0000DI145", "style": {"Flavor:": " Sweet Harvest Pumpkin"}, "reviewerName": "Michael J Silvia", "reviewText": "Delicious!", "summary": "Delicious!", "unixReviewTime": 1419120000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "AOQLLMAXGJL8S", "asin": "B0014DZGUQ", "style": {"Size:": " 16"}, "reviewerName": "Kindle Customer", "reviewText": "My Wife and I went Vegan about five years ago. So, we had to find a replacement for eggs in recipes that we enjoy. This product gives results that are superior to real eggs, especially in vegan pancakes made with soy milk.", "summary": "This is great stuff!", "unixReviewTime": 1377734400} +{"overall": 2.0, "verified": true, "reviewTime": "10 24, 2011", "reviewerID": "A22B3F3XON1H4N", "asin": "B000IZ0OC6", "style": {"Size:": " 8.5 Oz (Case of 6)"}, "reviewerName": "Dena", "reviewText": "This coffee is so bitter. I have used 6 packets of sweetener and it is still bitter. It so smells good but the taste is what really counts.", "summary": "bitter coffee", "unixReviewTime": 1319414400} +{"overall": 4.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A35XO9TI4R52A3", "asin": "B0016B4080", "style": {"Size:": " 16.9 fl. Oz"}, "reviewerName": "Snagbob", "reviewText": "Good quality... great price.", "summary": "Four Stars", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "A2QX3LB4Q1LOX8", "asin": "B000AY9VCE", "reviewerName": "strikerace", "reviewText": "Great taste, I ate them too fast", "summary": "Great taste !!!", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A2LST1D0CPFESM", "asin": "B000F6SNPS", "style": {"Size:": " 18 Count (Pack of 6)", "Flavor:": " Sweet & Spicy Caffeine Free", "Style:": " Herbal"}, "reviewerName": "Carol Ann", "reviewText": "I drink so much of this tea, hot or cold, that I order it in bulk. It is deliciously spicy, contains no caffeine, and is even good on a very cold winter evening, in front of a fireplace, and spiked a bit with something ... well, you get the idea...", "summary": "Yummy good!", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "AQS6YREHJG54T", "asin": "B000WCZ3OE", "reviewerName": "SummerSto", "reviewText": "Just what I needed. Can't find the decaf locally. Thanks!", "summary": "Five Stars", "unixReviewTime": 1427587200} +{"overall": 5.0, "vote": "13", "verified": false, "reviewTime": "10 22, 2011", "reviewerID": "A3AUDWOBSTP14I", "asin": "B0016BWBHM", "style": {"Size:": " 18-Ounce Boxes (Pack of 12)", "Flavor:": " Double Chocolate"}, "reviewerName": "laureenaonline", "reviewText": "I used an egg replacer(ener G). I also used an equal amount of apple sauce in place of the oil. Use the same amount of water the box says. The brownies came out great.", "summary": "Great!!!!", "unixReviewTime": 1319241600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2008", "reviewerID": "A2DIGW6438MB48", "asin": "B000CONMAO", "style": {"Flavor:": " Crunchy Corn Sticks"}, "reviewerName": "Darla", "reviewText": "These remind me of Cheetos only no cheese. Great for those who do not eat dairy. I love them.", "summary": "Yum!", "unixReviewTime": 1213833600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AH3QPFU2NYLG7", "asin": "B000UER87O", "reviewerName": "Monica", "reviewText": "So dang good.", "summary": "Great", "unixReviewTime": 1445644800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "ABW0Q3NTDCKLS", "asin": "B000C2ROG4", "style": {"Size:": " 16 Ounce (Pack of 4)"}, "reviewerName": "S. Walker", "reviewText": "This is very good bread", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A2LUY8LI3VB1D1", "asin": "B000WG7SZC", "style": {"Size:": " 20 Ounce (Pack of 4)"}, "reviewerName": "R.A.", "reviewText": "Great quality and taste. All their products are wonderful.", "summary": "The best!!", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "AIXPXNRNZXVBL", "asin": "B000H11C6I", "style": {"Size:": " 4.25 Ounce (Pack of 12)", "Flavor:": " Hint of Sea Salt"}, "reviewerName": "L. Fox", "reviewText": "Excellent gluten free crackers. Just enough salt without being too salty. Very crisp.", "summary": "Great gluten-free crackers!", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "AAL6VNP3Z0K4W", "asin": "B000Z93FQC", "style": {"Size:": " Pack of 1"}, "reviewerName": "Smithette16", "reviewText": "Great- I use this to make kettle corn. Perfect healthy snack!", "summary": "Perfect healthy snack", "unixReviewTime": 1442966400} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A1I3KF8SGHI5W0", "asin": "B000GZSDZI", "reviewerName": "Teriblteri", "reviewText": "I changed my mind about this product. It came separated. But when I whipped it, it was good. I love the flavor. Who knew?", "summary": "it was good. I love the flavor", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A3PD6JRFGV7G74", "asin": "B000WL39JQ", "style": {"Size:": " 30 Count"}, "reviewerName": "Kindle Customer", "reviewText": "Very good", "summary": "Five Stars", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A38WEPCBN5QZZG", "asin": "B000U0OUP6", "style": {"Size:": " 52 Ounce (Pack of 2)", "Flavor:": " Honey Roasted Peanuts"}, "reviewerName": "Marilyn", "reviewText": "Great deal; Very tasty and nutritious.", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": false, "reviewTime": "12 17, 2015", "reviewerID": "AJJXKT3UU834A", "asin": "B000U0OUP6", "style": {"Size:": " 2 LB 2.5 Ounce (Pack of 3)", "Flavor:": " Dry Roasted Peanuts"}, "reviewerName": "Rich", "reviewText": "cheap and good, had it on sale", "summary": "Five Stars", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A22VUZSRSU28W5", "asin": "B000WLHRNK", "style": {"Size:": " 11.5 Ounce Cans (Pack of 24)", "Flavor:": " Original"}, "reviewerName": "D. Lewis", "reviewText": "as always... great", "summary": "GREAT PRODUCT", "unixReviewTime": 1420934400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A2U3723LKNMHAI", "asin": "B0014GPSKQ", "reviewerName": "Faida", "reviewText": "Very fresh and tasty bananas. If these are available I put in an order!", "summary": "My Fav Bananas", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": false, "reviewTime": "04 9, 2010", "reviewerID": "A3KC6BJIS94SOL", "asin": "B0009F3SD2", "style": {"Flavor:": " Soothing Mint Get Regular"}, "reviewerName": "Captain Solo", "reviewText": "No bitter after taste, not too fruity so you can drink 5 cups a day. like all tea it helps with my weight control, i can't eat when i'm drinking :).", "summary": "great taste", "unixReviewTime": 1270771200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A26BZJLG2VDKYQ", "asin": "B000QUZXHO", "style": {"Size:": " 32 oz."}, "reviewerName": "Matilda B. R. White", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A18LE2MU7XN2FK", "asin": "B000WHZFR4", "style": {"Size:": " Pack - 12"}, "reviewerName": "Deb", "reviewText": "I used this previously to make chili and my husband loved it. When I couldn't find it at the grocery store, I had to use another brand and my husband didn't even finish his bowl. I stocked up by buying it online to keep the hubby happy!", "summary": "Our favorite!", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2018", "reviewerID": "A1D5H52JON9AY8", "asin": "B0007LXU0Y", "reviewerName": "Amazon Customer", "reviewText": "excellent snack for the office- i need to order this again", "summary": "Five Stars", "unixReviewTime": 1520467200} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A3NRPK94KDN2AI", "asin": "B000221VDG", "style": {"Size:": " 1 lb. bag"}, "reviewerName": "Freq Traveler", "reviewText": "Tastes good and is soo easy and quick to make.", "summary": "Good", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A3EFLKP83KGFLS", "asin": "B000LSIUOE", "reviewerName": "M. Perlas", "reviewText": "Can't complain. Tastes just as it should. Happy to find it online.", "summary": "Like it should taste :)", "unixReviewTime": 1436054400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 26, 2014", "reviewerID": "A297R44X7WEQ8T", "asin": "B000WS3AJS", "style": {"Size:": " 1-Pack"}, "reviewerName": "Another opinion", "reviewText": "I've started using cumin on all my meat and chicken recipes and this Simply Organic cumin is the best. I have other brands that are either too smoky/dusty flavored or too something else. But this brand is just perfect and makes my recipes come out great.", "summary": "perfect taste", "unixReviewTime": 1393372800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A2JRQ55H2XP8IB", "asin": "B000CONMBS", "style": {"Size:": " 1-Ounce Bags (Pack of 24)", "Flavor:": " Aged White Cheddar"}, "reviewerName": "Amanda Twentyfive", "reviewText": "My daughter loves these for snacks and I don't have to worry about them being bad for her.", "summary": "Healthier alternative for snacking", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": false, "reviewTime": "02 20, 2015", "reviewerID": "A6YOHJP2232S8", "asin": "B000HDJXLW", "style": {"Size:": " 14.5 Ounce", "Flavor:": " Diced, No Salt"}, "reviewerName": "Frequent Amazon Shopper", "reviewText": "I like these.....ORGANIC at a decent price when you go with Subscribe and Save.", "summary": "Organic, Good Price, Free Delivery--who can beat it?", "unixReviewTime": 1424390400} +{"overall": 4.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A2737NVZ9F2P6I", "asin": "B000RYCK2U", "reviewerName": "Holly Johnson", "reviewText": "As described.", "summary": "Four Stars", "unixReviewTime": 1427328000} +{"overall": 4.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A2NZW3O2DZTOK4", "asin": "B000GFYRK8", "style": {"Flavor:": " Variety Pack (1 Box)"}, "reviewerName": "John A. Ward", "reviewText": "Excellent product and price", "summary": "Four Stars", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2017", "reviewerID": "A3UXR8BLUEN85V", "asin": "B000WB1YSE", "reviewerName": "Mia Lam", "reviewText": "best thing", "summary": "Five Stars", "unixReviewTime": 1483401600} +{"overall": 2.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "AKYNIMNI8LOBP", "asin": "B000CEO6WM", "style": {"Size:": " 24 Count"}, "reviewerName": "Richard Weems", "reviewText": "Aftertaste not very enjoyable", "summary": "Odd aftertaste", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A3GOLJFN7LHLK9", "asin": "B000CQC04Q", "style": {"Size:": " 20 Count (Pack of 6)"}, "reviewerName": "Cheri", "reviewText": "My girls and I love this tea, and it makes good iced tea too. Since it is herbal with no caffeine, I can drink it in place of water now and then, when I need a hit of flavor.", "summary": "My girls and I love this tea", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A19ML1O08IVMMO", "asin": "B000ZEIR6U", "style": {"Size:": " 16 Ounce"}, "reviewerName": "nikki", "reviewText": "this item arrived in perfect condition. it was packed very carefully. I live in Alaska and it comes a long way to me and it was in perfect condition", "summary": "cake", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2017", "reviewerID": "A2AKFY4U992CYX", "asin": "B0010BQB6A", "style": {"Format:": " Grocery"}, "reviewerName": "donna dornin", "reviewText": "Good tea, bought it because I heard it helps melt fat, not sure it works like that or maybe I gave up to soon", "summary": "Good tea, bought it because I heard it helps ...", "unixReviewTime": 1507075200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2012", "reviewerID": "A28ZUNQKMLFG3S", "asin": "B0000DID5X", "style": {"Size:": " Pack of 1", "Flavor:": " Crazy Caribbean"}, "reviewerName": "Susan", "reviewText": "Low sodium hot sauce that tastes good. Need I say more? 15mg of sodium per teaspoon. Has a bit of a kick to it but it is not super duper hot. Really adds a good flavor to my food. And yay for Amazon having it.", "summary": "Yum! My fave!", "unixReviewTime": 1352505600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2013", "reviewerID": "A34FJZF0RFKG9Y", "asin": "B000WGELOI", "style": {"Size:": " 24 Ounce (Pack of 4)"}, "reviewerName": "Deborah L. Mickinkle", "reviewText": "Its a relief knowing that I am not using a gmo product and the quality is superb! I would recommend this product to everyone I know.", "summary": "Great product!", "unixReviewTime": 1376265600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A3VJOHWFSM0ZHZ", "asin": "B000TV8NR2", "reviewerName": "marty", "reviewText": "Excellent, exceeded expectations.", "summary": "Five Stars", "unixReviewTime": 1452729600} diff --git a/keith-galli_nlp/data/training/train_Patio_Lawn_Garden.json b/keith-galli_nlp/data/training/train_Patio_Lawn_Garden.json new file mode 100644 index 0000000..aaacd15 --- /dev/null +++ b/keith-galli_nlp/data/training/train_Patio_Lawn_Garden.json @@ -0,0 +1,2500 @@ +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A1ISG2Z2Q1ELP9", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "skidad", "reviewText": "Like it", "summary": "Bug grabbing machine", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A11ATZSM74T9TU", "asin": "B0015FND44", "style": {"Color:": " Jolly Roger Red Bandana"}, "reviewerName": "Barbigurl", "reviewText": "Great outdoor flag so far", "summary": "Great outdoor flag so far", "unixReviewTime": 1461974400} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A25VQ8U9PPO145", "asin": "B0012YGT9O", "reviewerName": "ronlslaughter", "reviewText": "Growing very well. Will I have some bananas soon?", "summary": "Growing very well. Will I have some bananas soon ...", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2010", "reviewerID": "A35PJF918PCA1J", "asin": "B000J0B2B2", "reviewerName": "DeeLila Murray", "reviewText": "I need a strong weather flag for our windy rural area. I leave it up all year long so it gets a lot of wear and tear. So far it is still looking pretty good.", "summary": "flag", "unixReviewTime": 1293753600} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A1BXWDXUGWGATM", "asin": "B000B5KPG8", "style": {"Size:": " Medium"}, "reviewerName": "wyogardener", "reviewText": "I gave it as a gift and the boys love it. The padding is good enough to keep the badly cracked plastic in the seat from poking 'em while they mow.", "summary": "Plenty of padding", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A315POW34H8FTM", "asin": "B000WPABE8", "reviewerName": "Bonnie Wacksman Wachler", "reviewText": "Love it!", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A20M1QB4DG1Y8Z", "asin": "B000BO73TQ", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Pamela A. Heath", "reviewText": "works", "summary": "Four Stars", "unixReviewTime": 1437177600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A2QDEA90LW6A8B", "asin": "B000UEENTU", "reviewerName": "Dj21", "reviewText": "Does not reach 25 ' , can not get a straight enough stream to reach peak of my one story house", "summary": "Pump good, reach is not 25'", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A35BOI8V1WU54N", "asin": "B000NCWP44", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "seals good no leaks anymore", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "ATVWK9N5YMIGI", "asin": "B000NSZ3WY", "reviewerName": "RobinRedbird", "reviewText": "Good visibility, light and effective at keeping out biting flies & mosquitoes. If a black fly bites me my face swells for a week, so I really need this for gardening.", "summary": "Keeps pests off my face.", "unixReviewTime": 1409270400} +{"overall": 3.0, "verified": true, "reviewTime": "06 18, 2011", "reviewerID": "A5Z2BLPVTJA87", "asin": "B0013FQ0XC", "reviewerName": "Y Me?", "reviewText": "This feeder looks like it would be larger (a larger capacity, that is) than it actually is...I was surprised at how small\nthe cylinders are.", "summary": "size is the issue", "unixReviewTime": 1308355200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 22, 2008", "reviewerID": "A1AZ1NXGGP6LDX", "asin": "B000WEIIOE", "reviewerName": "KMP", "reviewText": "Great to use for grilling vegetables and small items that might fall through the grill grates. Easy clean up.", "summary": "grilling is great", "unixReviewTime": 1216684800} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "AORHZ3SEPCB6Q", "asin": "B000PBXETS", "style": {"Color:": " Red"}, "reviewerName": "Pam Tyree", "reviewText": "wind does blow the water out here in Oklahoma But works great.", "summary": "... blow the water out here in Oklahoma But works great.", "unixReviewTime": 1441584000} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "AKOMXY9UX57S7", "asin": "B000XJXMQM", "reviewerName": "**!**", "reviewText": "Happy with purchase.", "summary": "Four Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A3P4PED2293FEC", "asin": "B0015Z5OLE", "reviewerName": "Rich", "reviewText": "This stuff lasts 30x longer than the garbage my trimmer came with, foot per foot. The packaging makes it easy to pull out more string. Good stuff.", "summary": "Lasts a long time", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "ADCLVQJRPK9C4", "asin": "B000WEOQSQ", "reviewerName": "Douglas Akers", "reviewText": "not sure why I needed a replacement... The grill sits outside; uncovered, in Ohio, 365 / 24 / 7. Replaced the regulator and now I can keep all 3 burners going at the same time....", "summary": "not sure why I needed a replacement... ...", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2013", "reviewerID": "A17FIJ4RU3FTGE", "asin": "B00099E59Y", "reviewerName": "Gregory T Reid", "reviewText": "They're quite long ... plenty to wrap around even the biggest of back-yard trees ... perhaps 3-4 times for smaller diameter trees, with still plenty of extra strap for reaching the hammock rings. They seem plenty strong and well made.", "summary": "Work great", "unixReviewTime": 1388016000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A27H4WPWZLGUXJ", "asin": "B001C9D43S", "style": {"Style:": " Roma Tomato"}, "reviewerName": "Nancy Labeda", "reviewText": "Growing and already have flowers on my plant only after a few weeks! HAPPY!", "summary": "HAPPY!", "unixReviewTime": 1436227200} +{"overall": 3.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A1AGATRGUFU3QL", "asin": "B00004RA09", "style": {"Size:": " 6"}, "reviewerName": "John P. Mordes", "reviewText": "These are nice saucers for plants and they work well. The clear plastic makes them unobtrusive, but the label is just plain impossible to remove, gets wet and dirty. The small feet also get dirty and are hard to clean. Haven't bought any more.", "summary": "Could be better.", "unixReviewTime": 1449878400} +{"overall": 2.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A1NRUN2Y2UED8Q", "asin": "B000VA90FU", "style": {"Style:": " Bait Stations, Max"}, "reviewerName": "Shirley Stanton", "reviewText": "I think the ants like it.", "summary": "Two Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "AITFC6G3RNTOI", "asin": "B000HHHEF0", "style": {"Size:": " Pack of 1"}, "reviewerName": "Valerie", "reviewText": "The birds LOVE this feeder, so do I. And no squirrels as advertised. Would I buy another Brome? Yes, I bought the smaller one as well. Would I recommend these. ABSOLUTELY! Super product, look nice, well made, arrived quickly. Love!!", "summary": "The birds LOVE this feeder", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A3RW3LYEQU47FE", "asin": "B000BQPW6A", "reviewerName": "Eric Jacobson", "reviewText": "If you want a large, heavy-duty trowel that will probably never break, this is the one for you. Looks nice too.", "summary": "I dig it ...", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A3HFOKMNJ55F5I", "asin": "B000AS22P8", "reviewerName": "Martin R. Gutzmer", "reviewText": "Easy Way to Look up in the Morning and see the temperature for the day!", "summary": "Five Stars", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2018", "reviewerID": "ALTUP5XNZT3KA", "asin": "B001622202", "reviewerName": "Joelle", "reviewText": "Great plants", "summary": "Healthy", "unixReviewTime": 1526083200} +{"overall": 1.0, "verified": true, "reviewTime": "08 29, 2017", "reviewerID": "A2IZ8MTP4WKB7C", "asin": "B000E1RIUU", "style": {"Size:": " 4 Pack"}, "reviewerName": "M.C.", "reviewText": "Items themselves turn on but don't catch mice. Mouse goes around unit.", "summary": "Doesn't work", "unixReviewTime": 1503964800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A11C7CKWL1FLPL", "asin": "B00169QQWK", "reviewerName": "Chuck cubed", "reviewText": "Just what we needed to keep our pool clean and clear the whole summer. Good turn around on the order.", "summary": "Good turn around on the order", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "ACHMK7O3DXYS6", "asin": "B0006G51HK", "style": {"Size:": " 7L x 2W ins."}, "reviewerName": "Lynne J. Morris", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "AGJP2544BO9J6", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "Jerry", "reviewText": "Perfect replacement part delivered promptly.", "summary": "Five Stars", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A39FOSLEIA310D", "asin": "B000MVIAAO", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Doug G.", "reviewText": "Very high quality, great fit, very durable...nice surprise for quality outdoor covers at a very decent price.", "summary": "great fit, very durable", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "A1S8HPS1UTJ3TV", "asin": "B0012BSFF8", "reviewerName": "Dawn S.", "reviewText": "Organic Sesame Seeds are great tasting and a nice nutritional booster. Free of pesticides it is a wonderful addition to your diet whether you are eating them for flavor or nutritional value.", "summary": "Organic Sesame Seeds", "unixReviewTime": 1388188800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A2BA5OTHLP2DQC", "asin": "B0015UIOWK", "style": {"Size:": " 5-Pound"}, "reviewerName": "Kindle Customer Ally", "reviewText": "works great, simple to add and all in one", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 4.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "AU655VY1TQAZR", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Percival", "reviewText": "inexpensive and works fine, better than fancy plastic versions", "summary": "reliable", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A1GXTBR5PD67KX", "asin": "B000GE7A6M", "style": {"Size:": " 3 Liters", "Color:": " Blue"}, "reviewerName": "Marge", "reviewText": "This comes so handy. Other watering cans are so bulky, and this is perfect--especially for storage.", "summary": "DAINTY, DAINTY! !", "unixReviewTime": 1429920000} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A26H8EIPWIO7K3", "asin": "B0001LE2D4", "reviewerName": "Stuart Williams", "reviewText": "Pricey, but kills them dead. Dead, dead, dead. Zaps them right out of the air.", "summary": "Four Stars", "unixReviewTime": 1442275200} +{"overall": 2.0, "verified": true, "reviewTime": "07 17, 2017", "reviewerID": "AU1QSI0AMDPO", "asin": "B0000DI85K", "reviewerName": "bill n.", "reviewText": "Good", "summary": "Two Stars", "unixReviewTime": 1500249600} +{"overall": 3.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "ALV2AQ55LGCEC", "asin": "B0013KUAFG", "reviewerName": "Kitz", "reviewText": "Pretty thin", "summary": "Works fine but pretty thin", "unixReviewTime": 1433635200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 25, 2010", "reviewerID": "A1T3SQ0F7KOOQW", "asin": "B000WYANDI", "reviewerName": "Gary L. Shank", "reviewText": "The Long Legs sure make the Old Smokey easy to use. They bring it up to a workable height.", "summary": "Long Legs", "unixReviewTime": 1272153600} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "AWKHWRKN2NF5", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac(UltraPlus)"}, "reviewerName": "Howie305", "reviewText": "It's great for dry the car after a wash, much better than towels.", "summary": "Easy to use.", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "AK36WQTXL3K1X", "asin": "B0009N0QO8", "reviewerName": "WAYNE M.", "reviewText": "Original regulator failed This was a nice easy repair . May have to buy one for spare at home or the motor home.", "summary": "replacement", "unixReviewTime": 1402185600} +{"overall": 4.0, "verified": true, "reviewTime": "10 5, 2017", "reviewerID": "A2GP3QLJ0JAUY9", "asin": "B000HHLQNQ", "reviewerName": "Mattahatchee", "reviewText": "I bait the childproof, dog proof bait boxes available at Amazon. Havent seen any rodents for a while, but thats not very scientific is it?\nBTW I handle them with latex gloves, so I don't absorb the poison, and don't leave a human scent, or oils on the bait, as per instructions.", "summary": "I bait the childproof, dog proof bait boxes available ...", "unixReviewTime": 1507161600} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2014", "reviewerID": "A2ZZF2H64JNK26", "asin": "B000HCNEVI", "style": {"Size:": " Square Medium"}, "reviewerName": "Rick 0501", "reviewText": "Best cover I've found and well worth the price", "summary": "Five Stars", "unixReviewTime": 1411776000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A2MWUNNI33R3Z6", "asin": "B0012YIB2W", "reviewerName": "Pemw", "reviewText": "These are doing well", "summary": "Good plants", "unixReviewTime": 1488326400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A2640PJCFL263O", "asin": "B0017SW5E8", "reviewerName": "M. thixton", "reviewText": "This is a very solid brush and the bristles do a good job of cleaning the pool floor and steps. You can feel the quality when you use this brush. It will last much longer than the usual brushes made out of cheaper materials.", "summary": "Solid Brush", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A1NCVERYR6HSBS", "asin": "B00004S1V6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "q", "reviewText": "Product is as advertised.", "summary": "Five Stars", "unixReviewTime": 1448755200} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A1TCKXZTCYBZM", "asin": "B0014FGT8C", "style": {"Format:": " Lawn & Patio"}, "reviewerName": "kip randall", "reviewText": "Not sure", "summary": "Four Stars", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "ATYGU05GTSKG4", "asin": "B0012GV06O", "style": {"Size:": " 26.3'", "Color:": " Green", "Style:": " Slim Soft Tie"}, "reviewerName": "cookie", "reviewText": "LOVE THIS STUFF! i Grew 40 tomato plants and wired to the fence with this tie material. It worked great.", "summary": "LOVE THIS STUFF", "unixReviewTime": 1434931200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "A3TOGSK0R49YO0", "asin": "B0009Y7RPS", "style": {"Style Name:": " Temperature"}, "reviewerName": "Jonas", "reviewText": "Works great, I have it in my RV refrigerator. I no longer have to open the fridge door to see the temperature.", "summary": "Works great, I have it in my RV refrigerator.", "unixReviewTime": 1524700800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2012", "reviewerID": "A36WET2V5EEN6U", "asin": "B000WB13QC", "reviewerName": "K&K", "reviewText": "Who were to big to fit in these. They did try though I saw chew marks around the edges. Had to get a bigger trtap. But these look like they would have caught Mikey,", "summary": "Turned out we had rats", "unixReviewTime": 1356912000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2017", "reviewerID": "A2QL20Z7H6XA5W", "asin": "B00004RA7A", "style": {"Color:": " N/A"}, "reviewerName": "J. B. Carrico", "reviewText": "Just as advertised.", "summary": "Five Stars", "unixReviewTime": 1508630400} +{"overall": 2.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "A16BP9788L2RRE", "asin": "B000VNETJO", "reviewerName": "Virginia Bookwoolfe", "reviewText": "plant was not in the best condition: i'm waiting for the two original large leaves to come off soon. the packaging may have hurt the plant.", "summary": "could have been a better plant", "unixReviewTime": 1434844800} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A1ZQV2RG4I2IYU", "asin": "B000OH1XCI", "style": {"Size:": " 4-Inch"}, "reviewerName": "Bird1666", "reviewText": "Not as bright as I would like it to glow, but very pretty in the garden day and night.", "summary": "Four Stars", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "AIIBD0NIYCK5K", "asin": "B0015AUY3W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Earlier Nelson Quick Connect sets purchased are still performing like new after 20 years. Heard rumor the brass Quick Connects were being discontinued. I stocked up.", "summary": "Original Quick Connect Sets Still Working Afteer 20 Years.", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2012", "reviewerID": "AX0T6R1BSRY27", "asin": "B000ZB2GM4", "style": {"Size:": " 44 x 28-Inch", "Color:": " Sports"}, "reviewerName": "Thu Jenkins", "reviewText": "I purchased this for my son and was amazed by the quality, it was nice and thick with great stitching on the appliques! It should hold up for many years!! GO RANGERS!!", "summary": "AWESOME QUALITY", "unixReviewTime": 1354406400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2013", "reviewerID": "A34A1UP40713F8", "asin": "B000MVIAAO", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "James. Backus", "reviewText": "This picture looks just like the table outside. Its wonderful fit, well made. I hope it lasts a few years.", "summary": "great fit", "unixReviewTime": 1381968000} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "AU7W7XRE5EGQO", "asin": "B000FCPDFA", "reviewerName": "Matt &amp; Claire Wright", "reviewText": "Typical hydroton brand...price seemed high to me though...", "summary": "Decent...", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": false, "reviewTime": "01 23, 2016", "reviewerID": "A2TM0K7HUH7SLC", "asin": "B000BOC7QK", "style": {"Color:": " Original Version"}, "reviewerName": "Carl W.", "reviewText": "Set the lo mixture for highest RPM's at idle and hi mixture for highest RPM's at full-throttle. Set the idle just until the chain stops. Amazon has parts in bulk. Repair Clinic and E- Replacement parts have parts. E-Replacement parts has exploded views.", "summary": "HANDY TIP!", "unixReviewTime": 1453507200} +{"overall": 5.0, "verified": false, "reviewTime": "09 15, 2014", "reviewerID": "A3D9JX3B1W3R1M", "asin": "B000NBOXEU", "reviewerName": "Charles Hanson", "reviewText": "Never disappointed with Woodstock", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "11 1, 2012", "reviewerID": "A1U5I28PIL4LAP", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 396 GPH", "Style:": " Fixed Flow"}, "reviewerName": "Gary", "reviewText": "GREAT PUMP,USED ON LINE LIFT,FLOW RATE FIGURES,PUMPED 4FT+ ,VERY GOOD,FAST SHIPPING,BE SHURE TO CHECK FOR LIFT HEIGHT,I did NOT ON MY FIRST ORDER,SO I BOUGHT THE WRONG ONE FIRST", "summary": "GREAT PUMP", "unixReviewTime": 1351728000} +{"overall": 3.0, "verified": true, "reviewTime": "02 16, 2014", "reviewerID": "A31UVXEANHGDSL", "asin": "B000071NUS", "style": {"Style:": " Model-300000296A"}, "reviewerName": "DavidA", "reviewText": "Let me say that this appears to be a great product, but for smaller yards. I have a large yard with culverts and the long hose hook-ups were just impractical, so I bought signs.", "summary": "Returned", "unixReviewTime": 1392508800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A13QYOXK27JB8N", "asin": "B0009T89C8", "reviewerName": "tim", "reviewText": "fit perfect good quality filter", "summary": "Five Stars", "unixReviewTime": 1410566400} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A97B36DDDNPSS", "asin": "B001H1HHYS", "style": {"Package Quantity:": " 1"}, "reviewerName": "John A. Brissette", "reviewText": "These seem to work. Sticky traps don't, others don't, but we've had good results with these.", "summary": "Do the job.", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": false, "reviewTime": "08 8, 2014", "reviewerID": "A2H9DLPZY8AJNY", "asin": "B0019BK8AG", "style": {"Pattern:": " 1 Pack"}, "reviewerName": "Allen Driskill", "reviewText": "Halted the invasion of stench bugs that we creeping it at the doorways of our house. I've ordered move.", "summary": "Works as advertised", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A8O2OHC47ZL9G", "asin": "B000J426K4", "style": {"Size:": " 50 Feet"}, "reviewerName": "Steve Hennessey", "reviewText": "perfect hose", "summary": "Five Stars", "unixReviewTime": 1467849600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "12 9, 2012", "reviewerID": "ARMYCJ2WKBHB6", "asin": "B000OWF97S", "reviewerName": "Daniel S", "reviewText": "I got this to aid in getting my trees started. Works well, I would buy it again and would recommend.", "summary": "Nice to start your plants", "unixReviewTime": 1355011200} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A3DT3M3ADBA5AC", "asin": "B000LNUA9W", "reviewerName": "Leland Dickerman", "reviewText": "wife loves it.", "summary": "Five Stars", "unixReviewTime": 1408838400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A34R7EPTPTGCFN", "asin": "B000ZOCCIY", "reviewerName": "Judie", "reviewText": "Perfect replacement", "summary": "Five Stars", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "A3LJPPXG749HV8", "asin": "B000BQT47S", "style": {"Color:": " Gray"}, "reviewerName": "Doug Semon", "reviewText": "Works fine.", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2015", "reviewerID": "A3CINL0SOI0KVV", "asin": "B000OMH93U", "style": {"Size:": " 1-Pack"}, "reviewerName": "Dominic T Panebianco", "reviewText": "Very durable and at almost one half the price of those same units sold at pool places and even walmart.", "summary": "Very durable and at almost one half the price of ...", "unixReviewTime": 1447545600} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "AJF924ALZGKY4", "asin": "B000ESNCGW", "style": {"Size:": " 1 Horsepower", "Style:": " Single Speed"}, "reviewerName": "Christopher Vo", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1455926400} +{"overall": 4.0, "verified": false, "reviewTime": "10 17, 2014", "reviewerID": "A1YE02R1TL5EP3", "asin": "B00004U9VF", "reviewerName": "Charles Wilson", "reviewText": "its a thermometer!!", "summary": "Four Stars", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "AVZQ08UZU1YHA", "asin": "B000E28UQU", "reviewerName": "Rescue Kat", "reviewText": "Does its job", "summary": "Five Stars", "unixReviewTime": 1449964800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A39IUCK1WEKLQI", "asin": "B0010XX3CS", "reviewerName": "Gloria Jean Sevier", "reviewText": "very good product and service", "summary": "Five Stars", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1CA4GNUAEOD9O", "asin": "B0015AUSCY", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Dusty", "reviewText": "needed this for my rain barrel. good price and fast delivery.", "summary": "good price and fast delivery", "unixReviewTime": 1404345600} +{"overall": 4.0, "verified": false, "reviewTime": "10 9, 2017", "reviewerID": "A1UA8LLUK5QYE8", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Hugo N. Frye", "reviewText": "Perfect solution for refilling my chainsaw's and similar devices.", "summary": "Considering replacing all of my gas cans with these No-Spill gas cans.", "unixReviewTime": 1507507200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A3UBY3UEN763NJ", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "onlineshopper", "reviewText": "This blower was a great product at a great price. It has much more power than I expected!", "summary": "Five Stars", "unixReviewTime": 1497571200} +{"overall": 4.0, "verified": true, "reviewTime": "12 30, 2016", "reviewerID": "A3VRU3UDIOIAK1", "asin": "B000V87OU0", "reviewerName": "D. Hunt", "reviewText": "seems pretty accurate compared to liquid tests", "summary": "Four Stars", "unixReviewTime": 1483056000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "AOCCAC5UDMF63", "asin": "B000E28UQU", "reviewerName": "Noel", "reviewText": "Perfect for weed killer", "summary": "Great product", "unixReviewTime": 1524614400} +{"reviewerID": "A1JOO6AN5I6UPK", "asin": "B001ANQVZE", "reviewerName": "Steven K.", "verified": false, "reviewText": "Does a fine job on furniture with a flea problem. Instructions indicate for use on clothes against mosquitoes and ticks. The active ingredient permethrin is suitable for killing insects indiscriminately. Has no odor and recent research indicates its effects on humans is minimal.", "overall": 5.0, "reviewTime": "01 10, 2007", "summary": "Sawyer Premium Insect Repellent", "unixReviewTime": 1168387200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "A260NQZKYGPOYH", "asin": "B000GD8LZW", "style": {"Color:": " White"}, "reviewerName": "pjmtnn", "reviewText": "Exactly what I needed!", "summary": "Five Stars", "unixReviewTime": 1498262400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A21IFA5SFJQ66V", "asin": "B0015AV3NW", "reviewerName": "James MacDonald", "reviewText": "Great Product!", "summary": "There needs to be a couple more sprinkler heads in the kit. five is Ok, but six or seven would be just perfect.", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "ATIH5XMWHR0LP", "asin": "B001A0K8KQ", "reviewerName": "Jim from Birch Bay WA", "reviewText": "Can't speak for the accuracy yet, but so far I like the product.", "summary": "Old eyes need BIG NUMBERS and LETTERS !", "unixReviewTime": 1476057600} +{"overall": 4.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A2KGDSWWV6TMB", "asin": "B0012VW7DO", "reviewerName": "Marla McDonald", "reviewText": "So far, so good.", "summary": "so good.", "unixReviewTime": 1404345600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 1, 2011", "reviewerID": "A3G2EXOTZ2XLAJ", "asin": "B00002N6BZ", "reviewerName": "AG", "reviewText": "I live in an area with extemely hard water, so I filled this up with vinegar and water and it's been doing the trick. Much cheaper than buying store bought chemicals.", "summary": "Great quality sprayer", "unixReviewTime": 1320105600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A382RREPYJO9B7", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 158 GPH", "Style:": " Fixed Flow"}, "reviewerName": "Amazon Customer", "reviewText": "Using this pump in my hydroponic dutch bucket set up with nine buckets spaced twenty seven inches apart total length of about twenty feet. Pushes the water out twenty feet with a head height of about four feet quite well. Nice flow overall well pleased.", "summary": "Works well...", "unixReviewTime": 1428364800} +{"overall": 4.0, "verified": false, "reviewTime": "07 30, 2017", "reviewerID": "A3PT0LM79PIOFP", "asin": "B000T7J9TM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "stupeg", "reviewText": "checking it out", "summary": "Four Stars", "unixReviewTime": 1501372800} +{"overall": 5.0, "verified": false, "reviewTime": "10 6, 2014", "reviewerID": "A3AY8SK3PT7ICL", "asin": "B000BQM0LU", "reviewerName": "Goodidea", "reviewText": "Fit my 18 year old mower perfectly.", "summary": "Five Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": false, "reviewTime": "08 23, 2014", "reviewerID": "AGS29OVC93Q9D", "asin": "B000JUW8I8", "reviewerName": "Missy", "reviewText": "I personally think the EarthBox is the cats meow so to say. I have had unbelievable results with this set up. So, needless to say I needed the replant kit with Fertilizer, Dolomite and the plastic cover. This whole set up is just so clever.", "summary": "EarthBox replacements", "unixReviewTime": 1408752000} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "A2H5DOC0K6ZP3M", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "IBlackseven", "reviewText": "For the money worth it. Does have a little trouble moving wet things and leaves through grass. I am satisfied though,.", "summary": "Pretty good", "unixReviewTime": 1403136000} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "ALWFD0B4M6EFG", "asin": "B000VLXIEI", "style": {"Color:": " Bronze"}, "reviewerName": "John", "reviewText": "much stronger than plastic type", "summary": "holds flag securely", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "AHFI5RP3N62B2", "asin": "B001ASHLSU", "reviewerName": "Syed B. Husain", "reviewText": "Love this blower. Works great. What makes it more special is that it has a 4 stroke engine.", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 2.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A4XQZSI2VLRBP", "asin": "B000BQMWQ8", "reviewerName": "Moshe", "reviewText": "My pole needed grommets", "summary": "Two Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2013", "reviewerID": "AKJH93MW0GXPO", "asin": "B000E1EHOK", "style": {"Size:": " 27 Oz."}, "reviewerName": "Hilda C. Morris", "reviewText": "Prompt service and the blue birds seem to like them. I would buy these again for the blue birds because i is a good product", "summary": "Blue Bird nuggets", "unixReviewTime": 1372550400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A2SPE6W78KIXSF", "asin": "B000NBGS48", "reviewerName": "Sallie", "reviewText": "A nice sturdy flag with good color. Exactly what I was looking for!", "summary": "Five Stars", "unixReviewTime": 1414022400} +{"overall": 4.0, "verified": true, "reviewTime": "08 29, 2010", "reviewerID": "ABJIXMSVJ5YK2", "asin": "B000G2OYI6", "reviewerName": "B. Davis", "reviewText": "For some reason I had the image of a thick opaque redness, but I should have known better for $4. Its a see-thru polyester weave. Still effective at convincing my father in law i'm a closet communist.", "summary": "For the price", "unixReviewTime": 1283040000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2013", "reviewerID": "A2BV2LA9B5QDJW", "asin": "B000BPAVCG", "style": {"Size:": " Qty 1"}, "reviewerName": "Lynn H. Halle", "reviewText": "So far I have caught 10 squirrels. Today I saw two more. I am bringing them more than 5 miles away. I hope they can't find their way back.", "summary": "Have averaged 2 per day", "unixReviewTime": 1387411200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "ARLWS0LMC8MET", "asin": "B000X3KTHS", "reviewerName": "Dean", "reviewText": "This is my 2nd one, just great and east to use.. also measures up to 10 or 11 inches of rain... We had 10.5 last December ...", "summary": "Buy one", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A7Z2J3P6X5NUA", "asin": "B0015R7WEO", "reviewerName": "John McLean", "reviewText": "good .", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "AZU4AK2EPRRMU", "asin": "B000WEKLTE", "style": {"Size:": " Large"}, "reviewerName": "A. Guy", "reviewText": "GOOD DRIP PANS- DECENT LASAGNE PAN", "summary": "Four Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A3E7Z4ENP5ETLH", "asin": "B000XUHGHC", "reviewerName": "matthew", "reviewText": "GREAT PRODUCT WOLD RECOMMEND TO ANYONE", "summary": "GREAT PRODUCT WOLD RECOMMEND TO ANYONE", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2HL5319SV95OC", "asin": "B0015MLRJU", "reviewerName": "Phil", "reviewText": "Oil filter...fits as described. Got here when promised.", "summary": "Oil filter... fits as described. Got ...", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": false, "reviewTime": "01 3, 2017", "reviewerID": "A3II9SVPOAJTMN", "asin": "B0000YZJGQ", "style": {"Size:": " Small", "Color:": " White"}, "reviewerName": "Richard Derk", "reviewText": "Pull out from way back in a cabinet rather than reaching on your knees.", "summary": "Easy Storage", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "AZ9IFGFC5TOQB", "asin": "B000WYOOQ0", "reviewerName": "Mike from Cincy", "reviewText": "Works great. Let's see how long this one last before it rusts.", "summary": "Perfect fit!", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A3BD47L3Y3HU5X", "asin": "B0015MLRJU", "reviewerName": "Michael", "reviewText": "Good buy", "summary": "Five Stars", "unixReviewTime": 1418947200} +{"overall": 2.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A1Y1FURVVSGLY0", "asin": "B0002564VM", "reviewerName": "Shannon Ninnemann", "reviewText": "After a month of use, the sprayer will no longer work. Very disappointing.", "summary": "Two Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A1IZTXUZ9K83CL", "asin": "B000HHSAR6", "reviewerName": "Doug L.", "reviewText": "Works just as expected. Thanks.", "summary": "Five Stars", "unixReviewTime": 1470182400} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A24KI6PZG2G7BO", "asin": "B000NSGNOG", "reviewerName": "dave o.", "reviewText": "GREAT PRODUCT", "summary": "Five Stars", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2011", "reviewerID": "A1GFE8PT6NYP4C", "asin": "B0013HO0E6", "reviewerName": "Eli Sayegh", "reviewText": "Elegant looks, accuracy and the perfect feature/function set make this the best. Don't get taken away by silly graphics that other models offer at a higher price. This model tops them all.", "summary": "\"The\" best", "unixReviewTime": 1302134400} +{"overall": 5.0, "verified": false, "reviewTime": "11 6, 2016", "reviewerID": "A2TLC6JVCXI30K", "asin": "B000BZ8HNG", "style": {"Size:": " 10 LB"}, "reviewerName": "Military Vet", "reviewText": "This is Miracle-Gro. Nothing else needs to be said, of course it's good. The only thing to say I guess is the great price for the size box you get. Truly a great buy and bargain.", "summary": "of course it's good. The only thing to say I guess is ...", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A33ROSMXZ6YNEO", "asin": "B00004RA87", "reviewerName": "Paul", "reviewText": "Although this chain had to be exchanged, the customer service was great. The replacement they recommended fit great.", "summary": "Great customer service", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A1K994EYDPJ6C7", "asin": "B000BANMUY", "style": {"Color:": " Orange"}, "reviewerName": "Jimmy Green", "reviewText": "All my neighbors have borrowed this thing and they think it's wonderful and makes the job easy.", "summary": "... neighbors have borrowed this thing and they think it's wonderful and makes the job easy", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "A3S9WWV4VIZ0Y8", "asin": "B0019T29QE", "reviewerName": "Robin D.", "reviewText": "LOVE my sleeping gnome!! the colors are lovely I did spray lacquer on him so he would be safe outside!", "summary": "LOVE my sleeping gnome", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "A3I85LHI6AWSUN", "asin": "B0009PUQAK", "style": {"Style:": " Hose"}, "reviewerName": "Greg S.", "reviewText": "Works great to connect a full size propane bottle to my mini grill (that is piped for 1 lb. cylinders).", "summary": "Works great", "unixReviewTime": 1459641600} +{"overall": 1.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "ADU3EKZY9RQTR", "asin": "B000H6JJEA", "style": {"Size:": " Qty 1"}, "reviewerName": "CatDickel", "reviewText": "This trap has the worse trigger mechanism I have ever seen. It is terrible. Do not buy one with cables like this.", "summary": "This trap has the worse trigger mechanism I have ever seen", "unixReviewTime": 1474848000} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "A10TLVS803GLN5", "asin": "B001F5FWL6", "reviewerName": "Big D", "reviewText": "good price, delivered on time, and perfect fit...", "summary": "I love it", "unixReviewTime": 1410220800} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "A1COZ8USA4RICX", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "Lindsy Rudolph", "reviewText": "I am so glad I bought this! Our yard looks great every time I'm done using this! I tend to use the blower more often than the vacuum just because it's easier to blow in a pile than suck up but come Fall I will be glad to have the vacuum.", "summary": "Great purchase!", "unixReviewTime": 1473033600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2012", "reviewerID": "ALVNW9HSGEMYQ", "asin": "B001BM6780", "reviewerName": "John", "reviewText": "Perfect. this cover fits like a glove and keeps the weather off the generator. Very satisfied. er er e re r", "summary": "Fits - works", "unixReviewTime": 1355270400} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "AXJZPW7GMHEJT", "asin": "B0002568SQ", "style": {"Size:": " 1-Gallon"}, "reviewerName": "deborah stojhovic", "reviewText": "It is good but if you ain't carefull it will kill your fish", "summary": "Three Stars", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "ABZMXHU9F6PX3", "asin": "B001AUPQVM", "reviewerName": "2929", "reviewText": "Great Quality", "summary": "Five Stars", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A3SB1DAGNIIA2A", "asin": "B0014FTJ52", "reviewerName": "michae kostak", "reviewText": "very pleased", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "AP1HZ3VLTW7KG", "asin": "B00147X7CQ", "reviewerName": "Rainy", "reviewText": "Is growing.", "summary": "Five Stars", "unixReviewTime": 1500681600} +{"overall": 4.0, "verified": true, "reviewTime": "12 13, 2016", "reviewerID": "A2DC8W3HRPTAVW", "asin": "B0009E3EF0", "style": {"Color:": " Black"}, "reviewerName": "Shane", "reviewText": "Seemed extremely durable. Delivered Saturday, gave it to my wife on Sunday morning because it was raining she left it on a bench at the train station Sunday evening. Ya Marriage!!!!!", "summary": "Seemed extremely durable. Delivered Saturday, gave it to ...", "unixReviewTime": 1481587200} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A1OSKGN1E4P6TJ", "asin": "B000WEMGM4", "reviewerName": "timmyj3", "reviewText": "Nice baskets, replaced 10-12 year old ones on my Weber one-touch. Not made as well as previous version but a little bigger which compensates. Nice product.", "summary": "Nice baskets, replaced 10-12 year old ones on my ...", "unixReviewTime": 1467676800} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2016", "reviewerID": "A3NVKYHEUN4C8R", "asin": "B0018S2NE4", "reviewerName": "C. Estes", "reviewText": "What a fun addition to the garden! Glowing little stones at dusk, add just a hint of fairy playfulness. Ordered 3 bags for myself and scattered about the flowerbeds. Just after dusk it is like fireflies amongst the flowers.", "summary": "FUN", "unixReviewTime": 1460937600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A3EZL2BG76QU2S", "asin": "B001ACNWM0", "style": {"Size:": " 10-Pack"}, "reviewerName": "Stan L. Riggin", "reviewText": "These stakes are really well built and work to hold landscaping edging solidly in place.", "summary": "Just right for the job!", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A2MGJ33YCV2DJM", "asin": "B000BQWP0Q", "style": {"Color:": " Yellow"}, "reviewerName": "Gary Arden Sellick", "reviewText": "Good Bargin. I really hate the way Amazon has a demand on how many I should use to review a product - What a bunch of horse pucky!!!", "summary": "Good Product", "unixReviewTime": 1396224000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "AJ1LKKKCVII3O", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "DF", "reviewText": "The item was everything I expected.", "summary": "Five Stars", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "A2LI7IWPC9EY1M", "asin": "B00173ELYK", "style": {"Size:": " 2-1/2-Gallon"}, "reviewerName": "jimmy the bull", "reviewText": "I live in Florida, the plastic ones crack due to heat. This watering can is very heavy duty and well made. I can't say enough good thing about this product.", "summary": "I can't say enough good thing about this product", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A3OJNHA04HBY3T", "asin": "B000Q6KSUU", "style": {"Color:": " Original Green"}, "reviewerName": "Carma Davis", "reviewText": "Love this!", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3GOVMAS8YEK5M", "asin": "B000E28UQU", "reviewerName": "fatima thomson", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A3W0KEFK92WDC1", "asin": "B000NUWKOG", "reviewerName": "Sonytn1", "reviewText": "Good product, good price No problems", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "A3F76JSHP92ESP", "asin": "B0018U0FP6", "reviewerName": "Nai-Nai", "reviewText": "They are exactly as shown. I have had them in the yard and enjoy them. I do wish they were more the pink of the packaging because it is so much more realistic.", "summary": "I have had them in the yard and enjoy them. I do wish they were more the ...", "unixReviewTime": 1520380800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 22, 2010", "reviewerID": "A70HUTHGNQ42U", "asin": "B000ZOCCIY", "reviewerName": "RJR", "reviewText": "The valve was just what I needed. It fit perfectly. The price was quite a bit less than the local dealers were offering it for. I'd shop here again.", "summary": "A great buy", "unixReviewTime": 1282435200} +{"reviewerID": "A2ZJMLZ1IA2YA9", "asin": "B0013JJ79M", "reviewerName": "Rachel B", "verified": true, "reviewText": "I purchased this cover May 2014 and it is already stiff and cracking. The quality is so bad I'm not sure if it even is a genuine Weber cover, my first one lasted 8 years. I wouldn't waste my money on this one again.", "overall": 1.0, "reviewTime": "09 11, 2015", "summary": "Terrible quality", "unixReviewTime": 1441929600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A247F7EL3I88H8", "asin": "B0016221IU", "reviewerName": "Bev", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A3T4TAK4IRC2K8", "asin": "B0019KYODO", "reviewerName": "Amazon buyer", "reviewText": "The filter for the hot tub arrived on time. Appears to be a well made product. No problems what so ever,", "summary": "Good product.", "unixReviewTime": 1357257600} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "ARSYPYZPQPN7T", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "smbd", "reviewText": "Product as advertised and swift delivery. Would recommend to anyone and do business again.", "summary": "Would recommend to anyone and do business again", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "A1ALXHE70APXJO", "asin": "B00004R9TK", "style": {"Size:": " 30-Feet, 0.065-Inch", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Brian G Salemme", "reviewText": "a", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"reviewerID": "A3KBZBCMJ6IHJ4", "asin": "B00128C6G0", "reviewerName": "Devein Baldwin", "verified": true, "reviewText": "not happy", "overall": 1.0, "reviewTime": "08 2, 2015", "summary": "One Star", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A2XCU7W10QWZIQ", "asin": "B00144D8CI", "reviewerName": "John Canary", "reviewText": "best hose nozzle there is.", "summary": "Five Stars", "unixReviewTime": 1488240000} +{"overall": 1.0, "verified": true, "reviewTime": "04 25, 2018", "reviewerID": "A2BF2NO48CYV4K", "asin": "B0000AXDUL", "reviewerName": "farmchik56", "reviewText": "Doesn't work even with new batteries.", "summary": "One Star", "unixReviewTime": 1524614400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A3GPTBT2AWP49D", "asin": "B000XBHI3I", "style": {"Size:": " 1Pack"}, "reviewerName": "Jason", "reviewText": "great product and price was right", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "A3JZP1GYI3OASW", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 290 GPH", "Style:": " Fixed Flow"}, "reviewerName": "SwedeBoy", "reviewText": "Pump.", "summary": "Four Stars", "unixReviewTime": 1432252800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "A1BZEQU3GC6DQ5", "asin": "B0007IMT8G", "reviewerName": "Kevin J Mascaro Sr", "reviewText": "Perfect fit", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 3.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A2P91WGBWTHO1R", "asin": "B000RO2A7U", "reviewerName": "kk", "reviewText": "Got like 5 seeds and nothing has sprouted yet.", "summary": "Three Stars", "unixReviewTime": 1465776000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A2QG9MLZPWY1LC", "asin": "B000V63VRC", "reviewerName": "Mildred Thorn", "reviewText": "Well constructed and vivid colors. Good buy!", "summary": "Patriot!", "unixReviewTime": 1480723200} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A1Y4IDOQTXW5N2", "asin": "B0014CC4WK", "reviewerName": "Larry", "reviewText": "A little expensive but the greatest Pole Saw ever. It's my favorite tool. Light weight, extremely sharp and reaches the highest limbs. Extremely well constructed. A little orange oil (Orange Clean) dissolves the pitch easily. I keep it in a safe place and won't loan out.", "summary": "Best Pole Saw", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A32U5ZPME2NMBS", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Karen in NY", "reviewText": "Not heavy but substantial enough for pruning shrubs and small tree limbs.", "summary": "This is a good one", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2013", "reviewerID": "A2LS1MYDQJ7ZSE", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Kreigs", "reviewText": "I read the reviews that the flag was not stitched but printed. At $10 - still a deal. My flag arrived in record time, perfect, stitched. So good I ordered another!", "summary": "Perfect", "unixReviewTime": 1366070400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A33PJFLCJ39E1Z", "asin": "B000N9PRKG", "reviewerName": "Manny", "reviewText": "Can't go wrong with original parts and it works as should be.", "summary": "Five Stars", "unixReviewTime": 1492473600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 8, 2013", "reviewerID": "AIWH7X3AD26SZ", "asin": "B000PBUKRM", "reviewerName": "Susan Cooper", "reviewText": "the first plant i got was less than satisfactory, but i received a very nice new plant,\nno questions asked, no return hassle.\n\ni would order from 9green box again, though you must use simple language when emailing them.\n\ni'm happy.", "summary": "great customer assistance", "unixReviewTime": 1365379200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3PQVNRL205RTY", "asin": "B0015MJUCQ", "reviewerName": "Joseph Gordon", "reviewText": "exactly what I wanted!", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A2AS7EJTO54WQ9", "asin": "B00095ODBI", "reviewerName": "Ardene", "reviewText": "Gift for a family member and he is most pleased.", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 1.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A2O1Y682NP7XR", "asin": "B001E2D62W", "reviewerName": "Dimitar Kolev", "reviewText": "no have conections...i find it but not easy..must to have", "summary": "work good", "unixReviewTime": 1473552000} +{"overall": 1.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A35HKBJSWM8I10", "asin": "B000W42U66", "style": {"Size:": " Small", "Color:": " Pebble"}, "reviewerName": "Maggie H", "reviewText": "I bought this cover 2 years ago. After the first year it had some rips which we fixed with gorilla tape. After the second season it has bad rips and is crumbling. Save your money!", "summary": "Not recommended", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A3GWZ4DBLK4IM7", "asin": "B0010ZNHL8", "style": {"Style Name:": " Stainless Steel Bowl"}, "reviewerName": "JERRY KALA", "reviewText": "MEET MY EXPECTATION", "summary": "Five Stars", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A1T9MIUP5I5FK9", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Exactly what I needed.", "summary": "good price", "unixReviewTime": 1473552000} +{"overall": 2.0, "verified": true, "reviewTime": "07 13, 2013", "reviewerID": "A248LHR3OIB4F6", "asin": "B0017678BA", "reviewerName": "antiquity", "reviewText": "This product had no effect on the sludge and/or algae in my pond, none. Would not recommend this product, period.", "summary": "Not in my pond it didn't", "unixReviewTime": 1373673600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2015", "reviewerID": "ADMJWDBE9COJ4", "asin": "B0015TT2NQ", "reviewerName": "ilya.", "reviewText": "good quality", "summary": "Five Stars", "unixReviewTime": 1423958400} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A7F5FCCPAJ2ON", "asin": "B000CSSYYE", "style": {"Size:": " 24-Ounce"}, "reviewerName": "RWinAZ", "reviewText": "We seem to get ant incursions into the house periodically, and I was really tired of the 'fresh scent' of the big brands that were overwhelming. This does kill ants just fine with no odor. No ants have snuck back in the same way either (so far). Try it!", "summary": "Works w/o smelling up the joint!", "unixReviewTime": 1441756800} +{"overall": 4.0, "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "A2YP5S144H0C2I", "asin": "B000SQ32MY", "reviewerName": "Ian Mclean", "reviewText": "Works great. Lasted 2 years in Southern California weather, being dropped on concrete & other abuse. Not bad for the low cost. So, ordering another one today for one I finally broke by dropping.", "summary": "Good For The Low Cost, Ordering Another One.", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A1A6SI65GUZ64Q", "asin": "B00170TER2", "reviewerName": "Harry J", "reviewText": "ing v wellery", "summary": "no moer leak", "unixReviewTime": 1416182400} +{"overall": 2.0, "verified": true, "reviewTime": "11 26, 2016", "reviewerID": "AU7PA1KV5MOMM", "asin": "B0015AOT4W", "style": {"Style:": " Square"}, "reviewerName": "Max Rockbin", "reviewText": "Very uneven spray pattern. No water near the sprinkler. Kind of concentrated a certain distance away.", "summary": "Not very useful spray pattern. Mostly concentrated at a fixed distance from the sprinkler", "unixReviewTime": 1480118400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A3T0F55DRQNTNP", "asin": "B000WEOOV0", "reviewerName": "toby7954", "reviewText": "As described and shipped quickly.", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A1802YDJV5R1G3", "asin": "B000BZ8HF4", "style": {"Size:": " 14-Inch", "Color:": " Black"}, "reviewerName": "Nadine", "reviewText": "I bought 2 of these at quite a bargain price on amazon, compared to my local nursery and hardware stores. These were already assembled, the coco mesh is good quality, and I hung them the same day I got them. Now looking for an excuse to buy 6 more and hang them everywhere.", "summary": "the coco mesh is good quality, and I hung them the same day ...", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2015", "reviewerID": "A1CLFSYVFWWXRY", "asin": "B00004SD74", "reviewerName": "private", "reviewText": "tough as nails..broke store bought ones..got these and they are an immediate upgrade", "summary": "tough as nails.. broke store bought ones. ...", "unixReviewTime": 1451001600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A2OOE11F4SE33A", "asin": "B000HHJETY", "style": {"Size:": " 10-Inch x 10-Feet", "Color:": " Green"}, "reviewerName": "Dayzee D", "reviewText": "worked really nicely for prevent our small dog from digging under our back deck to chase chipmunks.", "summary": "worked really nicely for prevent our small dog from digging under our back deck to chase chipmunks.", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "ANTXBFG56GLIG", "asin": "B000E2D3E4", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "RR", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "AK4L5YQY73Z57", "asin": "B0012YIB2W", "reviewerName": "CaroleL", "reviewText": "This is my jasmine I moved outside this week with my lemon grass This jasmine arrive in very nice condition\nIt has bloomed tiny white bloom almost daily The blooms only last one day\nThe blooms on this plants have a strong jasmine scent It's such a lovey scent", "summary": "Blooming. Lovely jasmine in the air", "unixReviewTime": 1464652800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 25, 2017", "reviewerID": "ATQOA5SUET1LK", "asin": "B0014JNG52", "reviewerName": "Chefmom", "reviewText": "Sturdy, perfect length and width for mobility within our freestanding stove. Easily moves hot ashes, no issues. This is exactly what we were looking for to remove ash from our stove.", "summary": "Great tool for cleaning fireplaces!", "unixReviewTime": 1490400000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "AL5JOZQ87YEM3", "asin": "B0012XIWX6", "style": {"Color:": " Yellow"}, "reviewerName": "GordaMan", "reviewText": "This is the BEST finch feeder we have used in 30 years. Easy to fill and clean. And the finches seem to love the spiral perch design.", "summary": "Great Finch Feeder", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2014", "reviewerID": "A1WYUV87LA2JLG", "asin": "B0000CFOO1", "reviewerName": "Pianist", "reviewText": "Very clear, easy to install outside the window, acurate.", "summary": "Strongly recommended", "unixReviewTime": 1405900800} +{"overall": 4.0, "vote": "38", "verified": true, "reviewTime": "06 22, 2010", "reviewerID": "A1G25CG7UWQ3XO", "asin": "B001GJ3FIS", "reviewerName": "Jamazon", "reviewText": "This is a well made, sturdy hose sprayer, and at a very good price. The only function I miss is the soaker setting. I would recommend this item. If it only had one less 'spray' setting and add the 'soaker', it would have been perfect!", "summary": "Almost perfect", "unixReviewTime": 1277164800} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A3BA4F1PSWI7U5", "asin": "B000GXPDD0", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "William H. Hartzler III", "reviewText": "A very effective bait; I used it on my Victor traps and it works fantastically. Extremely easy to apply and you don't get anything on your hands.", "summary": "Effective Bait", "unixReviewTime": 1486080000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "11 8, 2011", "reviewerID": "A1B35P2IBPQVXF", "asin": "B000X1UKVU", "reviewerName": "Keivn L. Rasmussen", "reviewText": "This is a great replacement sprayer valve and will probably outlast the pump and bottle now. Just be sure to get the ajustable sprayer nozzle and wand to complete the set for the complete set up that will work better then any the stock valve and sprayer heads.", "summary": "Great replacement.", "unixReviewTime": 1320710400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A2E56LH7L1DAB7", "asin": "B000BDH8RE", "reviewerName": "upstate new yorker", "reviewText": "As always gr8 product and easy to use. ...", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A3SEMO6DDMZ2C9", "asin": "B000WEOQC2", "reviewerName": "R. Moreno", "reviewText": "Sparks and Lights, Fits Genesis 1000", "summary": "Sparks and Lights, Fits Genesis 1000", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "A3PPYV0LUBM14W", "asin": "B00013BUW8", "reviewerName": "judy s", "reviewText": "This is the 2nd Suncast storage seat that I have recently purchased from Amazon. I decided to get this 2nd product because I needed additional storage to store beach towels close to the pool and out of the poolroom bathroom.", "summary": "HOLD LOTS OF BEACH TOWELS BY THE POOL", "unixReviewTime": 1402185600} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A1IIC5NDXYLLB5", "asin": "B0014E3MT2", "style": {"Size:": " 12\" hose"}, "reviewerName": "Daniel Perkins", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "A3FXJ9BRZ09CZ9", "asin": "B000WEOQH2", "reviewerName": "Stoddard", "reviewText": "Webber parts are the best for a rebuild. Heat up nice and hold the heat. Leave nice markings on your meat", "summary": "Webber parts are the best for a rebuild", "unixReviewTime": 1419897600} +{"reviewerID": "AL3S90LJTZRWH", "asin": "B000657BRE", "reviewerName": "Lester Kernan", "verified": true, "reviewText": "A great hammock for the price, much better than the one I bought at my local hardware store for twice the price, get the recommended straps if you putting it between two trees, a must have!", "overall": 5.0, "reviewTime": "05 20, 2011", "summary": "Excellent Buy", "unixReviewTime": 1305849600} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "AHGGSHKV989N3", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1492560000} +{"overall": 3.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A1F6PCT7RWYW96", "asin": "B0012W21IY", "reviewerName": "We are Ninjas", "reviewText": "there is not enough room on my rider to keep the drain plug screwed in and still turn the wheels due to the way the steering mechanism is on my briggs and stratton craftsman lawnmower. very disappointing.", "summary": "there is not enough room on my rider to keep ...", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "AON0WPT4HG0PV", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "John Rossi Jr.", "reviewText": "JUST THE RIGHT SIZE FOR MY SPOUSE NOT TO SMALL NOT TO BIG.", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A2BGNFA8TKOCK6", "asin": "B000HCSMOW", "style": {"Size:": " X-Large"}, "reviewerName": "J. Robinson", "reviewText": "High quality product.", "summary": "High Quality", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2010", "reviewerID": "A3HTSYT90XZIE1", "asin": "B000E5T70K", "reviewerName": "I. Avrunin", "reviewText": "Had an indoor fountain with a pump that stopped working. Naturally the model number could not be found so I decided to take a chance on this one. It works perfectly and is quiet. It comes with 2 adaptes to fit most any indoor fountan piping connections.", "summary": "Great little pump", "unixReviewTime": 1282867200} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A1XU6CD5C9RVO5", "asin": "B000XXXF2O", "reviewerName": "A Carr", "reviewText": "Awesome little plant! :) I would recommend purchasing. We will buy again for gifts.", "summary": "Five Stars", "unixReviewTime": 1466380800} +{"overall": 2.0, "verified": true, "reviewTime": "02 21, 2014", "reviewerID": "A34C97X381OHSM", "asin": "B00169QQWK", "reviewerName": "Julie Holmquist", "reviewText": "Does not fit my pool pump very well. I use Type A Filters. Have to use a box cutter to make hole larger to fit in my pump. Maybe they fit in Type C filters better.", "summary": "Does not fit my pool pump very well.", "unixReviewTime": 1392940800} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2013", "reviewerID": "A2EQP3H3NH37V2", "asin": "B0012RLIHY", "style": {"Color:": " Natural"}, "reviewerName": "Marsene", "reviewText": "Received one and ordered a second one! Another good quality product from Lakeland Mills! Very pleased! Easy to assemble! Rustic looking wood! If I needed another table I would use this company. Awesome!", "summary": "Another Great Product!", "unixReviewTime": 1372118400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "ARYQ38IFEYDQN", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Just what i need", "summary": "Five Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "A1QO6A18EU8IE9", "asin": "B000XTH2UY", "style": {"Size:": " 4- Way Connector"}, "reviewerName": "James Leonard", "reviewText": "I use this manifold on my two Rain Barrels to connect the two while still having access to fill small containers from the barrels.", "summary": "Works great", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A3VYOAPYT6WGEV", "asin": "B001F0K14Y", "style": {"Color:": " N/A"}, "reviewerName": "Ann", "reviewText": "Excellent tool", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"overall": 1.0, "verified": true, "reviewTime": "09 29, 2014", "reviewerID": "A8GAL7VAM4M35", "asin": "B000H1Y3BY", "style": {"Style:": " Straight Shaft"}, "reviewerName": "KWI", "reviewText": "returned, bad reviews.", "summary": "bad reviews.", "unixReviewTime": 1411948800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A328N88PYD800Y", "asin": "B0015X54J8", "reviewerName": "Pam", "reviewText": "it is really good but I was not happy when I realized I could have bought it at the store for alot less money!", "summary": "it is really good but I was not happy when I realized I ...", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A30B7FVQ0FF2PX", "asin": "B00004TBKM", "style": {"Size:": " 1 Pack"}, "reviewerName": "LuckyFeather", "reviewText": "These work great. They do stink, especially after a month. Then you toss em. They catch a ton of flies tho. I have horses chickens, cats, dogs.", "summary": "Work great!", "unixReviewTime": 1446768000} +{"overall": 2.0, "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A26CFU79HROBWI", "asin": "B00147X7CQ", "reviewerName": "Amazon Customer", "reviewText": "No comment yet, I just got them and haven't planted. Looking forward to it. Should get many years of great spinach here in Fl.", "summary": "Should get many years of great spinach here in Fl", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2017", "reviewerID": "A44S10FUOCCQD", "asin": "B000MOIWWW", "reviewerName": "OP", "reviewText": "awesome and great price!", "summary": "Five Stars", "unixReviewTime": 1513123200} +{"overall": 2.0, "verified": false, "reviewTime": "01 8, 2015", "reviewerID": "A3ETB0VMA9UXKK", "asin": "B00004TBKH", "style": {"Style:": " Trap"}, "reviewerName": "WRP", "reviewText": "Found this one to be far less effective than the disposable model despite using them almost side-by-side. Threw it in the garbage after the first month & went back to the disposable models!", "summary": "Not Great", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A1D6POQRMCNMC4", "asin": "B0009Z3KLC", "style": {"Package Quantity:": " 1"}, "reviewerName": "Tim", "reviewText": "Christmas gift for our friend's daughter.", "summary": "Build a Bird House", "unixReviewTime": 1483228800} +{"overall": 3.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A3DMT1STWYDNKW", "asin": "B0007MU17S", "reviewerName": "lori", "reviewText": "Very flimsy", "summary": "Three Stars", "unixReviewTime": 1503100800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A2GTEXJFR0W6CH", "asin": "B0016ZN668", "reviewerName": "Brandy Sines", "reviewText": "I love this. The flowers were starting to bloom then my lawn care man mowed them down but they were growing.", "summary": "oops", "unixReviewTime": 1404432000} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A3SO4CH3PZ9S00", "asin": "B000UK0YRY", "reviewerName": "Sharon L. Kimble", "reviewText": "Works well.", "summary": "Four Stars", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A35Q1O9V6G1R9F", "asin": "B001ELW98K", "style": {"Size:": " n/a"}, "reviewerName": "Madelyn Flenor", "reviewText": "Great price - almost 1/2 what I paid for one a couple of years ago", "summary": "Five Stars", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A18FDO7CDB0A70", "asin": "B000FJTV42", "style": {"Color:": " Blue Sparkle"}, "reviewerName": "Ernest D. Watts Jr.", "reviewText": "Item was delivered quickly and is a beautiful bird feeder, the squirls still have access to the seeds.", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "ATYECW2GTUB4R", "asin": "B0016FVYCG", "style": {"Size:": " 38.4 Ounces / 1.1 Kg."}, "reviewerName": "Scott", "reviewText": "Our pondless waterfall never looked so good. The water is now crystal clear. The rocks in my waterfall are now algae free. I will continue buying EvoBlast.", "summary": "Our pondless waterfall never looked so good. The water is now crystal clear", "unixReviewTime": 1405814400} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2015", "reviewerID": "A26H3J9KWJWXPV", "asin": "B000E28UQU", "reviewerName": "Mona Arceneaux", "reviewText": "would have preferred a 2 gall., it will work", "summary": "Four Stars", "unixReviewTime": 1444780800} +{"reviewerID": "A12BNP0X6FE4T9", "asin": "B0013JJ79M", "reviewerName": "roger", "verified": true, "reviewText": "It fits and does the job as it should be done--by staying on the grill when not in use--nice. Recommended", "overall": 5.0, "reviewTime": "07 3, 2013", "summary": "Fine cover", "unixReviewTime": 1372809600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 11, 2014", "reviewerID": "AGDSEJ1V089PO", "asin": "B0012QB29E", "reviewerName": "Dr. Tarzan M.D.", "reviewText": "All of General Hydroponics are Good Products for most part ... other their Prices should be LOWER ... I've been using their products for several years and the end results show the product works VERY WELL .... I would recommend to others ...", "summary": "Michigan Dirt Farmer", "unixReviewTime": 1392076800} +{"reviewerID": "A2GQ5OU1199USN", "asin": "B000LNQY1A", "reviewerName": "Todd Gutschow", "verified": true, "reviewText": "I wanted a heavier gauge steel shovel. This one fit the bill...it's sturdy and solid sliding over concreate. It's heavier than most, though.", "overall": 5.0, "reviewTime": "09 19, 2016", "summary": "Good quality, heavier gauge steel", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A3D5PYW78GKDWV", "asin": "B000P8IL62", "reviewerName": "MW", "reviewText": "These are good bags, good material, right size and work well on my echo blower/yard vac as well. The zipper has held up as the material after over a year", "summary": "Good Bags", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": false, "reviewTime": "07 28, 2014", "reviewerID": "A1NA6EYROLMJUA", "asin": "B0019BK8AG", "style": {"Pattern:": " 1 Pack"}, "reviewerName": "sde", "reviewText": "My boyfriend works in a bar and used these for fruit flies. They spent tons of money on other products and exterminators. After two days all flies were gone. They had them for months, so needless to say, they had a bad problem. This product is amazing.", "summary": "fruit flies", "unixReviewTime": 1406505600} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "A1IYBCK39L1Q9H", "asin": "B000HAAOKY", "style": {"Size:": " 2.2-Ounce"}, "reviewerName": "vanessa07v", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1523923200} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A36TKAWFYVTTY1", "asin": "B0016FVYCG", "reviewerName": "rose fanatic", "reviewText": "It takes a while, but this stuff clears out the algae well from our 2000 gallon pond. I ordered the large bucket.", "summary": "works well", "unixReviewTime": 1400371200} +{"overall": 4.0, "verified": true, "reviewTime": "07 1, 2014", "reviewerID": "ALJJLIAT7E9P9", "asin": "B00004RAD8", "style": {"Size:": " 1 Pack"}, "reviewerName": "RCMT", "reviewText": "I guess it will work ok", "summary": "Four Stars", "unixReviewTime": 1404172800} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2016", "reviewerID": "A3TJXG7JRV44GF", "asin": "B000RMTQ1K", "style": {"Size:": " 1/2\" Galvanized Tubing Stake, 10-Pack"}, "reviewerName": "HK", "reviewText": "dont like how expensive these are but they work great for drip system.", "summary": "Four Stars", "unixReviewTime": 1475884800} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3HEOQF60AG8V8", "asin": "B000J2CUPW", "style": {"Size:": " 1-Gallon"}, "reviewerName": "brian rutherford", "reviewText": "Been use ing it for years good product", "summary": "cost effective", "unixReviewTime": 1432166400} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "03 23, 2010", "reviewerID": "A28ZXN7U2NTCCD", "asin": "B000WEKLUS", "reviewerName": "Bebes papa", "reviewText": "I thought this would be good to use with our Q200. In fact, not so good. It never gets hot enough to properly grill things like eggs or pancakes. Even when left to preheat for 40 minutes. It's a waste of propane. Grill itself it good, but save your money and don't buy this.", "summary": "Ehh, not up to Weber standards", "unixReviewTime": 1269302400} +{"overall": 1.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A1TXJYSCVKZY2J", "asin": "B000P43TRW", "reviewerName": "Mike in CT", "reviewText": "Broke in a week.", "summary": "Garbage", "unixReviewTime": 1443571200} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2014", "reviewerID": "A29FRKPJDOSM8U", "asin": "B0007UQ2SM", "reviewerName": "Ronald J Kerrigan", "reviewText": "Easy to handle and meets my needs for an acre wooded lot with all the branches down, the leaves and mulching needing done.", "summary": "What I expected", "unixReviewTime": 1397865600} +{"overall": 1.0, "verified": true, "reviewTime": "10 22, 2016", "reviewerID": "A2K2UH0GE8LZN7", "asin": "B0013RCXC2", "style": {"Size:": " 4 X 6 Ft", "Color:": " Original USA"}, "reviewerName": "Mark T", "reviewText": "Good quality and great color. No fading yet. UPDATE: Terrible product! Mine has ripped all along the outside edge from the stripes. It gat so bad that I took it down. It is/was disgraceful to leave flying like that. Try another source for your outdoor flag needs!", "summary": "Another terrible choice. Quality didn't last. Very disappointed.", "unixReviewTime": 1477094400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A3DK17UJN2OKBH", "asin": "B001GBOAQC", "style": {"Size:": " 1 Liter"}, "reviewerName": "keep it sunny", "reviewText": "Super nice and clean product.", "summary": "Five Stars", "unixReviewTime": 1474416000} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A897ETJAQJUMS", "asin": "B000WU9GVW", "style": {"Size:": " Staked 360 Full Circle Pattern"}, "reviewerName": "AuntieM2", "reviewText": "Covers more area than drip emitters. Thanks", "summary": "Four Stars", "unixReviewTime": 1413676800} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "07 2, 2008", "reviewerID": "A2J220BV32P2C8", "asin": "B000EC0DX8", "reviewText": "The price and the picture say it all. Cheaply constructed. You get what you paid for...\n\nDo yourself a favor, invest in a GOOD hammock.", "summary": "Horrible Construction", "unixReviewTime": 1214956800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "A3LPBQW2HA1Q0S", "asin": "B00004RA82", "reviewerName": "NANCY BRYANT", "reviewText": "GREAT PRODUCT, WORKS AS EXPECTED", "summary": "OREGON CHAIN", "unixReviewTime": 1504569600} +{"overall": 2.0, "verified": true, "reviewTime": "11 26, 2016", "reviewerID": "A29SC74RI0VFQO", "asin": "B0013HO0E6", "reviewerName": "Aaron W.", "reviewText": "Worked well for one year, temperature was accurate inside and out. Two weeks out of the one year manufacturer warranty the outdoor transmitter stopped transmitting. The outdoor transmitter is half the price of a new weather station.", "summary": "outdoor transmitter went out after a year", "unixReviewTime": 1480118400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A44AIVX4NN9NF", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "EMB12", "reviewText": "GREAT", "summary": "Five Stars", "unixReviewTime": 1441670400} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2013", "reviewerID": "A3TJN3F7RR39L9", "asin": "B000NCW904", "style": {"Size:": " 1-Pack"}, "reviewerName": "Edye Edens", "reviewText": "I've always used this and liked it in addition to the other leisure time products for my hot tub chemicals.", "summary": "Good", "unixReviewTime": 1359331200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A28ARIEPNLOBUI", "asin": "B001E06892", "reviewerName": "that friend you ask when you're looking to buy something", "reviewText": "I've had these for over 2 years and they are still in good shape. I don't always clean the filter when the pressure gauge says so, occasionally letting it get up to 25lbs, but the panels have held up and haven't cracked.", "summary": "2 years and a bit of abuse and they still look good", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2016", "reviewerID": "A374KFRGUAG8ZT", "asin": "B0016KGSFE", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "CharlesBronson", "reviewText": "Great idea, kept those pesky squirrels and bigger a-hole birds out of my new bluebird houses.\n\nStop being a cheapskate and get some for your bluebird friends!\n\nThey should have something like this at the entrances of airplanes and bars. Keeps the bigguns out!", "summary": "Keeps the fatties out.", "unixReviewTime": 1474502400} +{"overall": 3.0, "verified": true, "reviewTime": "12 17, 2016", "reviewerID": "A1KGEJNKQT9G8E", "asin": "B0007WXJ18", "style": {"Size:": " 36-Inch"}, "reviewerName": "Nolesrus", "reviewText": "Will rust if left in pool. Fine for two months then started rusting", "summary": "Fine for two months then started", "unixReviewTime": 1481932800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A113VYRABQ0PCE", "asin": "B0014C7XS0", "reviewerName": "Robert L. Enders Jr.", "reviewText": "Great saw. Have 2 sizes now. One for the camper and one for the backpack.", "summary": "Great saw", "unixReviewTime": 1441670400} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A12EJFW18LEP8M", "asin": "B000VB13PE", "style": {"Color:": " beige"}, "reviewerName": "Jessica Mozolic", "reviewText": "Great feeder for the price. The birds love it. The only negative is the top is difficult to remove and put back on. It has plastic edges that slide into eachother but they are difficult to line up.", "summary": "Great feeder for the price", "unixReviewTime": 1468800000} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "A148JXKDZDFHOT", "asin": "B0015AP1QM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Lynn Mckamey", "reviewText": "Love these! Set it anywhere between 15 minutes and 2 hours and let your sprinkler run. Granted, as others have said, they won't last forever, but at this price, they are well worth having!", "summary": "Great for watering our yard", "unixReviewTime": 1399766400} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A7CABUGE31FHS", "asin": "B0012VY2TQ", "reviewerName": "Dan R.", "reviewText": "Worked very well!", "summary": "Worked very well!", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "A3B7ODQRUIWYV6", "asin": "B001GV8SYW", "reviewerName": "Diane Deemer", "reviewText": "Very nice.", "summary": "Five Stars", "unixReviewTime": 1506211200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "10 15, 2009", "reviewerID": "A1ZBL2AQJUI4T1", "asin": "B00008IHSU", "reviewerName": "G. Schwab", "reviewText": "The shears are sharp and have a great ergonomic design. My complaint: during their first use, the loop of the handle cracked with not much pressure. In my opinion, the plastic is of inferior quality. I will try gluing the pieces and hope it does not happen again.", "summary": "Would have been five stars if the plastic were of higher quality", "unixReviewTime": 1255564800} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A30UJ2E22QFM0K", "asin": "B001ASH9QY", "style": {"Size:": " 1"}, "reviewerName": "Brandon", "reviewText": "Not much to say but they work. Great for the fire pit. Kids love them. They are quality pieces.", "summary": "Great for the fire pit", "unixReviewTime": 1426291200} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A1Y4W2Q2DFI3EZ", "asin": "B000FNK87C", "style": {"Size:": " 28'X28'"}, "reviewerName": "Jaykalish", "reviewText": "keeps leaves off, and fish safe", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A1O6H6UWCFDCEO", "asin": "B000SQ32MY", "reviewerName": "Rebecca L. Butler", "reviewText": "Great!!", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A2JU02EQY3RFEU", "asin": "B000EEW4NI", "reviewerName": "Honest shopper", "reviewText": "this exact item i purchased about 3-4 years ago, so with good use its lasted a decent amount of time. kept my huskey powerwasher working 15 years now.", "summary": "2nd replacement", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A15344OT0UDSP7", "asin": "B001AN0AIS", "reviewerName": "Ken B.", "reviewText": "As described,well packed and fast shipping! Thanks!", "summary": "As described, well packed and fast shipping! Thanks ...", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A93THH2G92EMU", "asin": "B000PAM698", "reviewerName": "Brat", "reviewText": "Except that they are difficult to clean, I love them. Have 5 that get filled at least once every three days. Adds up to a great deal of nectar:-)", "summary": "I love them. Have 5 that get filled at least ...", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "A3NX40QFNZ8KTW", "asin": "B000P0DK1Q", "style": {"Style:": " Garden Feeder"}, "reviewerName": "James Ealy", "reviewText": "making things green", "summary": "Five Stars", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A3J29HZH7SSMEN", "asin": "B000EVNZLQ", "style": {"Size:": " 18-Inch"}, "reviewerName": "PC", "reviewText": "I bought lesser product a year ago. Will never make that mistake again. Name brand shipped to my door & instructions that could be followed.", "summary": "Excellent product", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2014", "reviewerID": "A2C6X6KM79Z7F8", "asin": "B001AN7RGG", "reviewerName": "tr0ntr0n21", "reviewText": "I normally just used long neck lighters, but these things are great. You can light one and then grab it with the tongs and use it to light the fire. It normally produces and 6\"+ flame so you can set it under the grate in the fireplace.", "summary": "magic fire cubes - perfect for your fireplace", "unixReviewTime": 1394928000} +{"overall": 4.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A3OXFESIBZ9LT9", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "Ken", "reviewText": "Great deal.", "summary": "Four Stars", "unixReviewTime": 1491004800} +{"overall": 2.0, "verified": true, "reviewTime": "03 17, 2014", "reviewerID": "A2ADBWRMJMLYSE", "asin": "B00158UK4C", "reviewerName": "pamela kay bell", "reviewText": "I choose this rating due to the fact that i am very sad that not one of my trees sprouted..\nI dislike that fact that i followed all instruction and no tree's sprouted.\nI would not recommend these tree to anyone i know.", "summary": "I did not like this product , they did not sprout not one of them. I am Very Sad", "unixReviewTime": 1395014400} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A36D9IVUW4CWD9", "asin": "B0014CC9O8", "reviewerName": "Amazon Customer", "reviewText": "exactly what I odered", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"overall": 4.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A1N6BWXZCPG7GC", "asin": "B00004TBKM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Joseph A. Wielath", "reviewText": "Yes it works . . . .", "summary": "Four Stars", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A1OSPHL1NIAKRW", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "NEIL HINES", "reviewText": "Perfect size for so many things", "summary": "Great size", "unixReviewTime": 1467244800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A2GNQJT9BAMZGA", "asin": "B000XFPUY8", "style": {"Size:": " 50 foot"}, "reviewerName": "Rio Grande", "reviewText": "Comes in a roll and works just as expected. We use quite a bit of this stuff around our garden and landscape to protect small trees and garden beds from rabbits and ground squirrels.", "summary": "Nice chicken wire.", "unixReviewTime": 1402012800} +{"overall": 4.0, "verified": false, "reviewTime": "10 12, 2014", "reviewerID": "A39KRD9HE40J6F", "asin": "B000SQ32MY", "reviewerName": "James T.", "reviewText": "Good product. Recommend.", "summary": "Four Stars", "unixReviewTime": 1413072000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2013", "reviewerID": "A4JQHMXA9537Z", "asin": "B0013WIYQ6", "reviewerName": "Jimmy Dean", "reviewText": "good descriptive solid pastering n filled for extra weight. little small but big enough for quality statue at 40.00 bucks. have spot light on it shines nice reflecting it from the greyish color of the staue.", "summary": "Nice Shape and size", "unixReviewTime": 1369958400} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A366BAM0X3M82B", "asin": "B0010OHFCQ", "reviewerName": "Lloyd Williams", "reviewText": "Use one of these at home, purchased this to hold rv fresh water hose. Comes assembled which really makes it nice.", "summary": "Great price", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A1TH5726XKIVOH", "asin": "B0016AJC5W", "reviewerName": "the postman", "reviewText": "worked as it should", "summary": "good product", "unixReviewTime": 1442534400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A38OQ7EXBTA5BG", "asin": "B000NV6HOE", "style": {"Flavor Name:": " Apple"}, "reviewerName": "Ron", "reviewText": "Good tasting on all that you cook.", "summary": "Good product", "unixReviewTime": 1497657600} +{"overall": 1.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A3J663XQZKSL88", "asin": "B000SQWB7Q", "reviewerName": "angel", "reviewText": "they grew nicely bt their not blue as pick shows. mine I planted in February and their 2 ft. already started them with root toner got 9 out of 20.start in paper towel on plate then move to starter pot. they have thorns and did not turn bluish.", "summary": "they grew! have thorns an did not turn blue just green torn tree", "unixReviewTime": 1465948800} +{"overall": 4.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A1XLU0D5MEZIM5", "asin": "B0013KFJYI", "reviewerName": "lourdes", "reviewText": "Just love the seeds. Fast growing pretty color flowers", "summary": "Four Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2017", "reviewerID": "A1KGLV0BWHU41D", "asin": "B000W42U66", "style": {"Size:": " Medium", "Color:": " Pebble"}, "reviewerName": "Roger C", "reviewText": "This product has been through a summer and nearly a winter, and it has handled both very well.", "summary": "Five Stars", "unixReviewTime": 1490486400} +{"overall": 5.0, "verified": false, "reviewTime": "10 9, 2016", "reviewerID": "A3RNXWG0J64Z9Z", "asin": "B000S12NVK", "reviewerName": "LJ", "reviewText": "Works,", "summary": "Five Stars", "unixReviewTime": 1475971200} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "A296HSLM1NN1DF", "asin": "B000WEKLV2", "reviewerName": "R", "reviewText": "I am glad that I bought them", "summary": "Four Stars", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A1W387D3D5OL0F", "asin": "B0018U25WW", "reviewerName": "Allison Leinbach", "reviewText": "The paddles fit without modification and seem sturdy. They held up well with their first use and in a couple hours they will be getting a real work out. The price helps make it a great choice.", "summary": "a good choice", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A1PDZ7HJ7M4LO0", "asin": "B00002N8O1", "style": {"Size:": " 3 Gallon"}, "reviewerName": "The Doctor", "reviewText": "You won't find a better sprayer that will last you a lifetime. Don't waste your time with the cheap plastic ones unless you like wasting money.", "summary": "Chapin is the real deal", "unixReviewTime": 1486339200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A2L9WU6X32KQ88", "asin": "B000HRYGAQ", "reviewerName": "KP", "reviewText": "Reasonably priced and no complaints. The pre molded end plugs are nice and more durable. I suspect they are better in inclement\nweather with less holes for water it sneak in.", "summary": "Generator power cord", "unixReviewTime": 1371600000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A33U1OEC5N0H2E", "asin": "B001E8KUIY", "reviewerName": "Joe Consumer", "reviewText": "Easily installed and I have a like new cleaner. I also learned, don't run the cleaner everyday. The parts wear out quickly, like within 3-6 months. Therefore, I only run my cleaner as needed.", "summary": "Perfect Replacement Parts", "unixReviewTime": 1450742400} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2014", "reviewerID": "AIRHBOM4E4V70", "asin": "B00192CNG2", "reviewerName": "mammaduck", "reviewText": "don't see much progress...yet but I only used it a couple weeks ago so we will see.", "summary": "Four Stars", "unixReviewTime": 1413504000} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A2Y94IPIZLP5YQ", "asin": "B0002X62A2", "style": {"Size:": " 1 Count"}, "reviewerName": "Prime Customer", "reviewText": "Works as described!", "summary": "Highly recommended!", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2014", "reviewerID": "AMBILCICV1GHN", "asin": "B0013FBUM8", "reviewerName": "D. Teschler", "reviewText": "Just they way described I needed to drill out the opening. I now wish I bought larger size", "summary": "Good upgrade", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2017", "reviewerID": "A1JWB06O4IAW1L", "asin": "B0012VY2TQ", "reviewerName": "Joe Morton", "reviewText": "As described.", "summary": "Works fine", "unixReviewTime": 1497657600} +{"overall": 5.0, "verified": false, "reviewTime": "01 5, 2017", "reviewerID": "A2I9A39YPAQOXE", "asin": "B000V8BUBE", "style": {"Size:": " 2-1/2-Pound", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "AdventureRider", "reviewText": "Works fine. Just be aware that TA goes down with pH.", "summary": "Does what it is supposed to", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2017", "reviewerID": "A3K9M1QGZ9OYQN", "asin": "B00070LPUM", "reviewerName": "Mr7333", "reviewText": "Great! Good to go...", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "A32YQAL7D2A8LC", "asin": "B0016GMQ5E", "reviewerName": "patty", "reviewText": "Liked the fire pit", "summary": "Five Stars", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "ACHUFRZJJT4SD", "asin": "B00004RAD8", "style": {"Size:": " 1 Pack"}, "reviewerName": "Kindle Customer", "reviewText": "This seems to work well for my African violets, so far. I have used other Miracle-Gro products, so this was an was an easy choice for me.", "summary": "Seems to do well", "unixReviewTime": 1418515200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A3CIRLNIJWNNIX", "asin": "B0012W21R0", "reviewerName": "Oran", "reviewText": "Nice quality at a great price.", "summary": "Perfect Fit", "unixReviewTime": 1502841600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2017", "reviewerID": "ASMIP8Z0XKTAY", "asin": "B000UJW676", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Surjake", "reviewText": "I keep a few in stock, old hose break and are hard to recycle.", "summary": "Five Stars", "unixReviewTime": 1499040000} +{"overall": 3.0, "verified": true, "reviewTime": "12 11, 2012", "reviewerID": "A3JKQBXT5ZLVV8", "asin": "B0013KCOIW", "style": {"Size:": " Pack of 1"}, "reviewerName": "R. Wynkoop", "reviewText": "I am sure this pump is not going to to last very long. It sounds like it is ready to quit any minute and like something is loose. Time will tell but I have my doubts.", "summary": "Works but sounds sick", "unixReviewTime": 1355184000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2017", "reviewerID": "AWG5VYNGO1VMF", "asin": "B000SDKGC6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "geonexer", "reviewText": "Got the mole on the first night.", "summary": "Five Stars", "unixReviewTime": 1505260800} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A1BFZOSW3TS42", "asin": "B000PAM698", "reviewerName": "Jenna", "reviewText": "I bought this for a friend and she loves it. She doesnt have to fill 2 hummer feeders per day.", "summary": "The best!", "unixReviewTime": 1407974400} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A2BZPLDQ6NHWT3", "asin": "B00178IMPO", "reviewerName": "rocketman622", "reviewText": "Works great. A little bigger than i expected but works better. Thanks", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/815uEZsTyEL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71mU9F4EaoL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81ScX+rZ-mL._SY88.jpg"], "overall": 5.0, "vote": "12", "verified": false, "reviewTime": "04 6, 2015", "reviewerID": "A3PQWFEVSCOTXN", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "Maggie Z", "reviewText": "piece made so I could attach it to the intake of a summer escape pool", "summary": "intake for summer escape", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3D1OATHDYIWXP", "asin": "B000SQ32MY", "reviewerName": "gary", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1432166400} +{"overall": 4.0, "verified": true, "reviewTime": "08 2, 2014", "reviewerID": "A376UXQC2DWDHK", "asin": "B000JHZ2H0", "style": {"Size:": " 3-Pound"}, "reviewerName": "Kindle Customer", "reviewText": "good price.", "summary": "Four Stars", "unixReviewTime": 1406937600} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2014", "reviewerID": "A3DYU7JF5ZPRJR", "asin": "B001H1HNPQ", "style": {"Size:": " 1\" x 50'"}, "reviewerName": "Paul A. Dietrich", "reviewText": "I love this stuff, the birds don't, however, because they are afraid to eat my blueberries!", "summary": "Flashy, for sure - very effective.", "unixReviewTime": 1404172800} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2018", "reviewerID": "AX032DDWK58HP", "asin": "B001B2W85Q", "style": {"Size:": " 6 Pound"}, "reviewerName": "Tim R.", "reviewText": "Flower time", "summary": "Five Stars", "unixReviewTime": 1521244800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2013", "reviewerID": "A3CMMF9I29WWEJ", "asin": "B000W43GZA", "style": {"Size:": " Medium Rocking Chair"}, "reviewerName": "Amazon Customer", "reviewText": "The cover is the perfect size for my 2 chairs. The covers are made of good quality: heavy, durable fabric for hot, rainy and sunny South Florida.", "summary": "Outdoor furniture covers", "unixReviewTime": 1386115200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A3TJXG7JRV44GF", "asin": "B0000AVYXZ", "style": {"Size:": " Qty 1"}, "reviewerName": "HK", "reviewText": "works great for raccoons. its big enough to catch two at a time.", "summary": "Five Stars", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2017", "reviewerID": "A15M47DU6E2FP0", "asin": "B000BZYBYU", "reviewerName": "JK", "reviewText": "It accurate enough to tell you what is going on outside and so far stood up up to 60+mph wind gusts.", "summary": "It accurate enough to tell you what is going on ...", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2017", "reviewerID": "AYVV8U03L8C42", "asin": "B001E029MW", "reviewerName": "J B", "reviewText": "Order was as expected", "summary": "Five Stars", "unixReviewTime": 1487548800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2014", "reviewerID": "A2Z2F1O8LFX53L", "asin": "B0014C4QMG", "style": {"Size:": " One Size", "Color:": " Black"}, "reviewerName": "Bill Crawford", "reviewText": "This saw is fantastic. Cuts very quickly as compared yo big box saws. I also have the 21 ft. pole saw which is also excellent. Silky saws cost more but boy do they rock!", "summary": "Silky saws rock!", "unixReviewTime": 1407196800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2HZ78WTVW3WXZ", "asin": "B00000JSZH", "style": {"Size:": " 19"}, "reviewerName": "BobbyBass24", "reviewText": "Awesome emoticon balls i collect these so when i found these i grabbed them fast as i could.. but great product for the price..", "summary": "Awesome emoticon balls i collect these so when i found ...", "unixReviewTime": 1468454400} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A3TTQ962ZDJ04X", "asin": "B000GRNOTQ", "style": {"Size:": " 1 pack"}, "reviewerName": "lefty", "reviewText": "Bought 6 and did it not work in proven main mole tunnels. Bought the Tomcat worms - they did the job.", "summary": "Just A Snack", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A347J9BKY76NIC", "asin": "B00004RBDU", "style": {"Size:": " 3 Pack"}, "reviewerName": "BenAssa", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 3.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A35N30ZM72MB1R", "asin": "B000HHO142", "style": {"Size:": " 4 lb"}, "reviewerName": "Cecilia", "reviewText": "Is not squirrel proof after approximately six months the squirrels have dislodged it encouraged entire centerpiece of feeding area to the ground and cracked it fortunately it still works . Would I buy it again maybe it depends on the price", "summary": "... of feeding area to the ground and cracked it fortunately it still works", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "AC61U16AJQ8X7", "asin": "B000Y17PX0", "reviewerName": "CatDaddy & BeeAtch", "reviewText": "Check prices as they do vary and pool supply places are usually higher. These tails are nice but after a couple weeks turn them around 180 degrees to last twice as long. Better to buy in bulk too.", "summary": "A little tip here.", "unixReviewTime": 1416528000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 6, 2017", "reviewerID": "A28JOOPS8C1BVP", "asin": "B000QFSAJW", "reviewerName": "Hannah L.", "reviewText": "Wonderful! I use this for Al's gritty mix. It works fabulously and the particle size is good. No screening necessary here because it doesn't have small particles. I've bought it again as well because it works well.", "summary": "Great for potting plants!", "unixReviewTime": 1483660800} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2017", "reviewerID": "AIVOHS523YX83", "asin": "B000W8J67S", "reviewerName": "William Fix", "reviewText": "Fast Shipping and great quality.\nWorks perfectly.", "summary": "Five Stars", "unixReviewTime": 1500336000} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2017", "reviewerID": "A29XXJHNVVQK8W", "asin": "B000BX1IB6", "style": {"Color:": " Multicolor"}, "reviewerName": "Richard Niell Donovan", "reviewText": "These are really fine loppers. The price was right, and they came quickly.", "summary": "Excellent loppers at a good price", "unixReviewTime": 1488672000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A2P61A6QLA8VWR", "asin": "B000KL13VY", "style": {"Size:": " 30-Inch", "Style:": " Tru Pro - Spading Fork 4-Tine"}, "reviewerName": "B. Tompkins", "reviewText": "Strong, well built . It is light weight and strong and easy to grab.", "summary": "Perfect", "unixReviewTime": 1478390400} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "AE99X3YALOMAA", "asin": "B000RUGIY0", "reviewerName": "Benjamin Shumaker", "reviewText": "Cheaper than getting a company to spray your plants. Keeps trees and other plants from getting fungus.", "summary": "Prevent fungus", "unixReviewTime": 1480723200} +{"overall": 4.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A2IWOAQYNK62F8", "asin": "B000MOIWWW", "reviewerName": "Jeff Avril", "reviewText": "Works well it's actually for a hard bottom pool didn't notice that when I bought it but still work on my pool with liner", "summary": "Works well it's actually for a hard bottom pool didn't ...", "unixReviewTime": 1496448000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "A5V5OJM0SK6MI", "asin": "B0002568SQ", "style": {"Size:": " 32-Ounce"}, "reviewerName": "C. Ennis", "reviewText": "This stuff really works on string and other algae! I had to wait about 3 days but then it really cleaned it up. Highly recommend this!", "summary": "Great stuff!", "unixReviewTime": 1471996800} +{"overall": 4.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "A3D5Q4CG0NS7TF", "asin": "B00062KQ42", "style": {"Size:": " 15-Pound"}, "reviewerName": "jeff huber", "reviewText": "Thank you.", "summary": "Four Stars", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A34ZN5M4QN0R0F", "asin": "B000P7345G", "style": {"Size:": " 3.0-Pound"}, "reviewerName": "Rudy's", "reviewText": "I always had used the regular Miracle Grow but wanted to try this one for tomatoes. I think they ripened better and was impressed with my whole garden too.", "summary": "I think they ripened better and was impressed with my whole garden too", "unixReviewTime": 1473811200} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "AY3EDW6VA7XB8", "asin": "B000MVIAAO", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "NWMike", "reviewText": "Perfect for a small children's wooden table in our backyard. Plastic lined to keep dry. Great buy.", "summary": "Dry table is a happy table", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A3C460LISLSXJ0", "asin": "B000QFR0OS", "reviewerName": "Sharif", "reviewText": "I wanted extra feeders on my feeder pole, but couldn't find the exact ones sold separately. I bought this one and used zip ties to attach it to an extra ring. The birds heavily use it.", "summary": "birds love it", "unixReviewTime": 1482710400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 8, 2011", "reviewerID": "AUCE6JGJQ6QZC", "asin": "B000WEMGM4", "reviewerName": "Kelli", "reviewText": "Bought these for my boyfriend who is an avid griller/smoker. They worked great on his weber kettle grill! A+! Would recommend!", "summary": "Work great!", "unixReviewTime": 1320710400} +{"overall": 2.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A2DFKGZC2CTATT", "asin": "B000BZ6MDI", "style": {"Size:": " 7L x 8W ins."}, "reviewerName": "Judith A. weigand", "reviewText": "Very cute birdhouse, but 2 out of the 3 were damaged, even the replacement came broken, they did take it back but I just got a refund", "summary": "Very cute birdhouse, but 2 out of the 3 ...", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A3IDW5NUE2VICC", "asin": "B00009KWTV", "style": {"Size:": " 1-Pack"}, "reviewerName": "R Stahl", "reviewText": "Excellent quality for a child's rake. Strong and yet flexible. My grandson loves helping with the raking and enjoys the fact that this does not look like a toy; it is a real tool.", "summary": "Great Buy!", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A2RUVG8WW0P1G9", "asin": "B00004RB23", "style": {"Size:": " 1 PACK"}, "reviewerName": "Uncle Robert", "reviewText": "Good Item!", "summary": "Best deal found!", "unixReviewTime": 1428883200} +{"overall": 3.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A1JXX50TMD6W82", "asin": "B00192G4JY", "reviewerName": "Mike R.", "reviewText": "Only killed a certain type of weed that was growing. I need to find another solution for the other weeds growing in my driveway.", "summary": "Only killed a certain type of weed that was growing ...", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A1CS7EFIBF1D33", "asin": "B000NV6HOE", "style": {"Flavor Name:": " Apple"}, "reviewerName": "LockEm", "reviewText": "smoke", "summary": "Five Stars", "unixReviewTime": 1493164800} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "AL9DSWOHNIVCV", "asin": "B000J426K4", "style": {"Size:": " 75 Feet"}, "reviewerName": "David R. Morin", "reviewText": "This hose is big and heavy. I will not be able to use it until Spring but the higher price I think will be worth it. I bought it because the cheaper hoses kink and drive me crazy no matter how much they claim to be kink free or kink resistant.", "summary": "Time will tell", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A1E52AAB5TV06B", "asin": "B00166J3ZA", "style": {"Size:": " 20-Foot", "Color:": " Gray"}, "reviewerName": "Sharon K.", "reviewText": "Came has described love it.", "summary": "Five Stars", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A1DFYP5TF5NURY", "asin": "B000E28UQU", "reviewerName": "5 stars", "reviewText": "Great product for the price.. Cannot be beat. Works great. Like I said for the price, it is great", "summary": "Great price and product", "unixReviewTime": 1410480000} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A1CINY05MICI40", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "ALL PARTS", "reviewText": "FIT GREAT", "summary": "Four Stars", "unixReviewTime": 1405468800} +{"overall": 1.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A353MDCVZFIV1L", "asin": "B0013KGF50", "reviewerName": "Kindle Customer", "reviewText": "not a single plant came up", "summary": "One Star", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A3FOU0S1EPLYCP", "asin": "B000XFXH3O", "style": {"Size:": " 50 foot"}, "reviewerName": "Erica", "reviewText": "Great price, fast shipping, and chickens haven't escaped!", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 4.0, "verified": false, "reviewTime": "06 21, 2017", "reviewerID": "A2QJ6AB2E00IO5", "asin": "B001622202", "reviewerName": "Zachary B.", "reviewText": "Arrived a little mangled, but they survived and have recovered nicely!", "summary": "but they survived and have recovered nicely!", "unixReviewTime": 1498003200} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "A33INI0T6C44R5", "asin": "B0000DI83F", "reviewerName": "Dave Hinkel", "reviewText": "not what I thought it would be but well designed.", "summary": "Four Stars", "unixReviewTime": 1488758400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2017", "reviewerID": "A9EM4A6E3GYRK", "asin": "B000UU1ACM", "style": {"Size:": " 1 Quart"}, "reviewerName": "Amazon Customer", "reviewText": "item as Described", "summary": "Five Stars", "unixReviewTime": 1513123200} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A110RCAHQGV8K6", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "J", "reviewText": "The no-spill spout is great. The new spouts on the standard gas cans are horrible; I end up spilling gas on me and the ground. The spout on these gas cans is worth the extra money.", "summary": "Great little gas can; worth the extra money", "unixReviewTime": 1419033600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "A2Q7Y0UFC9JKQJ", "asin": "B000A6VOK4", "reviewerName": "LazyLimaBean", "reviewText": "I prefer not to use pesticides around my home and this worked perfectly.", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"reviewerID": "A3G0ZLCTS4FDRP", "asin": "B0014BJ4JM", "reviewerName": "Joshua J. Schmidt", "verified": true, "reviewText": "Great machete for the price does very well with everything from small brush to small trees, and so far has held up great", "overall": 5.0, "reviewTime": "12 16, 2012", "summary": "mach-ete", "unixReviewTime": 1355616000} +{"reviewerID": "A2C23QX55RQF9U", "asin": "B001BO128S", "reviewerName": "Penn State", "verified": true, "reviewText": "Pool guys lost or stole the sweeper on my Polaris. This was a perfect fit and my cleaner works again!", "overall": 5.0, "reviewTime": "05 16, 2017", "summary": "Fits and works as advertised.", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A1RC791NFZWIZ0", "asin": "B0010EZ03C", "reviewerName": "Robert F Midgett", "reviewText": "Gives an Awesome Flavor for my smoked fish!!!", "summary": "Great Flavor", "unixReviewTime": 1472515200} +{"overall": 4.0, "verified": true, "reviewTime": "06 3, 2013", "reviewerID": "A2E6D0J201UJ6H", "asin": "B0012RS2I2", "style": {"Color:": " Black"}, "reviewerName": "Dale", "reviewText": "The heavy material seems like it wil be durable, good fit, and the fairly smooth outer surface makes cleaning easy.", "summary": "Fits like a glove", "unixReviewTime": 1370217600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A2ULPD5WRC7XLX", "asin": "B0015MLT7U", "reviewerName": "Amazon Customer", "reviewText": "The wife says it works great. It fits perfect. so she is happy with this 5 star :)", "summary": "Five Stars", "unixReviewTime": 1504396800} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A387G5BRV2B48N", "asin": "B000I2ZXQG", "style": {"Size:": " 5-1/2-mm"}, "reviewerName": "Amazon Customer", "reviewText": "As described.", "summary": "As described.", "unixReviewTime": 1452038400} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A34LB4EEJG9P2R", "asin": "B000HCLLMM", "style": {"Size:": " X-Large"}, "reviewerName": "Frank R. Stehlik", "reviewText": "Good cover for the money. Especially if you don't like the black ones carried by the \"big box\" stores.", "summary": "Good cover", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A3E3XZL0J4315W", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Jordan Moore", "reviewText": "Finally a gas can that works! Would buy this 100 more times", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2013", "reviewerID": "A3AV6GB6LDG1UU", "asin": "B000XS3EFW", "reviewerName": "mbray94", "reviewText": "If you are looking for a higher quality spreader than scotts without breaking the bank than this is it. I have used it numerous time and are very happy with it.", "summary": "Great Spreader", "unixReviewTime": 1370390400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "A32IO19TEUPTBH", "asin": "B000068XMM", "style": {"Color:": " Camo"}, "reviewerName": "Ken", "reviewText": "Works fantastic", "summary": "Five Stars", "unixReviewTime": 1502668800} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A1OAQKK98UROBY", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "Elissa", "reviewText": "When balanced properly with the water level, this does catch the nasty stuff floating on top.", "summary": "Four Stars", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A1CUB0ZXLYIAFK", "asin": "B000FIY9MC", "style": {"Style:": " Regular Handles"}, "reviewerName": "Dan McIntyre", "reviewText": "great little tiller", "summary": "Five Stars", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2013", "reviewerID": "A19FX8B27AJ2FG", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "8765", "reviewText": "replace this thing once a season, and for this price (and not having to drive to go get it) it's great! Sure I could have gotten it for a dollar or two cheaper at the local store -- but I'm lazy, I like to click and ship with Prime.", "summary": "It just works", "unixReviewTime": 1370822400} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2015", "reviewerID": "A3D0WDD2RPK93B", "asin": "B0015UIOWK", "style": {"Size:": " 5-Pound"}, "reviewerName": "jeffrey d seppala", "reviewText": "Works as advertised", "summary": "Five Stars", "unixReviewTime": 1432512000} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2017", "reviewerID": "A3UL9N1ZPZ17K0", "asin": "B0002YVE5O", "style": {"Size:": " Transplanter"}, "reviewerName": "Angel", "reviewText": "A little to light weight for me but well made product. Im sure this will last for a long time to come", "summary": "Well made", "unixReviewTime": 1493683200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "AC6GWOYLNR48E", "asin": "B000YPQPSW", "style": {"Size:": " 16 x 8 x 8.5 inches"}, "reviewerName": "TN Gator", "reviewText": "Perfect.....and a lot less expensive than some alternatives!", "summary": "Get these!!!", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A3QI514JEE7ISE", "asin": "B000HCKVDW", "style": {"Size:": " 25"}, "reviewerName": "Jorge", "reviewText": "Awesome!!", "summary": "Five Stars", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "A2VE7QXUK2ZYHW", "asin": "B001F5UY3M", "style": {"Size:": " Pack of 1"}, "reviewerName": "AA in CO", "reviewText": "I have pots weighing about 70lbs and this caddy makes it very easy to move them around on my deck. Seem well made and hoping they hold up.", "summary": "Well made and sturdy", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A2NUDSJGP2CNN8", "asin": "B000Y91KKQ", "style": {"Color:": " Green/Gray"}, "reviewerName": "Hank", "reviewText": "lightweight and sturday", "summary": "Five Stars", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2013", "reviewerID": "A3CZNRC9GUROQ0", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "Robert Bruce", "reviewText": "This is a very good pH kit. I have nothing to test it against for accuracy, however for me it is simply and doing the job. It doesn't take much up or down to put my 35 gallons of water where I want it.", "summary": "Good kit", "unixReviewTime": 1366156800} +{"overall": 3.0, "verified": false, "reviewTime": "08 26, 2014", "reviewerID": "A370BPU8DBULCL", "asin": "B001AQK8WI", "reviewerName": "Michael Cowell", "reviewText": "Need to take it to store to install it. Special tools needed.\nImpossible to do at home.", "summary": "Three Stars", "unixReviewTime": 1409011200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "A1N6OWQPZWZEQ7", "asin": "B000P388P6", "reviewerName": "L. Liu", "reviewText": "The \"tree\" I received was quite small (smaller than I expected). The diameter of the pot is actually 3.5 inches instead of 4. There is no olive on the tree when received (not like the picture shown).", "summary": "Tiny plant", "unixReviewTime": 1392249600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "AHC0A8B5TN4Z5", "asin": "B00004S24W", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "Deb K", "reviewText": "These are just ad advertised. If you have an extra heavy sprinkler head,you might want to step up to a 3 or 4 prong spike.", "summary": "Work just fine", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A2HKYZ93SNBUP6", "asin": "B001D0OGDI", "reviewerName": "HH928", "reviewText": "Good item.", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": false, "reviewTime": "08 30, 2017", "reviewerID": "A2O38N537X4FJV", "asin": "B001H1EQO2", "style": {"Size:": " Up to 5,000-sq ft", "Style:": " Spreader"}, "reviewerName": "David C. Liu", "reviewText": "very good", "summary": "very good", "unixReviewTime": 1504051200} +{"overall": 1.0, "vote": "9", "verified": false, "reviewTime": "08 6, 2011", "reviewerID": "A3A93XUPSX1UID", "asin": "B000P0DK1Q", "style": {"Style:": " Garden Feeder"}, "reviewerName": "dan", "reviewText": "After about 5 uses the valve sticks open when I release the trigger and will not shut off. What a piece of junk.", "summary": "Valve sticks open", "unixReviewTime": 1312588800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A2MTWO8TQZNBK6", "asin": "B000K8CP7I", "reviewerName": "Brunhilda", "reviewText": "I gave this to my Mom as a Christmas gift because I love the one that I've had for years. She wondered why I gave it to her until she began to use it. She loves it and uses it often.", "summary": "Square End Spatula", "unixReviewTime": 1452556800} +{"overall": 1.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "AK091BFCPVBY9", "asin": "B001B3Y9WA", "style": {"Package Quantity:": " 1"}, "reviewerName": "ceeb", "reviewText": "I should have read more of the reviews. Yet more cheap Chinese junk, made of pot metal. I wouldn't hang anything on it that weighs more than 5 lbs. It's also not painted bronze---it's just cheap flecks of gold paint. I wouldn't take these hooks again for free.", "summary": "Low quality, finish doesn't match product photo", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "AAT3BUZ3PH9PN", "asin": "B001D61DKQ", "reviewerName": "Andrea", "reviewText": "well made and works well", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 4.0, "verified": true, "reviewTime": "07 3, 2013", "reviewerID": "A34OGVCPJNSWCS", "asin": "B001E6QVM0", "reviewerName": "Jan Sakowski", "reviewText": "I think the brush works fine and is worth the price. It is double the price in the local pool store.", "summary": "Good Brush for the Price", "unixReviewTime": 1372809600} +{"overall": 5.0, "verified": false, "reviewTime": "12 12, 2014", "reviewerID": "A1TF5QSI7ZZYOM", "asin": "B00004SD7B", "style": {"Size:": " 17-Inch Axe"}, "reviewerName": "Sir Trever The Magnificent", "reviewText": "Only one expectation for this and it met that. Works great. Good quality. So far I like the brand as I have other products of theirs. I'd recomend it and buy it again.", "summary": "Don't be afraid. IT's worth it", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "A2KS47R85ALOKI", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 290 GPH", "Style:": " Fixed Flow"}, "reviewerName": "bakkeb", "reviewText": "This pump is much better than the AuquaVity brand pumps. Vurtually silent and comes with numerous connectors that make for a versatile setup.", "summary": "Quiet & Powerfull", "unixReviewTime": 1359244800} +{"overall": 4.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1MFTPAR1XQ1Y2", "asin": "B0013HO0E6", "reviewerName": "Carl", "reviewText": "Base unit quit receiving from sensor after many years use. Good, accurate device. Gives all the info you need. Fairly easy to set up. Wall mount it though; it is very light and when on its stand and tips over easily. I will replace with the same one.", "summary": "Sensible weather device", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A2V84I2M1DT1TZ", "asin": "B000LF61TI", "reviewerName": "T. LaFaver", "reviewText": "Does a very good job cleaning, and no worry about swallowing wire pieces from a brush.", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A3VK9KSBA7Z4E1", "asin": "B0013YYY9U", "style": {"Size:": " 7-Inch", "Color:": " Avocado"}, "reviewerName": "bk", "reviewText": "My wife kept killing our fern. (The type of fern is super fragile and if it dried out for jus a day it would die). I bet her I could keep it alive. I googled around and found this plastic pot. It's been 6 months and fern still alive. I won the bet.", "summary": "I won the bet", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2012", "reviewerID": "A4PWMU4SBBQEK", "asin": "B0007OPJM8", "reviewerName": "customer", "reviewText": "I have used this Black & Decker cutter several times already. Very versatile. Length is easily changed. Cuts without effort. Would definitely recommend this product.", "summary": "better than advertised", "unixReviewTime": 1343692800} +{"overall": 4.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A34AJUVJN5KBY8", "asin": "B000UGOBSQ", "style": {"Size:": " 54 inches"}, "reviewerName": "Ted", "reviewText": "Takes a little getting used to, not your usual hoe. Works well though.", "summary": "Four Stars", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A3LRQLVC9K9C45", "asin": "B001ELW98K", "style": {"Size:": " n/a"}, "reviewerName": "Amy G", "reviewText": "Just as described. Great quality!", "summary": "Great quality!", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A24QVQK8JWRQ0U", "asin": "B0015PDUZ6", "reviewerName": "johnny", "reviewText": "AWESOME and it work, would buy another", "summary": "Dragons Rule", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "AGM3PD6TOXLY0", "asin": "B000HJ9C58", "style": {"Package Quantity:": " 1", "Style Name:": " Silver"}, "reviewerName": "tip", "reviewText": "a must for ur cookware", "summary": "Five Stars", "unixReviewTime": 1418515200} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A35R73G5MGED1D", "asin": "B000H0E874", "reviewerName": "Chris", "reviewText": "Not a strong line. Even trimming just grass cause the string to brake. Used stihl line before this. The stihl could cut through thicker weeds and with the stihl I could get about 4 trims before I had to restring. This junk is a restring after about half way done with one trim.", "summary": "Not a strong line. Even trimming just grass cause ...", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "AEFM69P4ORM75", "asin": "B0008JGSCC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "NC-D8800", "reviewText": "Best for the money!", "summary": "Five Stars", "unixReviewTime": 1457740800} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A2OVE145ORJIUB", "asin": "B000A16TEA", "style": {"Size:": " 4-pack"}, "reviewerName": "bfzr", "reviewText": "Very good product. Recommended!", "summary": "Four Stars", "unixReviewTime": 1490572800} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A33FHV0OQUG2I9", "asin": "B000VLFE6I", "style": {"Size:": " 12 lb"}, "reviewerName": "Amazonista", "reviewText": "Good quality, does it's job. I recommend buying the cover for it as the chickens like to eat from the top as well as the ring around the feeder.", "summary": "Good, but buy the cover for it", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A3Q1QHUK0JDLIE", "asin": "B00022O68S", "style": {"Color:": " Tan", "Style:": " Fits: Wicker Chairs (up to 35\" W x 35\" D x 35\" H)"}, "reviewerName": "Bonnie J. Howell", "reviewText": "Arrived on time & well pkd. My porch get sun all morning so I\nreally need good covers for my chaits. This is the best I've found yet!", "summary": "great cover", "unixReviewTime": 1431043200} +{"overall": 3.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A2CEO068AJXVIZ", "asin": "B000BQS2I0", "style": {"Size:": " 1 Pack"}, "reviewerName": "KoiKeeper", "reviewText": "Looks good, but one of the two I purchased leaks : not a big or major deal but an annoyance.", "summary": "Looks good", "unixReviewTime": 1431302400} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A9KX2T5NYIMNT", "asin": "B000YPQPSW", "style": {"Size:": " 16 x 8 x 8.5 inches"}, "reviewerName": "Citracet", "reviewText": "Just fine.", "summary": "Four Stars", "unixReviewTime": 1476748800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "AUBY6XCWNTXH", "asin": "B000ARPJPY", "style": {"Color:": " Sky Blue"}, "reviewerName": "Harveyvicky2006", "reviewText": "Nice big numbers to see on patio from kitchen window", "summary": "Five Star", "unixReviewTime": 1467590400} +{"overall": 3.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A1A5ZASQJ7N2W4", "asin": "B001GJ3FIS", "reviewerName": "Emilio Lugo", "reviewText": "Very nice,but it has no power,", "summary": "Very nice, but it has no power", "unixReviewTime": 1505433600} +{"overall": 4.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A2VFLTSXMJQTNQ", "asin": "B0017I6WTM", "reviewerName": "frequent shopper", "reviewText": "I've been using this for two years on my bathing suits. It won't save them forever but, it does extend the life of your suits. I soak my bathing suit in this solution after every trip to the poll and have been happy with the results.", "summary": "Happy with the results so far.", "unixReviewTime": 1441756800} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "AQWH6RK586CES", "asin": "B0019SWI02", "reviewerName": "valerie leri", "reviewText": "I suppose it's okay...however, it died on me pretty quickly. That could be user error.", "summary": "it died on me pretty quickly. That could be user error", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A3U6AKLCMPKRMF", "asin": "B000E17BIO", "style": {"Color:": " Rust (Brownish-Red/Orange)"}, "reviewerName": "Amazon Customer", "reviewText": "South Carolina summer, enough said!", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2016", "reviewerID": "A1RR6X7Y12MOQ4", "asin": "B000UJZCBS", "style": {"Size:": " 1 Pack"}, "reviewerName": "Mark Comer", "reviewText": "Very economical. The woodpeckers love it; we've had as many a three different types visiting the feeder at the same time.", "summary": "Great product", "unixReviewTime": 1476921600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2017", "reviewerID": "ACY9QYNDFLVBI", "asin": "B000HE8E34", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "G. Farnsworth", "reviewText": "This is a very high-quality vent cover. Heavy duty. Unfortunately I didn't measure and got the wrong size. Oops.", "summary": "Heavy duty and high quality from what I could tell.", "unixReviewTime": 1492905600} +{"reviewerID": "A14HQ5J8BOOBI", "asin": "B0015ZNN9Y", "reviewerName": "C. Newman", "verified": true, "reviewText": "Easy to use and love the way everything stacks upon itself.", "overall": 5.0, "reviewTime": "10 3, 2015", "summary": "Nice, large sprouter.", "unixReviewTime": 1443830400} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A1PYZO1C37E3", "asin": "B0015IJMBO", "reviewerName": "dz0pzw", "reviewText": "Just used some today. Wife wraps young evergreens with it for winter.", "summary": "Four Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2012", "reviewerID": "AKZ897256POEL", "asin": "B0018AFFEC", "style": {"Color:": " Browns"}, "reviewerName": "beckytrn", "reviewText": "This mat is so cute, and is holding up well so far. Had it for a month and it is in front of the door inside. Vacuumes well.", "summary": "Dog rug", "unixReviewTime": 1353024000} +{"overall": 3.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "A14I77WRJCO6SL", "asin": "B0012W21IY", "reviewerName": "LadyB", "reviewText": "it was okay", "summary": "Three Stars", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A10QJ032RUS27U", "asin": "B000FJTXRC", "reviewerName": "daniel harrison", "reviewText": "Had two other hummingbird feeders and got little or no action. This feeder attracted hummingbirds the first day!", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2010", "reviewerID": "A2JH7A94KCLI37", "asin": "B0007OPJM8", "reviewerName": "Carol Lee", "reviewText": "I bought this as a present for my husband. My son already had purchased one, and loves his, so it seemed like the perfect gift. My husband is delighted with it, and it sure makes his tree-trimming job around our house a whole lot easier!", "summary": "Black & Decker NPP2018 18-Volt Cordless Electric Pole Chain Saw", "unixReviewTime": 1287878400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A1807OI45ZRKEM", "asin": "B000T3KPVM", "style": {"Size:": " 1-Pack"}, "reviewerName": "M.", "reviewText": "Was kind of worried about it fitting and these fit perfect. Just have to see how long they last from the cleanings.", "summary": "Pleatco Spa Filters (replacements)", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "AUMZPX854PL25", "asin": "B000W9BP30", "reviewerName": "Ravenlincoln", "reviewText": "Just exactly what we were looking for in a patio table. Easy to install and very good quality and made out of aluminum so it won't rust. Would highly recommend this table for your patio!", "summary": "Easy to install and very good quality and made out ...", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A1CNKUYNYC282E", "asin": "B0000950Q2", "style": {"Size:": " 18\""}, "reviewerName": "SLR", "reviewText": "Never disappointed with Fiskars. The REAL test was that my wife could not break these loppers.", "summary": "Wife-proof", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A1RNS0CAOHYKBO", "asin": "B000YMU8JC", "reviewerName": "RDM", "reviewText": "Tried this out as soon as I got it. Works great and easy to use. Some had complaints about the max pressure needle. It's touchy but works well. Just takes some practice.", "summary": "Works great and easy to use", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "AXKGD1CVQH1WH", "asin": "B001AHAJXK", "reviewerName": "papaw", "reviewText": "saves a lot of time", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A2DI2WIJHWXZ2A", "asin": "B000RYMGCO", "style": {"Style:": " 30-Inch"}, "reviewerName": "Paul Brown", "reviewText": "Good product", "summary": "Four Stars", "unixReviewTime": 1492041600} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A2RCUEQZSLQWSZ", "asin": "B000G2R1W2", "reviewerName": "Raymond B.", "reviewText": "always buy these for a camp site because new York state to cheap to buy them 3x5 flags so I do", "summary": "always buy these for a camp site because new York ...", "unixReviewTime": 1493164800} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2017", "reviewerID": "AYH5M8WPZJ0DO", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "J.L.Elliott", "reviewText": "just what we needed", "summary": "Five Stars", "unixReviewTime": 1485561600} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A1KVGKZVBQLJQ", "asin": "B000WEMG24", "reviewerName": "Velocity", "reviewText": "Decent product. It fits my weber grill well and holds the grill tools. Nothing spectacular but does the job well. I was hoping to hang my coal chimney on it but it does not hang well on it. This tool holder is inexpensive and meets the need.", "summary": "does the job", "unixReviewTime": 1412208000} +{"overall": 5.0, "vote": "13", "verified": true, "reviewTime": "02 12, 2011", "reviewerID": "AO31OR4W5DWJA", "asin": "B000DCN9LW", "style": {"Style:": " 26-Inch Poly Blade Snow Pusher"}, "reviewerName": "William R. Gerding", "reviewText": "I bought this to replace a 30\" YoHo snow pusher and was a little concerned about the quantity of snow it would push compared to the YoHo. It seems to push more snow because it has a deeper shovel area than the YoHo. Would definitely recommend this as a quality snow pusher.", "summary": "great pusher", "unixReviewTime": 1297468800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "AN74Z99XE9U6A", "asin": "B00004R9UM", "reviewerName": "david r. morrier", "reviewText": "I didn't bother with the crank handle. The paste was what I was after and that worked out well. Flipped the pawls backwards and just pushed the mower around to do the lapping job.", "summary": "Forget the crank handle. But the paste is what you need.", "unixReviewTime": 1505692800} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A8PY7ZRW1HH2L", "asin": "B0014G128I", "reviewerName": "Alissa L.", "reviewText": "THE CHUTE BARELY FITS AND IT DIDN'T COME WITH THE STRAPS TO USE IT. NEED BETTER FIT CHARTS.", "summary": "NEED BETTER FIT CHARTS", "unixReviewTime": 1438300800} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A1LX5SHA5DJ14N", "asin": "B001BOBWCE", "reviewerName": "LCOC", "reviewText": "i haven't seen the squirrels eat yet but the corn is always gone.....:)", "summary": "Four Stars", "unixReviewTime": 1472342400} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2011", "reviewerID": "A1G9VHKKLM0KFT", "asin": "B000WOVZ26", "reviewerName": "guy", "reviewText": "I concur with the hundreds of happy owners of this great Weber Q320. Everything that is great about it has already been said. This is a reaffirmation of other's take on Webber's quality than an actual review.", "summary": "Excellent", "unixReviewTime": 1307404800} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "AD95RK8G9WEGD", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Joseph L. Cipp", "reviewText": "what was expected", "summary": "Four Stars", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "A2HO2SKK965P8P", "asin": "B0015IXB20", "reviewerName": "The Loyal Texan", "reviewText": "These are the correct color. They are the correct size. They seem pretty well made. I just wish they didn't cost as much", "summary": "2x3 Tx flags", "unixReviewTime": 1372032000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 5, 2010", "reviewerID": "A1THVIT4HE48CZ", "asin": "B000WEMGM4", "reviewerName": "VooDuuChild", "reviewText": "Use these along with the Weber Rotisserie for perfect food every time. Well built; just like all things Weber.", "summary": "Great for the Weber Rotisserie...", "unixReviewTime": 1278288000} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2017", "reviewerID": "A1GRZ761ASVHH1", "asin": "B000BQT47S", "style": {"Color:": " Gray"}, "reviewerName": "Amazon Customer", "reviewText": "Good product. Thank you.", "summary": "Four Stars", "unixReviewTime": 1502668800} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "AC6KIPJLDUOSC", "asin": "B000V9OH90", "style": {"Package Quantity:": " 1"}, "reviewerName": "Kindle Customer", "reviewText": "Easy replacement. Make sure to read the review about hooking up a rain sensor.\nIt really is a brainless schedule, well done there.\nIt is not meant to be outside in the elements.", "summary": "Easy replacement. Make sure to read the review about ...", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2017", "reviewerID": "A25N6ZEFP0ZLTP", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Dave", "reviewText": "Item as described", "summary": "No spill gas can", "unixReviewTime": 1490745600} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A1I5SYFGXS1KCY", "asin": "B000Q3X7J2", "reviewerName": "Amazon Customer", "reviewText": "Great product for the money. Cleans out well. Difficult to store but I knew this before I bought it.", "summary": "Great product for the money", "unixReviewTime": 1464652800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 12, 2013", "reviewerID": "AZGG4812HWJMV", "asin": "B000E7L2R4", "style": {"Size:": " 25 Lb Bag"}, "reviewerName": "Gene Jones", "reviewText": "Healthy organic product great for soups and bread. Even taste good right out of the bag. Thank god we can still get American products", "summary": "Great stuff", "unixReviewTime": 1360627200} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A1WQ3QDUQ37X45", "asin": "B00178OB6I", "reviewerName": "the product truther", "reviewText": "if you want to get rid of Bermuda Grass, this product works hands down the best.", "summary": "this product works hands down the best.", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "A1OS8LNKNB0D27", "asin": "B000QMRH1M", "style": {"Size:": " 3x5 Ft"}, "reviewerName": "michael shannon", "reviewText": "Flags came sooner then expected and love the looks of them.", "summary": "Flags came sooner then expected and love the looks of them", "unixReviewTime": 1435104000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A301J1CX6IMN0B", "asin": "B000RYOAEQ", "style": {"Size:": " 1"}, "reviewerName": "JustJim", "reviewText": "pulls them right up", "summary": "Five Stars", "unixReviewTime": 1459382400} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A2ZDZCSZQ263PM", "asin": "B000V4JOMA", "reviewerName": "keith lamport", "reviewText": "Just what I needed. You have to pull apart to figure out, but that's no big deal", "summary": "Great product", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "AQN5PFJUPW1XA", "asin": "B000MOM7KK", "style": {"Color:": " blue"}, "reviewerName": "C. D. Moen", "reviewText": "This is a well made, sturdy skimmer. I especially like the leading edge when getting things off the bottom.", "summary": "Super skimmer", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2017", "reviewerID": "A30WJWMGKQ7Z9U", "asin": "B0019FJXMG", "style": {"Size:": " Drip Irrigation Repair and Expansion Kit"}, "reviewerName": "John M.", "reviewText": "Came with a ton of hose and a nice selection of fittings. It worked well for my needs.", "summary": "Five Stars", "unixReviewTime": 1500854400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A3FYQ7KSE1EGJV", "asin": "B000J2CUPW", "style": {"Size:": " 1 Quart"}, "reviewerName": "kuos", "reviewText": "plants love this thing! awesome stuff will be buying some more.", "summary": "Five Stars", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "AKK05LYXF9M6H", "asin": "B000N4M5T2", "style": {"Color:": " Old Man"}, "reviewerName": "shume", "reviewText": "love the tree faces, gives my trees character", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 3.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A223RO43UDRLEC", "asin": "B000E7MTUI", "style": {"Size:": " Pack of 10"}, "reviewerName": "barlyn", "reviewText": "Good product worth the cost. Needed for future planting", "summary": "10 Plant Growing Trays", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2011", "reviewerID": "A17HHMM3ZKLCXA", "asin": "B000BO71NY", "reviewerName": "Edwin", "reviewText": "It is what they say it is. I've been using this product for the past week to disuade the local racoons from nightly attempts to make a meal out of my goldfish in the back yard pond. So far there's no evidence of their visit and I am a happy camper.", "summary": "Satisfied", "unixReviewTime": 1315440000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A3IV8H8XDJQJZ6", "asin": "B0001P4PSC", "style": {"Color:": " Mesquite"}, "reviewerName": "Dennis Kozlowski", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "AY6VXIWYGNATL", "asin": "B0018DD2TE", "reviewerName": "peanut", "reviewText": "THIS IS A GREAT UNIT AND ACCESSORY FOR MY 22.5 WEBER KETTLE...WORKS AS DESCRIBED ON YOU TUBE...LOVE IT", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A32OWFH8II64FB", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "J.F.N.B.N.J.", "reviewText": "A little pricey but works very well and doesn't leak.", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A1I7ELA3EEUBC", "asin": "B0015AUSTC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1474070400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 20, 2013", "reviewerID": "AGO7Y5T18V4KP", "asin": "B000W9YV6I", "reviewerName": "L. J. Snider", "reviewText": "Had the large version that lasted for several years - until raccoons destroyed it! Would have preferred a large replacement but just happy to get the same style. Birds of all sizes can fit around this station, which is sturdy and holds lots of seed for less frequent filling!", "summary": "Kaytee Songbird Station hard to find, but Amazon delivered!", "unixReviewTime": 1371686400} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "A39WKJKXPFOGI7", "asin": "B001GV8SYW", "reviewerName": "OverTheFence", "reviewText": "Very beautiful. I use it as indoor bling & am so pleased. I was pleasantly surprised at how carefully the pieces were wrapped for shipment, no tangles & easy to open.", "summary": "Very beautiful. I use it as indoor bling & am ...", "unixReviewTime": 1466294400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "A1VI5TWX7UTTLI", "asin": "B000VLUSV4", "reviewerName": "silver nana", "reviewText": "well Made flag hanger all ready in the yard.", "summary": "Five Stars", "unixReviewTime": 1485475200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "08 1, 2008", "reviewerID": "A12OYN0X2GDUB", "asin": "B00112T3MC", "reviewerName": "sinnerarity", "reviewText": "This set works well! We've been using it for months now, and the flag is in good shape although I had to rig it for the top to stay on in a good breeze.", "summary": "Flag stick and cup", "unixReviewTime": 1217548800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A19XA1GN1B27PU", "asin": "B0013NVQ1K", "style": {"Size:": " 1 PK"}, "reviewerName": "Angel One", "reviewText": "the flags are nice, I have a whole collection of small stick flags of places I visited\n\nThanks\nChris ", "summary": "the flags are nice, I have a whole collection of small stick ...", "unixReviewTime": 1485734400} +{"overall": 3.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A2Z3K58V77VPGW", "asin": "B000WEOQC2", "reviewerName": "R. Davis", "reviewText": "I had to return it because it did not fit my grill. Make sure you are getting the right model. Carefully compare the appearance.", "summary": "I had to return it because it did not fit ...", "unixReviewTime": 1454112000} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "A12BGRDVMD57C1", "asin": "B000F0BVYE", "style": {"Size:": " 5 lbs"}, "reviewerName": "Michelle Nemerovsky", "reviewText": "works good for most animals, but not rabbits. Rabbits just eat it. Keeps everything else away though.", "summary": "works great, but not for rabbits!", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2012", "reviewerID": "A3M1BBUC0L3RQ", "asin": "B000FDDM8O", "reviewerName": "Laughsalot", "reviewText": "Arrived on time; in great condition. It works beautifully, no problems or issues. Very glad I bought it, it's saved me from a hot kitchen during a very hot summer.", "summary": "Awesome Unit", "unixReviewTime": 1355788800} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A13P08HU2BX53O", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "Lone Star Proud", "reviewText": "This blower is fairly light weight, small and easy to handle. It has two speeds. The lower speed works well in an enclosed space without stirring things of so much and the higher speed is strong enough to move the leaves out of the way as needed.", "summary": "Does the job", "unixReviewTime": 1455494400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 17, 2012", "reviewerID": "A3LDB284SIZH2Z", "asin": "B00004R9XU", "reviewerName": "Kindle Customer", "reviewText": "Grass Gator Blades fit Grass Gator 3600 Light Duty Bladed Trimmer Replacement head as advertised & work well. Beats the heck out of the string trimmer head.", "summary": "Grass Gator Blades", "unixReviewTime": 1350432000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A24R35NJK1YBZO", "asin": "B000WEMGM4", "reviewerName": "Susan Potter", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2017", "reviewerID": "A197APECNKVOSR", "asin": "B000H5YFZ4", "reviewerName": "jimglo845", "reviewText": "Fits perfectly.", "summary": "OEM match.", "unixReviewTime": 1509580800} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "10 16, 2009", "reviewerID": "A1BGWSXTGQV9J9", "asin": "B00095ODBI", "style": {"Size:": " ACE 250"}, "reviewerName": "Carbonhead", "reviewText": "Haven't found the \"big one\" yet but it's fun looking. Simple, easy to use and the battery lasts forever. Works great in most areas, but not in the wet sand. Has found fishing lures, coins, a small gold ring and lots of other items. Will most definetly keep you busy.", "summary": "Great unit.", "unixReviewTime": 1255651200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "AS44LNKX4YGC9", "asin": "B001254WQ0", "reviewerName": "MegH", "reviewText": "This is a nice little kit. The seeds are in. It was easy to set up, but the lid doesn't go on easy. I can't get it seated without a little fussing around. Otherwise, if the seeds like the pods, I'll order more.", "summary": "Nice little kit.", "unixReviewTime": 1394323200} +{"overall": 4.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A3MPUY1XBX45Y9", "asin": "B000VHAADY", "style": {"Size:": " Hand Adjustable 45 - 270 Pattern"}, "reviewerName": "Good_Man", "reviewText": "GautamiPutra Satakarni", "summary": "Four Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A2WHEEBXSTNHLG", "asin": "B000A3IMP2", "style": {"Size:": " 12.5-inch"}, "reviewerName": "Jim S.", "reviewText": "This is by far better than the one I had to replace........easy to read.........just have to remember to remove the water prior to freezing temperatures.", "summary": "This is by far better than the one I had to replace", "unixReviewTime": 1444348800} +{"overall": 5.0, "verified": false, "reviewTime": "08 1, 2017", "reviewerID": "AT64R2OAWJY8G", "asin": "B000FBMI36", "style": {"Size:": " 5 M"}, "reviewerName": "Jeremy Nelson", "reviewText": "The seed works. Does it take awhile to germinate? Yes its Bermuda, it does that. It will not start to germinate until the night time temps stay above 80.", "summary": "The seed works. Does it take awhile to germinate ...", "unixReviewTime": 1501545600} +{"overall": 5.0, "vote": "9", "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "A3UJJWJNUW238O", "asin": "B0019ID32O", "reviewerName": "USMC-Guy", "reviewText": "If you give them a light spray of WD-40 professional rust preventer, let dry, wipe off, they should last for years. We also found they it helped prevent birds from flying in to our second story picture windows when the sun was reflecting back what they thought was blue sky.", "summary": "Love these, a bit pricy, but very nice", "unixReviewTime": 1402185600} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A2R7LS7X0YUQVQ", "asin": "B00004RBDU", "style": {"Size:": " 3 Pack"}, "reviewerName": "Sherry Swiney", "reviewText": "These work great - as advertised.", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A2G3GMMPVO51T5", "asin": "B000I18MVU", "reviewerName": "dinspect", "reviewText": "Simple to use for a starter for my means", "summary": "Five Stars", "unixReviewTime": 1463788800} +{"overall": 4.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A3D7QHJWRVBKS3", "asin": "B000E19E2A", "style": {"Color:": " Canvas white"}, "reviewerName": "Stephanie", "reviewText": "This is a very nice umbrella! It is great with the lights inside....Rolls up and down great! Seems to have weathered a little over the summer, but still works fine! Great delivery!", "summary": "Great Umbrella.....", "unixReviewTime": 1355443200} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "AIQLP3JDOU91X", "asin": "B00008Z9ZG", "style": {"Size:": " 2 lb"}, "reviewerName": "Amazon Customer", "reviewText": "As ordered, as expected", "summary": "Four Stars", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "ABK09BB6BBDPL", "asin": "B0006U66B6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Keith", "reviewText": "If you don't have one of these you're a fool, buy it now.", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A3GB7X857777E4", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Papashops", "reviewText": "Fits good. Will see how long UV allows it to last!", "summary": "Take cover!", "unixReviewTime": 1503187200} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2010", "reviewerID": "AIZOAZUFA6R8H", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "S. Donofrio", "reviewText": "The flag is of very good quality and I like the fact it is made in the USA. This is the second one I have purchased (the other last over a year being flown every day). I would definitely recommend this purchase. Good price, fast service and good quality.", "summary": "Quality Flag", "unixReviewTime": 1277337600} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2017", "reviewerID": "A2K97727ULW1QQ", "asin": "B000I16K32", "style": {"Color:": " Original Version"}, "reviewerName": "JIN H.", "reviewText": "measuring feature is very convenient. No guessing work.", "summary": "Five Stars", "unixReviewTime": 1499644800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "A3OIPEJ73Z1YQU", "asin": "B000BQURJC", "reviewerName": "Jay E.", "reviewText": "Fit perfectly on my Stihl 16\" MS290 saw. Every bit as sharp as my last new Stihl brand chain. Haven't had to sharpen it just yet but I have confidence that it'll be just as good as my other chains.", "summary": "Haven't had to sharpen it just yet but I have confidence that it'll be just as good as my other chains", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A3FCCHC13X4CKC", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "William R.", "reviewText": "It's exactly what we needed.", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 2.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A3KQ68ZV7N8A52", "asin": "B000QUWTS0", "style": {"Size:": " 1 X Pack of 3"}, "reviewerName": "jbs911", "reviewText": "Didn't see a difference in the birds, might make a good pool ball.", "summary": "Don't waste money", "unixReviewTime": 1470700800} +{"overall": 3.0, "verified": true, "reviewTime": "03 24, 2015", "reviewerID": "A3PMQE2909ZM5F", "asin": "B00006XMTL", "reviewerName": "Parker", "reviewText": "Worked pretty well on loose dry leaves. Except that the body came cracked, and within about 5 minutes the whole thing broke in two. The motor and cutter seem well made, but the red plastic body is very cheap and not sturdy.", "summary": "Worked pretty well on loose dry leaves", "unixReviewTime": 1427155200} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "ACDZBWG2234NH", "asin": "B000M2YS9K", "reviewerName": "SoundMan", "reviewText": "Worked well. Easy to set. Will buy more", "summary": "Easy to set", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2010", "reviewerID": "ADZN49FGPRYAA", "asin": "B0015RBA2E", "reviewerName": "Greatbuys4less", "reviewText": "This grate is just what we needed. We have an older Thermos grill and it uses unusual sized parts. This grate fit perfectly and it seems to be very sturdy. Look like this one will last a long time.", "summary": "Fits grill perfectly!", "unixReviewTime": 1289952000} +{"overall": 2.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "A24A23NGEVF277", "asin": "B000071NUS", "style": {"Style:": " Model-300000296A"}, "reviewerName": "Laxer", "reviewText": "Within a month's period it no longer works correctly. Valve sticks on a regular basis. Would not buy this again.", "summary": "Within a month's period it no longer works correctly. ...", "unixReviewTime": 1501372800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2013", "reviewerID": "AKEATGC01OQR7", "asin": "B000WEPH98", "reviewerName": "cccrdkng97", "reviewText": "Bought this for my 2002 Genesis Gold. It fit perfect, thank you Weber for quality merchandise time and time again!!", "summary": "Weber Catch Pan and Holder", "unixReviewTime": 1371340800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "AVP45Y6LEXDJW", "asin": "B000V9OH90", "style": {"Package Quantity:": " 1"}, "reviewerName": "Mike Alderson", "reviewText": "Fast and easy programming and setup.", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "09 30, 2011", "reviewerID": "A1FTFLDZUEPVH2", "asin": "B000B9PRZS", "reviewerName": "DJM NV", "reviewText": "Cute lights, easy to install. Only lasted two nights. Transformer is hot but no lights. They did not provide much lighting. Am trying to return.", "summary": "Do Not Work more than two nights", "unixReviewTime": 1317340800} +{"overall": 3.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A1DDEDA0FVHLIR", "asin": "B000BPQND2", "reviewerName": "Frank W.", "reviewText": "did not grow", "summary": "Three Stars", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A28Q6QX5GHCZGN", "asin": "B000EFFS5I", "style": {"Size:": " 50", "Color:": " Taupe"}, "reviewerName": "Lulufo", "reviewText": "I really like this bench. It's solid, weather proof and the storage area holds a lot. I highly recommend Suncast products.", "summary": "great value", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A295MZ20ZJ5YL2", "asin": "B000E28UQU", "reviewerName": "E.H.", "reviewText": "Works just as described.", "summary": "Five Stars", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A12NR5K6BYOZFC", "asin": "B000BPBAPS", "style": {"Size:": " 1L"}, "reviewerName": "Mr.EasyCakes", "reviewText": "I use all Canna products and they never disappoint. This does what it claims, no more no less.", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "AYIL5H73OUPJ4", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "salome bell", "reviewText": "This stuff is great makes my plants look great too", "summary": "Five Stars", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2FQEZ3HBP8NR6", "asin": "B000HCR8CE", "reviewerName": "Denise Moore", "reviewText": "Fits perfectly and keeps umbrella like new.", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2013", "reviewerID": "A3FSRHLTL8NVH9", "asin": "B001B4F4AK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "carlap", "reviewText": "This one even thou some says it's pricey but this one saves my grotto... no more leaking and just makes it right for my pump too...", "summary": "thanks...", "unixReviewTime": 1381449600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "ACMGM82IQW2HD", "asin": "B000OWB2PQ", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Francis A. Gaschen", "reviewText": "First time I used this type of product and it does the trick of showing you where you have applied product. No more guesswork.", "summary": "Mark your path!", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A13SXBRTP9PD30", "asin": "B00002N674", "style": {"Size:": " 25 Feet"}, "reviewerName": "ed robaey", "reviewText": "used this hose so to add another outside faucet great price for hose", "summary": "Adding Outside Faucet", "unixReviewTime": 1477785600} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2014", "reviewerID": "A3R3QMT1U9FZOP", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "Jack Crocke", "reviewText": "Nice & lite for small jobs", "summary": "Four Stars", "unixReviewTime": 1413590400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "AB73KC0A5PUH3", "asin": "B000TSXWSA", "reviewerName": "scg8r", "reviewText": "Use these on my pool all of the time. They work great.", "summary": "Good Product", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "AUIEA5303H1JF", "asin": "B000AS78EI", "reviewerName": "Brandon", "reviewText": "It works as described.\nAnd it's definitely better than just open burning.\nThe only thing I wish is that they made this using their 31 gallon trash can as the 20 gallon can be too small to put some items into.", "summary": "Nice.", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "A2QT65VH8CAJ37", "asin": "B00004ZB4K", "style": {"Size:": " 3.5 Inch"}, "reviewerName": "Gary V", "reviewText": "They are perfect little brushes. Old tooth brushes are in a coffee mug with the handle broke off and these are in a shot glass. Always at hand on the back of the kitchen sink. Work great on hummingbird feeders.", "summary": "They are perfect little brushes", "unixReviewTime": 1465862400} +{"reviewerID": "A1GLLMMZT5JLQ6", "asin": "B000VU222S", "reviewerName": "km52", "verified": false, "reviewText": "I think the snowblower is terrific. I have never used in snow over 9 inches but for my purposes it has been good.", "overall": 4.0, "reviewTime": "01 11, 2009", "summary": "Toro snow blower/real back saver", "unixReviewTime": 1231632000} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A23QZCIN8KVTTH", "asin": "B00171EDR2", "style": {"Size:": " Inquiries - by email"}, "reviewerName": "Dennis", "reviewText": "These are silent and very sturdy. I've had one pair up for about a year now with no problems whatsoever.", "summary": "These are silent and very sturdy. I've had one pair up for about a ...", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A0521703NIVCYA6T9PPZ", "asin": "B0006VK68E", "style": {"Size:": " 11 X 22 Inch"}, "reviewerName": "Jerald jones", "reviewText": "Great to have works well", "summary": "Five Stars", "unixReviewTime": 1494892800} +{"overall": 4.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A1VTERS1W47RIK", "asin": "B0012GV06O", "style": {"Size:": " 26.3'", "Color:": " Green", "Style:": " Slim Soft Tie"}, "reviewerName": "Kate", "reviewText": "Very flexible and easy to use.", "summary": "Four Stars", "unixReviewTime": 1428969600} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "ACLU576JJXM93", "asin": "B0013YYY9U", "style": {"Size:": " 5-Inch", "Color:": " Avocado"}, "reviewerName": "Wren", "reviewText": "A little disappointed to receive this and see it was not the same color as the photo. Instead it's a drab olive color (not an exaggeration.) It doesn't really bother me, and it works wonderfully, just something you should know before buying (and I bought from amazon too.)", "summary": "Wrong color, right everything else", "unixReviewTime": 1401321600} +{"overall": 4.0, "verified": true, "reviewTime": "08 15, 2013", "reviewerID": "A15YXRZG2YPDTO", "asin": "B000GD8M2E", "style": {"Color:": " Hunter Green"}, "reviewerName": "RB601", "reviewText": "Folds up flat for storage or transport, and is reasonably strong when set up. The only think it needs is a lock to fix it in place. It has to be moved with two hands or it will fold up.", "summary": "Works Great", "unixReviewTime": 1376524800} +{"overall": 4.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A3USYVHR4CUF20", "asin": "B000JT5MRI", "style": {"Size:": " 21 in."}, "reviewerName": "Patricia C.", "reviewText": "NIce sound. You will enjoy if you get one of these.", "summary": "Four Stars", "unixReviewTime": 1428278400} +{"overall": 4.0, "verified": false, "reviewTime": "10 18, 2017", "reviewerID": "A2ZK36RJNE3GB0", "asin": "B00004SDY5", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Ken", "reviewText": "great", "summary": "Four Stars", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A16GODDDBIF7T1", "asin": "B000TN2M2M", "reviewerName": "Lisette L", "reviewText": "We let it run at night in our in-ground pool and always have a clean pool for daytime use.", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A2FVVUWKEQ2JKR", "asin": "B000XTNV68", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "hank", "reviewText": "got here no problems", "summary": "Five Stars", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2013", "reviewerID": "A2JUHM1X8XTHSN", "asin": "B00022OK2A", "reviewerName": "Marcella, the Cheesemonger", "reviewText": "I am addicted to cast iron skillets and now I am addicted to cask iron grillings... once you've used this grill, you'll forget all those fancy-smancy ones...", "summary": "It Doesn't Get Any Better", "unixReviewTime": 1376697600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "A1BLDIJ8VJKUZZ", "asin": "B00004TBJI", "reviewerName": "Wilbur Sachs", "reviewText": "The digits are very clear, I like the Celsius and Farenheit equivalents, just what I was looking for.", "summary": "Celsius/Farenheit winner", "unixReviewTime": 1422316800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "AAFOACXHE4JYS", "asin": "B000N9COJI", "reviewerName": "Traveling Jack", "reviewText": "Good seeds and very healthy. I mix them with broccoli, red clover, alfalfa, and radish sprouts for a very tasty and super nutritious sprout blend in my Sprout Masters. These seeds sprout very well and are a pale orange color.", "summary": "Healthy and easy to sprout", "unixReviewTime": 1439596800} +{"overall": 4.0, "verified": true, "reviewTime": "10 18, 2011", "reviewerID": "A3IQYWE8ANV7QL", "asin": "B000E5T70K", "reviewerName": "A. Eric Brewington", "reviewText": "Got this pump for a small porch fountain. Works well and the sound of running water is very nice. Pumps over a gallon a minute just right for a porch fountain. No noise and so far so good. The price was very right. If there is a problem I will revisit this review.", "summary": "Nice porch fountain pump", "unixReviewTime": 1318896000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "AURAXE2UI6F2I", "asin": "B001F0INT4", "style": {"Size:": " n/a"}, "reviewerName": "Recorder", "reviewText": "Fits perfectly and looks identical to the original basket. Seems well constructed and solid. My original got brittle after several years and stared to chip away. Only time will tell if this holds up.", "summary": "Value priced replacement for Sta-Rite basket", "unixReviewTime": 1433030400} +{"overall": 2.0, "verified": false, "reviewTime": "08 8, 2014", "reviewerID": "A3NO5002HCFTE", "asin": "B0012YIAZA", "reviewerName": "Grandma", "reviewText": "Not really doing well", "summary": "Two Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2016", "reviewerID": "A2W90FKIBUWSCP", "asin": "B000ATUKBU", "style": {"Size:": " 5 Gallon Round"}, "reviewerName": "DRK", "reviewText": "Outstanding product and vendor", "summary": "Five Stars", "unixReviewTime": 1471651200} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "AI2HBT7TDAOBG", "asin": "B000P7345G", "style": {"Size:": " 3.0-Pound"}, "reviewerName": "del travis", "reviewText": "will buy again", "summary": "Four Stars", "unixReviewTime": 1476662400} +{"overall": 4.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A6N7G7K1OE02F", "asin": "B000A0PZOG", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Teak", "reviewText": "I trust Ortho's name on a product.", "summary": "Four Stars", "unixReviewTime": 1469491200} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2012", "reviewerID": "A1HSMZTCE4RBOF", "asin": "B000XB8NCI", "reviewerName": "Wayne J. Mcferran", "reviewText": "Hard to hold with a firm grip makes using it more difficult than I think it should be. First time buying one of these so I don't know if it's just me, nothing to compare it to.", "summary": "works ok", "unixReviewTime": 1334534400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A3V9MCM68TSBIR", "asin": "B000P3AB74", "reviewerName": "Erin Nance", "reviewText": "Plant died within 24 hours of delivery.", "summary": "One Star", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A33UP344GCPCI9", "asin": "B001DNIIOS", "style": {"Color:": " La Crosse Technology"}, "reviewerName": "C.S.", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2014", "reviewerID": "A10N2TC4VTWF84", "asin": "B000LNTMB4", "reviewerName": "Anthony Levi", "reviewText": "well made and easy to switch out of the old one. Only time will tell if it can survivie winters better.", "summary": "quality", "unixReviewTime": 1398643200} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A2N07S493NYXMV", "asin": "B000HHSD8W", "reviewerName": "Repairman", "reviewText": "Very well built.", "summary": "Five Stars", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2017", "reviewerID": "A39WB5H5JQHI4O", "asin": "B00013BUW8", "reviewerName": "Nancy Franco", "reviewText": "Snapped together in ten minutes. Sturdy, even-footed. Grown man can sit on it without it exploding underneath him.", "summary": "Sturdy, easy to assemble.", "unixReviewTime": 1499990400} +{"overall": 5.0, "verified": false, "reviewTime": "07 29, 2014", "reviewerID": "A1I941HENI4BKZ", "asin": "B0015I0UL0", "style": {"Size:": " 1-Gallon"}, "reviewerName": "Artie", "reviewText": "Round up . I have been using this on my life. buying the small bottles for 35 to 40 dollars. well buying this gallon definitely works better. to me it's the best weed killer on the market. and I have tried on a lot of them.", "summary": "Spray roundup on that weed and it down for the count", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "AFOIXLO7UVRKK", "asin": "B000AS22P8", "reviewerName": "Kimberley A. Bright", "reviewText": "Love these thermometers, I have 2. The first one I didn't have to calibrate, next one I did which is very easy with a plastic screw on the back. They look great and you still see nature in all its glory through it.", "summary": "Love these see through thermometers!", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A2K4I3EKZLS590", "asin": "B00198IUKY", "style": {"Size:": " 1"}, "reviewerName": "itelephant", "reviewText": "Much larger than I expected, but I love it.", "summary": "but I love it.", "unixReviewTime": 1484092800} +{"overall": 4.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A1DLRGENCNTY4T", "asin": "B00158UK4C", "reviewerName": "Sue", "reviewText": "This took a long time to get to me. But I just planted them and I am waiting for them to sprout. I found them this nursery that specialize in hard to find plants. They were expensive.", "summary": "This took a long time to get to me. ...", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "A1QBQRUL7H93DL", "asin": "B00012NFWW", "style": {"Color:": " Bronze"}, "reviewerName": "Maria B", "reviewText": "Beautiful chimes with a soft deep tone. I love the sound and look", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "AMEPT0ASLFL64", "asin": "B0013NTO3M", "reviewerName": "B & Z", "reviewText": "Awesome product, we used it for a bachelorette party for decorations", "summary": "Five Stars", "unixReviewTime": 1474416000} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A1C4DH85B49L7M", "asin": "B000K1HMQ4", "reviewerName": "Jeff W.", "reviewText": "Fit great works great, different design, will not wear out as fast. Does not allow the dirt into the joint.", "summary": "Great fit.", "unixReviewTime": 1478044800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A39BTV23R09E87", "asin": "B0009YHU5U", "style": {"Size:": " 8-Pound"}, "reviewerName": "K.M. Kautz", "reviewText": "It was stated that it was safe for animals, plants, fish, etc. When I got the product and read the fine print I discovered it is toxic to birds. Why would I use ANY product that is toxic to something live?", "summary": "Not Safe", "unixReviewTime": 1497398400} +{"overall": 5.0, "verified": false, "reviewTime": "06 26, 2014", "reviewerID": "A1FASDEL2S3Q59", "asin": "B000NTI780", "reviewerName": "Patsy D. Boles", "reviewText": "I am pleased with the size and color of the reel pot. I fastened it in place with tent pegs so it will not move.", "summary": "Very good looking", "unixReviewTime": 1403740800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2017", "reviewerID": "AGP3924X92SNL", "asin": "B001AN7RGG", "reviewerName": "Honestreview", "reviewText": "I have used these for many years and have nothing bad to say about this product. Lights quickly and works great with a chimney starter.", "summary": "... have used these for many years and have nothing bad to say about this product", "unixReviewTime": 1513900800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "AGEX78SM54HA8", "asin": "B000H98TC0", "style": {"Size:": " 36.8-Ounce"}, "reviewerName": "TX Longhorn Lady", "reviewText": "It takes a few days before you realize it is beginning to work, but it does the job. Very easy to mix. In the past, I always bought the ready to use, but the easy mix and savings are well worth it.", "summary": "Good product", "unixReviewTime": 1491350400} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A14OFTS6509RQZ", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "Lance Bowen", "reviewText": "What can I say about a hook. It appears to be strong and versatile. I did't use it initially but I have a forthcoming bird feeder project which will include this hook. I'll probably buy another in the near future.", "summary": "Nice Hook", "unixReviewTime": 1407715200} +{"overall": 4.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A19ZYWKDCBYGXD", "asin": "B000WEMHGO", "reviewerName": "RWU from Napa, CA", "reviewText": "As advertised", "summary": "Four Stars", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "ARZPTANDH35RB", "asin": "B0013WS38K", "style": {"Style Name:": " Sheep"}, "reviewerName": "pamo1996", "reviewText": "it was a gift. they loved it.", "summary": "they loved it.", "unixReviewTime": 1424736000} +{"reviewerID": "A10WYP7Y7VSTRX", "asin": "B0013JJ79M", "reviewerName": "sean", "verified": false, "reviewText": "This is the best! I love it and I am a happy customer!", "overall": 5.0, "reviewTime": "08 22, 2014", "summary": "Five Stars", "unixReviewTime": 1408665600} +{"overall": 4.0, "verified": true, "reviewTime": "03 15, 2018", "reviewerID": "A2UPK4UK28I964", "asin": "B000UEYZ4S", "style": {"Size:": " 1 PACK"}, "reviewerName": "Timothy J Tofte", "reviewText": "great product,ordered 2 boxes and not was broken", "summary": "great product, ordered 2 boxes and not was", "unixReviewTime": 1521072000} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A8WIPQMWE9BB3", "asin": "B001FKC0CA", "style": {"Size:": " 2-Pack"}, "reviewerName": "Thomas Bos", "reviewText": "GREAT, strong", "summary": "Five Stars", "unixReviewTime": 1446422400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A2HFMNOR8FV8SI", "asin": "B000HCLLMM", "style": {"Size:": " XX-Large"}, "reviewerName": "Harlz", "reviewText": "Holding up well after 14 months in South Florida sun and weather.", "summary": "A review after 14 months", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A7J8Y1TDIN69G", "asin": "B0016IWAZI", "reviewerName": "Hribal", "reviewText": "Alder woods chips were purchased to go with my Nordic Ware smoker and I have smoked salmon with Alder wood and it turned out so good! I really like Camerons products. Very happy with their service and products.", "summary": "... salmon with Alder wood and it turned out so good! I really like Camerons products", "unixReviewTime": 1428537600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A11SM681TOMYJC", "asin": "B0019BNWVI", "style": {"Size:": " 1-Pack"}, "reviewerName": "Kevin B.", "reviewText": "I see absolutely no difference than without it. My temperature drops and I lose several inches of water a week. I have used other products with success and was hoping that this supposedly lasts a month would make it easier.", "summary": "Doesn't Work", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A1X2WMUHSY60J9", "asin": "B0012RS2I2", "style": {"Color:": " Black"}, "reviewerName": "not now", "reviewText": "This worked so well over the summer that I left the grill out for the winter. I'll give an update in Spring.", "summary": "so far, so good", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A1ZALON9VKRAUZ", "asin": "B000GD8M2E", "style": {"Color:": " Pool Blue"}, "reviewerName": "Kindle Customer", "reviewText": "This if out 2nd one we obviously like it for an inexpensive colorful deck table.", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 5.0, "verified": false, "reviewTime": "09 25, 2015", "reviewerID": "A1LFOYG8FNMUYK", "asin": "B000NCUVB8", "reviewerName": "TF", "reviewText": "Great solution and works faster than granule-based solutions. Also, it is a about $10 cheaper at Home Depot.", "summary": "Five Stars", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2017", "reviewerID": "AO4WACB7WRWMI", "asin": "B0010B91AS", "reviewerName": "Amazon Customer", "reviewText": "These things work great. No hassle.", "summary": "Five Stars", "unixReviewTime": 1491609600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "AVDR2ZYFOIGG8", "asin": "B00004RAMW", "style": {"Size:": " Pack of 1"}, "reviewerName": "Christine Shuck", "reviewText": "This product got the job done...although the rat didn't actually die IN the trap. I think the act of it snapping actually scared the rat to death. I discovered its corpse NEXT to the snapped trap. So mysterious...", "summary": "This product got the job done... although ...", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2015", "reviewerID": "A3NP5732ID2S4M", "asin": "B00004VWM1", "reviewerName": "joel Denison", "reviewText": "Awesome! Have had a universal rotisserie and the weber is way better. Having the extra ring opens up a whole new world of possibilities.", "summary": "Buy the right one and be done.", "unixReviewTime": 1448668800} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2011", "reviewerID": "AJLPS4A9HGOQK", "asin": "B00004TBKM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Patricia", "reviewText": "I bought two kinds of fly traps - this and another one. They both were great at catching flies and I plan to keep them around and buy new ones as needed. The odor from this one seems to be stronger so you will have to keep it a good 20 feet from any outdoor eating areas.", "summary": "Great fly catcher", "unixReviewTime": 1320105600} +{"overall": 3.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A3920BERDS2PAH", "asin": "B000V9PDM0", "reviewerName": "sheikh", "reviewText": "It germinated alright but did not grow further. sheikh", "summary": "It germinated alright but did not grow further.", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A1U1CPPH4W6VH0", "asin": "B000RFSARI", "reviewerName": "Russell", "reviewText": "It does a good job of rinsing out the hoses.", "summary": "Five Stars", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A2G0XLA9WLWAFF", "asin": "B0017PRFMI", "style": {"Size:": " 1-Pack"}, "reviewerName": "Jacrx", "reviewText": "Performed as expected.", "summary": "Five Stars", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "AC52A1RNL62AS", "asin": "B0015I11TK", "reviewerName": "Yanksjl", "reviewText": "Good price and kills the grass and weeds where you don't want them.", "summary": "Five Stars", "unixReviewTime": 1433376000} +{"overall": 4.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A3SMEPEPQKBMDZ", "asin": "B001D23WEU", "reviewerName": "C. Green", "reviewText": "Not cast iron quality ..... but it looks good from a distance .... and does the job ....... //Carl", "summary": "Fairly good quality .....", "unixReviewTime": 1495152000} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A1H2S4W92AUAUO", "asin": "B0000DI845", "style": {"Style:": " Soil Test Kit for pH"}, "reviewerName": "Lesleigh", "reviewText": "Got what I paid for...cheap product with unclear results. I cannot say I would recommend wasting your money on this.", "summary": "Cheap with unclear result", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A1NTYNG1DW73SP", "asin": "B0000BVOFG", "style": {"Size:": " 3' x 6'", "Style:": " Single Pack"}, "reviewerName": "J.Wallace", "reviewText": "Excellent Quality! I purchased two of these to hand from my frontage fence. Several neighbors have complimented and wanted to know where I purchased them. Nice size too. Will be purchasing more.", "summary": "Excellent!!!", "unixReviewTime": 1470787200} +{"overall": 3.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A1K8YUJHRF27YT", "asin": "B000BX4QW4", "style": {"Size:": " Mini", "Color:": " Black with clear dome"}, "reviewerName": "Amazon Customer", "reviewText": "Kind of cheap", "summary": "Three Stars", "unixReviewTime": 1482969600} +{"overall": 1.0, "verified": true, "reviewTime": "05 20, 2017", "reviewerID": "ALLRKKZPRDLR7", "asin": "B0002DKB36", "style": {"Size:": " 10 lb"}, "reviewerName": "Florence Dove", "reviewText": "It's cheaper to purchase Russian sunflower seed in the large 25 pound bags and cracked corn and mix your own, adding peanuts in the shell. There were only about 20 peanuts in the 10 pound bag of Kaytee that I bought. Very disappointing.", "summary": "Not a very good product....", "unixReviewTime": 1495238400} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "A1V61Y4C6LZ2AE", "asin": "B000Y8Z06C", "style": {"Size:": " 1-Pack"}, "reviewerName": "K8MCN", "reviewText": "awesome quality and fast shipping. Fit was perfect", "summary": "Great!!", "unixReviewTime": 1419292800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2017", "reviewerID": "A29CDKB3LSR6Q3", "asin": "B000E28UQU", "reviewerName": "M Baggs", "reviewText": "High quality great price", "summary": "Five Stars", "unixReviewTime": 1498780800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "ATY5VPA3Y8CRL", "asin": "B001DSLLH4", "style": {"Format:": " Lawn & Patio"}, "reviewerName": "Pistolgrip", "reviewText": "Exactly what I needed.", "summary": "Five Stars", "unixReviewTime": 1470614400} +{"overall": 1.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A1Z3C66SU7Z60O", "asin": "B0009XEK5Y", "reviewerName": "Loodie M. Booher", "reviewText": "Openings for seeds move easily sideways causing the bird seeds to fall out. Threaded top not secure enough, when full of bird seeds and several birds are on the unit there is a danger of the top and main body separating and dumping all the seeds!", "summary": "Poor quality", "unixReviewTime": 1397520000} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2016", "reviewerID": "AT8U9NED63ZP1", "asin": "B001BKV9KI", "style": {"Color:": " Black"}, "reviewerName": "Anthony", "reviewText": "good quality", "summary": "great value", "unixReviewTime": 1479513600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A1FHQ7OXDYGRDF", "asin": "B000EFFS5I", "style": {"Size:": " 50", "Color:": " Taupe"}, "reviewerName": "Darlene", "reviewText": "Very easy to put together. I also bought the smaller one. My husband and I both sat on this bigger one..\nIt will keep all of our sprinklers and hoses in one place for our front yard and looks good too.\nWorth the price.", "summary": "Love this product!", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "A1U5NDJL3HBISW", "asin": "B000WCXKOE", "reviewerName": "John S.", "reviewText": "Just the right amount of comfort. nicely padded seat and back, but not 'overly' done. fit and finish is great. Assembled chair per instructions, set it up on our back porch for a nice seating area. also bought the table and the loveseat.", "summary": "perfect chairs", "unixReviewTime": 1369440000} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2013", "reviewerID": "A2T1EVDPNFQJN7", "asin": "B000K8CP7I", "reviewerName": "Dino", "reviewText": "I bought this with the intent to use with my griddle for my Weber. Seems to be holding up just fine. Handle is just slightly loose so I peened the rivets a little on my vise with a ball peen hammer and now its \" tighter than Dicks hatband\". A movie quote from John Wayne....", "summary": "Good spatula", "unixReviewTime": 1365033600} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A24GJK93Z36LXE", "asin": "B000TQEPG0", "reviewerName": "Karen Marie Graham", "reviewText": "These tomatoes got alot of great reviews from people who enjoyed our freebies this last summer. I don't eat them raw, so I can't say for myself what their raw flavor is like, but I do cook with them and enjoyed them in sauces.", "summary": "a neat and tasty tomato", "unixReviewTime": 1385856000} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A2T0F3WV7TJY6E", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "DAK", "reviewText": "Works without any issues.", "summary": "Works without any issues", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A9ZI2A1F37L36", "asin": "B0002MITYU", "style": {"Color:": " Green"}, "reviewerName": "Ana Gramme", "reviewText": "Practical and ergonomic.", "summary": "Five Stars", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2013", "reviewerID": "A3AXTIQC5O7SAB", "asin": "B000WEOQ1I", "reviewerName": "JAF - Chicago - North Carolina", "reviewText": "They correctly fit my old kettle grill. Arrived on time, easy to install.\nI have purchased several times from this vendor, always OK", "summary": "Weber Parts", "unixReviewTime": 1362096000} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "08 25, 2011", "reviewerID": "AEHY6LXD14CEN", "asin": "B0017K64KW", "reviewerName": "Gary G. Books", "reviewText": "Looks like a good fire ring but the bolts did not come with the ring. Called and the Co. and they sent them to me but have not got the ring put together yet.", "summary": "Not all there", "unixReviewTime": 1314230400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A3DQ6X0EL76RZX", "asin": "B0006VK68E", "style": {"Size:": " 11 X 22 Inch"}, "reviewerName": "jul", "reviewText": "Very nice set up. Provides plants with all the essentials. Very well made. Has held up very good, have had for several months, works very well, dome is very sturdy", "summary": "Perfect!", "unixReviewTime": 1357689600} +{"overall": 4.0, "vote": "7", "verified": true, "reviewTime": "06 14, 2009", "reviewerID": "A2M5UJHU5R5N7G", "asin": "B0015AP1QM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Tom P.", "reviewText": "This timer lasts longer than others I've used. I like the 3 hour feature, most are 2. Nelson backs the warranty w/o any problems.", "summary": "Best timer so far..................", "unixReviewTime": 1244937600} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2014", "reviewerID": "A2F4QCDX8GEFQ3", "asin": "B000WZCSTO", "style": {"Size:": " 0in. x 0in. x 0in."}, "reviewerName": "Greg Smith", "reviewText": "Good solid little shovel--will serve the purpose it was bought for well--product accurately describrd-fair price for the quality of the product", "summary": "Solid little shovel", "unixReviewTime": 1399766400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "AX0RHIN65I35A", "asin": "B001AN7RGG", "reviewerName": "Alexander Tsetskhladze", "reviewText": "item exactly as dscribed, arrived it time.", "summary": "Five Stars", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A14U5ELXMHOLZN", "asin": "B00005A3L1", "style": {"Style:": " Metal Detector"}, "reviewerName": "RoyC", "reviewText": "This detector is much more than I expected. It has great sensitivity and can find even the smallest piece of aluminum, not to mention steel and other metals. It is capable of ignoring certain types of indications and only alarming on the things you're looking for. Great unit.", "summary": "It has great sensitivity and can find even the smallest piece of ...", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A3ZZ73WRI6XHS", "asin": "B001CJKUS0", "style": {"Color:": " Black"}, "reviewerName": "Butchiez51", "reviewText": "fits perfect. My old one lasted 3 years I think this will do the same", "summary": "Five Stars", "unixReviewTime": 1407974400} +{"overall": 4.0, "verified": false, "reviewTime": "08 6, 2014", "reviewerID": "AAQKKO5ZKRZBE", "asin": "B0013LTXI0", "reviewerName": "rev. stu martin", "reviewText": "worked good", "summary": "Four Stars", "unixReviewTime": 1407283200} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A1NZNSQR0QVEXZ", "asin": "B000071NUS", "style": {"Style:": " Model-300000296A"}, "reviewerName": "John H.", "reviewText": "I really like how easy it is to setup and use. I did have one unit go bad after just 3weeks, but was directed to contact Contech customer support directly who sent out a replcement.", "summary": "Does its job keeping deer away", "unixReviewTime": 1379635200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A3E9QI5H6VHXFD", "asin": "B000I1M5OU", "style": {"Size:": " 5 M"}, "reviewerName": "Richard S. Gargurevich", "reviewText": "Not a bad price, considering I didn't have to drive 20 miles to the store that has this. Scotts is so much better that the cheap stuff.", "summary": "Not a bad price, considering I didn't have to drive 20 ...", "unixReviewTime": 1447027200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A2A8KWLGCP62JB", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "lgkight", "reviewText": "I had a good garden.", "summary": "Five Stars", "unixReviewTime": 1501027200} +{"overall": 4.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A3DDPXLHNBG0CT", "asin": "B001B4F4AK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Jim C", "reviewText": "Product works.\nI can't understand though why for $0.50 worth of plastic. Everyone is so high priced.", "summary": "Works", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A2N6WXTZ89N6HU", "asin": "B001F5UY3M", "style": {"Size:": " Pack of 1"}, "reviewerName": "Mark", "reviewText": "Great for indoor & outdoor pots - easy to move & durable - well worth the money", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A1TX80LZV2HUWA", "asin": "B00002N8OW", "style": {"Size:": " 5/8-Inch by 25-Feet"}, "reviewerName": "JIM FITTING", "reviewText": "Good quality hose for the price. I wish I would bought a '50 foot but that's my bad.", "summary": "Good quality hose for the price.", "unixReviewTime": 1501718400} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A17SNFQCAVJST4", "asin": "B000BWY7ZG", "style": {"Size:": " 16 Gauge"}, "reviewerName": "MEWillis", "reviewText": "nice thickness", "summary": "Four Stars", "unixReviewTime": 1469059200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A11XQ6OTDQYY7C", "asin": "B000JHZ2H0", "style": {"Size:": " 3-Pound"}, "reviewerName": "herbert m gootee", "reviewText": "On time and exactly as described.", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 4.0, "verified": true, "reviewTime": "05 28, 2015", "reviewerID": "A2ZEGCK182WORU", "asin": "B0013I71SC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Joe Red", "reviewText": "Very good nozzle. Much better than the ones that come with those flexible hoses. Neither the hoses nor the nozzles last more than one season.", "summary": "Good buy", "unixReviewTime": 1432771200} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A1ZWQYQD4JUTRD", "asin": "B000WEMGM4", "reviewerName": "J M", "reviewText": "I wish they would last longer. I use my grill a lot and have to replace these every year.", "summary": "Four Stars", "unixReviewTime": 1419379200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "AVPSJC4OH6XDD", "asin": "B000063XHT", "reviewerName": "HuntandFishVA", "reviewText": "The difference between our bug zapper with and without these packets is like night and day. The bugs absolutely swarm to the zapper with these packets installed. Quality family fun! I'd say we get 400% more Mosquitos in our zapper when these are in.", "summary": "A must have for your bug zapper!", "unixReviewTime": 1434931200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "AWC2H2GWFN7HI", "asin": "B00012TL3Y", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "sandyfred", "reviewText": "Love! Love! Love! This should come with the pool. We have pine trees around our pool and the skimmer helps keep the pool clean. We also purchased the deluxe pool cleaner kit. The vacuum hooks right up to the attachment for the skimmer.", "summary": "Love! Love", "unixReviewTime": 1435881600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2014", "reviewerID": "AJRH9YA4ETWIJ", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "tracker258", "reviewText": "Fiskars Bypass Shears. They have a great fell too them and are very sharp.", "summary": "Fiskars", "unixReviewTime": 1419292800} +{"overall": 1.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A31N04DYHIN0JH", "asin": "B000RO2A7U", "reviewerName": "L Lund", "reviewText": "Grew, but never produced gourds.", "summary": "Never produced gourds", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2018", "reviewerID": "A2FKLSX0S42GLO", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "Marvicsun", "reviewText": "You get so much for so little. Plants do very well with pH adjustment of water + nutrients or plain water", "summary": "You get so much for so little. Plants do very well with pH adjustment of water + nutrients or plain water", "unixReviewTime": 1520553600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A1SIABKDBJZ3YV", "asin": "B001E8PNOK", "style": {"Size:": " 5'"}, "reviewerName": "wiblet", "reviewText": "Nicely made", "summary": "Five Stars", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A1AHOH6YN3RYO6", "asin": "B001ACPQGK", "style": {"Package Quantity:": " 1"}, "reviewerName": "P in PA", "reviewText": "Good fertilizer, used to plant spring flowers and now they're bushes!", "summary": "Five Stars", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A269UQJRQ3E1UF", "asin": "B0013LI4GM", "style": {"Size:": " Pack of 1"}, "reviewerName": "Lothluvien", "reviewText": "Perfect for what I need for mixing potting mixes..Love it!", "summary": "Excellent!", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "AL89BA6PXDSLW", "asin": "B0014DR1W2", "reviewerName": "Ken B", "reviewText": "Perfect, I've had compliments!", "summary": "Five Stars", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A6H4WDBI3M5FP", "asin": "B0012NTQ68", "style": {"Color:": " Dark Green"}, "reviewerName": "Tim Fetrow", "reviewText": "Good quality. I mounted it to a wood deck by drilling a few holes into each cross beam and attached using HeadLOK screws. Well satisfied with the price and quality", "summary": "Good quality. I mounted it to a wood deck ...", "unixReviewTime": 1452038400} +{"reviewerID": "A2EK52YI67H5GC", "asin": "B00128C6G0", "reviewerName": "Nolan", "verified": false, "reviewText": "Delicious. All seeds germinated. Plants gave LOADS of fruit, and the fruit had a delicious complex taste.", "overall": 5.0, "reviewTime": "10 14, 2014", "summary": "Delicious. All seeds germinated. Plants gave LOADS of ...", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A2Q02M5ENGIQSI", "asin": "B001BOAE46", "style": {"Color:": " Black"}, "reviewerName": "JustMe", "reviewText": "It works! I've watch a squirrel try to get up on the pole, but gets stopped by this baffle. The only think I don't like is that it gets covered with bird poop.", "summary": "Stumped the squirrels", "unixReviewTime": 1435795200} +{"overall": 4.0, "verified": true, "reviewTime": "07 17, 2011", "reviewerID": "A3R1DMVYK6D5XM", "asin": "B000MIT26S", "style": {"Style:": " HP"}, "reviewerName": "M Fischer", "reviewText": "Have had it installed for 2 weeks and its is working fine. Was easy to install, a bit wet, but easy. Everyone is very impressed with the water quality. I wish I would have done this years ago.", "summary": "Aqua trol", "unixReviewTime": 1310860800} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A3RMRGNR9KSRSH", "asin": "B0015UIOWK", "style": {"Size:": " 5-Pound"}, "reviewerName": "Justin", "reviewText": "This stuff is great.", "summary": "Five Stars", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "A3GN8RFGLW1NV3", "asin": "B00062KQ42", "style": {"Size:": " 15-Pound"}, "reviewerName": "geezer2017", "reviewText": "quality product, delivered seamlessly", "summary": "quality product, delivered seamlessly", "unixReviewTime": 1477267200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "AU28M0ZEFI2H7", "asin": "B000E7MTUI", "style": {"Size:": " Pack of 10"}, "reviewerName": "2BEES", "reviewText": "No problems, would buy again. THANKS!", "summary": "Five Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "ASS18ES4Y9PC2", "asin": "B00004RA2S", "reviewerName": "John Martin", "reviewText": "As expected. Hard to find.", "summary": "Five Stars", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A1AOSKR45TAE1E", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "Happy Positive.", "reviewText": "This blower works very well. It is lighter than my other blower, but has the same wind velocity. As I get older, this will be my preferred blower.", "summary": "The blower works as advertised", "unixReviewTime": 1383955200} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A2AB49YIEZAMVS", "asin": "B000MOL29W", "style": {"Size:": " 1-Pack"}, "reviewerName": "BIG BUBBA", "reviewText": "Works well. Weighted nicely to keep it on the bottom of the pool when vacuuming.", "summary": "Weighted nicely to keep it on the bottom of the pool ...", "unixReviewTime": 1501718400} +{"overall": 4.0, "vote": "5", "verified": true, "reviewTime": "04 16, 2010", "reviewerID": "AAUICTIUBVU7R", "asin": "B000FJQLJ0", "reviewerName": "Roy Berger", "reviewText": "I thought it might be see-through thermometer, but it isn't. So it is hard to read small dial against the bright exterior background.", "summary": "GOOD", "unixReviewTime": 1271376000} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "10 6, 2013", "reviewerID": "A2XWJHNG580VQ1", "asin": "B0015UIOWK", "style": {"Size:": " 5-Pound"}, "reviewerName": "Sandan Kenpo", "reviewText": "I use this for my outdoor jacuzzi. One teaspoon quickly brings the chlorine level up to the proper color on my test kit. It dissolves quickly, so I can put the teaspoon in, and get in 20-30 mins later no problem.", "summary": "Works perfectly", "unixReviewTime": 1381017600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A1SZTEF69CV3K3", "asin": "B00004SQ1J", "reviewerName": "JohnnyB", "reviewText": "Suncast makes nice quality products", "summary": "Good Quality", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A1OYNLYO8DU9W2", "asin": "B000JJ9JH2", "reviewerName": "Mike A.", "reviewText": "This should be just the answer for my humming bird feeder", "summary": "Five Stars", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A28SG5KPAYNQWN", "asin": "B0001O0CMQ", "style": {"Size:": " 1 Lb."}, "reviewerName": "Bartoomann", "reviewText": "This product does a great job. It is priced right and well constructed. I would recommend heartily. A real buy!", "summary": "This product does a great job. It is priced right and well constructed", "unixReviewTime": 1466380800} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A4PO5IK4SG3CO", "asin": "B0012Y1D5E", "reviewerName": "Quahog", "reviewText": "Good fit for the Genesis. The real test will be winter.", "summary": "So far, so good.", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2012", "reviewerID": "A2H7Q4UOD7JV80", "asin": "B000OMH93U", "style": {"Size:": " 1-Pack"}, "reviewerName": "Roger M.", "reviewText": "Fast (free) delivery, great price, and the pool water is crystal clear. There isn't much more one can ask for in a pool filter cartridge.", "summary": "Works Perfectly", "unixReviewTime": 1351382400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A2IEPX45Z5I8OF", "asin": "B000KL17BU", "style": {"Color:": " N/A"}, "reviewerName": "Robert The Consumer", "reviewText": "Doesn't clog near as easily as the cheaper ones at the stores. Gilmour stuff is generally worth paying a little more for.", "summary": "Nice Sprinkler", "unixReviewTime": 1473465600} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A2G6H3ATIN7581", "asin": "B00178M6V0", "reviewerName": "Pro Bowler", "reviewText": "Not what I expected. This is a product that requires a special applicator to work conveniently. This is a veerrry slow, steady release product - not a traditional homeowner's fertilizer. The real issue is I didn't research it enough before purchase.", "summary": "Great product - for the pro!", "unixReviewTime": 1418083200} +{"overall": 1.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A3GUSJAQREH2SP", "asin": "B001COSAW8", "reviewerName": "Shannon Mullaney", "reviewText": "Cheap looking. Nothing like a rock. Would stand out and get your home robbed. Threw in the trash.", "summary": "Don't do it.", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A3V6SQAAO721DC", "asin": "B000BPFWDO", "reviewerName": "Billy", "reviewText": "great", "summary": "great", "unixReviewTime": 1471737600} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A1WES5H9O1YGD3", "asin": "B0013RCXC2", "style": {"Size:": " 4 X 6 Ft", "Color:": " Original USA"}, "reviewerName": "Dr. Richard C. Evans Sr.", "reviewText": "Proudly waving next to our NH flag and light all night.", "summary": "Four Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A25XT662TIAKZ3", "asin": "B0012QLVRM", "style": {"Size:": " 215 mph Blower/Vac"}, "reviewerName": "Barry Hayes", "reviewText": "Very versatile and powerful.\n\nUPDATE: It died on me 3 years after purchase. The warranty is 2 years. I just replaced it with a Black & Decker - same features for less money.", "summary": "Great value for 3 years.", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "A22J5WDMPF3B2E", "asin": "B000SQ32MY", "reviewerName": "megan forsyth", "reviewText": "Great item.. thanks!", "summary": "Five Stars", "unixReviewTime": 1466640000} +{"overall": 4.0, "verified": true, "reviewTime": "09 25, 2013", "reviewerID": "A2JW7FE0YT2S77", "asin": "B0014FGT8C", "style": {"Format:": " Lawn & Patio"}, "reviewerName": "Farmlady97140", "reviewText": "This product seems to be effective, since we haven't lost any chickens since we installed it. It seems like it is durable and has held up well in all sorts of weather.", "summary": "Good Product", "unixReviewTime": 1380067200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "AIQUY71YIAV0J", "asin": "B000F8V29K", "style": {"Size:": " 3 by 5 Foot"}, "reviewerName": "Bigmac", "reviewText": "Good product ... well made ! Worth the price. Made in America ! Will look at Annin for other flags or replacements.", "summary": "Good product ... well made !", "unixReviewTime": 1489881600} +{"overall": 4.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A2FDI3AJKUP31L", "asin": "B001FYAWPS", "style": {"Color:": " Green"}, "reviewerName": "April Hill", "reviewText": "Great garden twin", "summary": "Great!", "unixReviewTime": 1476316800} +{"overall": 3.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A366YDIQB28KVW", "asin": "B000PY760S", "style": {"Color:": " beige"}, "reviewerName": "Amazon Customer", "reviewText": "Birds like the red and green better.", "summary": "Three Stars", "unixReviewTime": 1478217600} +{"overall": 3.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "A26IAUUWFBXX8J", "asin": "B000FCD18G", "style": {"Size:": " 4-Pack"}, "reviewerName": "mjw", "reviewText": "Maybe for teensy mice, not great for my country mice.", "summary": "Not Great", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A2VKI0EKC089Q4", "asin": "B000CFPZSU", "reviewerName": "J. Saxon", "reviewText": "Super sharp right out of the box. Lasts pretty well even after hitting a little dirt. Easy to touch up on the fly.", "summary": "Super sharp right out of the box", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2011", "reviewerID": "A2PMNH4LV7AR49", "asin": "B0013XXQ68", "reviewerName": "R. Balboa", "reviewText": "Definitely OEM replacement, fit like a glove, and saved quite a bit of money. I will buy from them again.", "summary": "PERFECT FIT", "unixReviewTime": 1304380800} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "AUXCYP0R37GYN", "asin": "B0011U00X0", "style": {"Package Quantity:": " 1"}, "reviewerName": "Michael H. Griffin", "reviewText": "Works Great only last 2 seasons though but kills plenty bugs", "summary": "Five Stars", "unixReviewTime": 1440115200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 19, 2008", "reviewerID": "A2VIPXOUKOY8A", "asin": "B0013FQ0XC", "reviewerName": "Terri", "reviewText": "The minute I hung this up in my yard the birds starting flocking to it. It's so handy to have the water and the seed so close together.", "summary": "The birds love this!", "unixReviewTime": 1224374400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A31QC8CFQL7MBU", "asin": "B0013HO0E6", "reviewerName": "MikeL", "reviewText": "Works great. Bought this to replace another brand my dad had that went out. Very easy to set up and read display.", "summary": "Great product", "unixReviewTime": 1523664000} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2017", "reviewerID": "A2BIEZKUO3VW98", "asin": "B000TSXWSA", "reviewerName": "wired", "reviewText": "work fine for my softub spa, ive used these for 8 yrs and have had close to perfect water chemistry and no liner/pump seal issues that ppl have with not so good water chemistry.", "summary": "work fine for my softub spa", "unixReviewTime": 1509235200} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2010", "reviewerID": "A21MRAWRJ76PDT", "asin": "B000HCR89M", "style": {"Size:": " Stackable Chairs"}, "reviewerName": "Mark K.", "reviewText": "Awesome and well worth the money. I think the cover will hold up for a long time. The cover is thick and well constructed and will actually fit 7 or 8 stackable chairs, depending on the size of the chair. I was really impressed with the quality of this cover.", "summary": "Stackable Chair Covers", "unixReviewTime": 1263340800} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2008", "reviewerID": "A1DAZTFNY9NZ3P", "asin": "B00005AKZE", "reviewerName": "Patricia Jensen", "reviewText": "This is a great economically priced and eco-friendly lawnmower; easy to setup and works really well with the optional grass/leaf catcher.", "summary": "Mower review", "unixReviewTime": 1225584000} +{"overall": 4.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "A2R99JDDE0OKSP", "asin": "B0015MF8O0", "reviewerName": "DongTong Lin", "reviewText": "The shed is good quality but water does come from the bottom. The floor I placed the shed is not 100 % flat and the door is a little off.", "summary": "The shed is good quality but water does come from the bottom", "unixReviewTime": 1433894400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2013", "reviewerID": "A3HJQ1F4YQEB6W", "asin": "B000YKJ6YW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "D. Hoefer", "reviewText": "I was a little disgruntled when my noodlehead arrived. I thought it'd be a bit bigger. HOWEVER, I LOVE it. It works great! It's like having a fountain in my back yard! I use it to cool off while sunbathing, and I also put it in my gardens to water the flowers.", "summary": "Don't be fooled by the size!", "unixReviewTime": 1372550400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "AMRK8J5GYQ92F", "asin": "B0000CBJCQ", "style": {"Style Name:": " Apple"}, "reviewerName": "WK Cook", "reviewText": "Nice apple wood chips. Good variety of chip sizes. Great as part of my mixture of Apple, Hickory and Cherry wood for smoking pork. Very pleased with the results.", "summary": "great chips for the money", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A9GSLHHLZYWUX", "asin": "B001FYAWPS", "style": {"Color:": " Green"}, "reviewerName": "Woody", "reviewText": "Just as advertised, will get the job done!", "summary": "GOOD BUY!", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "A3RI1GSN31H6BQ", "asin": "B00004OCIK", "reviewerName": "pete", "reviewText": "This is a great tool for the grill. Nice and long handle keeps my hands away from the heat. Dishwasher safe. What mo' can I say-ay-ay?", "summary": "nice spatula", "unixReviewTime": 1401408000} +{"overall": 1.0, "verified": true, "reviewTime": "06 24, 2012", "reviewerID": "AE980BECA79P6", "asin": "B0001D67IU", "reviewerName": "J. Nyquist", "reviewText": "The seeds didn't come up. We didn't see any catnip. Better off with something cheap from the store. Came in a funky little plastic bag", "summary": "got nothing", "unixReviewTime": 1340496000} +{"overall": 1.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A311TJ3QYQI8MY", "asin": "B000V87OU0", "reviewerName": "Silvercandle", "reviewText": "Did not provide a color chart on container!!! Never will buy again!", "summary": "Poor description", "unixReviewTime": 1479772800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2017", "reviewerID": "A1QSPAKUZ8ERYY", "asin": "B0000950PZ", "style": {"Size:": " 1 PACK"}, "reviewerName": "Amazon Customer", "reviewText": "Smooth clipping and it rotates. I love them. Great quality.", "summary": "Wonderful", "unixReviewTime": 1496966400} +{"overall": 3.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A32X3P2ZAXXX7G", "asin": "B000YBS8UE", "reviewerName": "reefbum", "reviewText": "Does catch sand but they should remove the \"Silt\" portion from the name.", "summary": "Sand Yes / Silt No", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3JAAVWBPW1V3T", "asin": "B0009KMWES", "style": {"Style:": " Pump Spray, 24-Oz"}, "reviewerName": "Amazon Customer", "reviewText": "Bought the Ex Officio shirt, hat. This stuff is way better and less costly.", "summary": "Very effective", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2017", "reviewerID": "A3S5W0WBCGCGHF", "asin": "B000TSXWSA", "reviewerName": "L. B. WOOD", "reviewText": "These strips give me the exact same readings as the pool companies fancy computerized water analyzer", "summary": "Just as good as a computer analyzer", "unixReviewTime": 1498780800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A2WX00EF1S2QNE", "asin": "B000O5Y476", "reviewerName": "justin", "reviewText": "good product for my hot tub", "summary": "Five Stars", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2016", "reviewerID": "A2KQR3MWAIUHT5", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "Amazon Customer", "reviewText": "Showed up pretty fast too", "summary": "good stuff", "unixReviewTime": 1457740800} +{"overall": 3.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "AVZNVKV72YJ10", "asin": "B0011FSJ42", "reviewerName": "Michigan girl", "reviewText": "some seeds seem slow to sprout.", "summary": "slower sprouting", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "A1MQTNAKO9YQF3", "asin": "B000E28UQU", "reviewerName": "A. different Drummer", "reviewText": "Yea I can finally spay with out the tiniest bit of dirt clogging the sprayer.\nThe filter keeps me working for the entire tank.\nSpray pattern is very food, and I'm a happy camper\nThanks Chapin", "summary": "Perfect sprayer", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "AMFXXAOVV4CPJ", "asin": "B000CONUII", "reviewerName": "4America", "reviewText": "How much are you supposed to say about a swivel connector? It is well made and does what it is supposed to do. In my view this is required on all air tools.", "summary": "Its a swivel connector", "unixReviewTime": 1381363200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A24HZ24J7P2XQS", "asin": "B001H1EQO2", "style": {"Size:": " Up to 5,000-sq ft", "Style:": " Spreader"}, "reviewerName": "ajcorrea", "reviewText": "Light, sturdy and quick to put together.", "summary": "sturdy and quick to put together", "unixReviewTime": 1434499200} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2013", "reviewerID": "AF12U2UQ3XZCD", "asin": "B000LE8KZW", "style": {"Size:": " 4\" x 4\" x 17\" (Length x Width x Height)"}, "reviewerName": "Rosemary A. Huber", "reviewText": "Item fits nice around canopy poles & doesn't look too bad. Haven't had any high winds yet, but seems to be holding with normal weather.", "summary": "Seems to be working good", "unixReviewTime": 1377129600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A28HUBMSCXVQW0", "asin": "B000E28UQU", "reviewerName": "AK", "reviewText": "Works quite well, well designed, well engineered.", "summary": "Well designed", "unixReviewTime": 1450828800} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2017", "reviewerID": "A3I5VOADIIQVFM", "asin": "B000A3IMP2", "style": {"Size:": " 12.5-inch"}, "reviewerName": "charles David Filby", "reviewText": "i really like this Rain Gage,very easy to read,easy to put up", "summary": "great easy read rain gage!", "unixReviewTime": 1497916800} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "ASLF0IUTQMWE5", "asin": "B0006VK68E", "style": {"Size:": " 11 X 22 Inch"}, "reviewerName": "Arnold Davis", "reviewText": "Great product.", "summary": "Four Stars", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "A1MC3KTFK0W85D", "asin": "B0012QLVRM", "style": {"Size:": " 225 mph Blower/Vac"}, "reviewerName": "RKG", "reviewText": "Great product and on time delivery", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A3BZV3UI4Z1GSC", "asin": "B000ODU8JG", "style": {"Size:": " 1-Pack"}, "reviewerName": "Edog", "reviewText": "Half the price of the Watkins brand filter. Works great. Pleatco is actually carried by my Hot Springs Spa dealer instead of the Watkins brand.", "summary": "Works Well; Considerable Savings", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A1RPLEZZXLZR9O", "asin": "B000F8V29K", "style": {"Size:": " 4 by 6 Foot"}, "reviewerName": "L. Hines", "reviewText": "Made in America flag. Looks beautiful. Great quality. Never buy an American flag not Made in USA! Annin makes the best.", "summary": "Great Flag", "unixReviewTime": 1373068800} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "A1QD7W0DMXV0NM", "asin": "B00004SDVW", "style": {"Style Name:": " 2-Way Adjustment with Plastic Sled & Built-in Timer"}, "reviewerName": "Amazon Customer", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1510876800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2008", "reviewerID": "A2EGM556VS9VZT", "asin": "B000H7CUSQ", "reviewerName": "Bobby (in Maryland)", "reviewText": "I had many frustrating efforts to get rid of the occasional flies that got into my house (if filmed, some of these efforts would have been big hits on YouTube.com). This racket-like device actually worked -- and NO scary chemicals!", "summary": "Amazingly - it worked!", "unixReviewTime": 1212883200} +{"overall": 3.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A2OXPLO9KWDPZU", "asin": "B0017OPEHC", "reviewerName": "Bruce", "reviewText": "Did not fit my troy bilt model 12AE449D011. Hole on part was just too small for drive shaft on mower.", "summary": "did not fit my troy bilt model 12AE449D011", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A1Y1O671RR37T7", "asin": "B000F8V29K", "style": {"Size:": " 3 by 5 Foot"}, "reviewerName": "William E. Shelton", "reviewText": "Real nice flag.", "summary": "Nice", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A1C8J8N4BKDFN3", "asin": "B000HCNEX6", "reviewerName": "chella", "reviewText": "Thick well made fabric, looks like quality feels like quality, I don't have it tied tight and it hasn't blown off.", "summary": "Great quality product.", "unixReviewTime": 1472774400} +{"overall": 4.0, "verified": true, "reviewTime": "06 20, 2011", "reviewerID": "A2HFC2XRQU14WK", "asin": "B0002P12FA", "style": {"Color:": " Green"}, "reviewerName": "J. Blankenship", "reviewText": "I'm 6'2\" & 220 lbs. This seat works really well for someone that has had 6 knee operations. If it was just a little taller it would be perfect.", "summary": "Good product. 5 stars if it was 2 inches taller.", "unixReviewTime": 1308528000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A2DDU0KV9E65V7", "asin": "B000DZH3XO", "style": {"Size:": " 1Set"}, "reviewerName": "ryan burke", "reviewText": "first garden kit for my sister im a big fiskars fan", "summary": "Five Stars", "unixReviewTime": 1418515200} +{"overall": 3.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A19S4Q5OW5T4Q5", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "Tommy Taylor", "reviewText": "It's a little heavy then my regular net and the trash tends to escape from it. it works better as a skimming net.", "summary": "To heavy", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A3BZUQXA2QHDI2", "asin": "B000A1CFKW", "style": {"Style:": " AutoBoss Emergency Car Shovel"}, "reviewerName": "Becs", "reviewText": "I let my kids use this. I love that is folds up, less \"kid clutter\".", "summary": "kids use this", "unixReviewTime": 1429228800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A365USF4JH1PYK", "asin": "B0013O7HFS", "reviewerName": "Kevin", "reviewText": "worth the price", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 4.0, "verified": true, "reviewTime": "06 29, 2013", "reviewerID": "A2LLGT49SNC2AA", "asin": "B0001Q2EMK", "reviewerName": "Paul F. Dolby Jr.", "reviewText": "My wife and I really like this B&D electric Broom. We are both senior citizens, and the light weight make tis unit ideal for clearing off grass from our sidewalk and Driveway.", "summary": "Black and decker electric blower.", "unixReviewTime": 1372464000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A1MOJYLQBAEVZQ", "asin": "B000UUAAOG", "style": {"Color:": " Black"}, "reviewerName": "Brad.", "reviewText": "Of the 4 quick turns i bought this one works the best.", "summary": "... 4 quick turns i bought this one works the best.", "unixReviewTime": 1473120000} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "12 25, 2013", "reviewerID": "A1C2G9PRLSMPIP", "asin": "B000BQN8SE", "reviewerName": "Kenneth R.", "reviewText": "Let me start by saying that you can go to Dollar General and get this same thing for $2. The traps are working great and I don't see roaches in my kitchen when I turn on the light in the early morning. They used to be running all over the counters and stove top but no more.", "summary": "works great in Florida", "unixReviewTime": 1387929600} +{"reviewerID": "A1E1NQ49RMF29P", "asin": "B001ANQVZE", "reviewerName": "GreyBeard", "verified": true, "reviewText": "Great product much better than using deet for ticks", "overall": 5.0, "reviewTime": "01 5, 2015", "summary": "great tick product", "unixReviewTime": 1420416000} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A3M15DVMT59ZIA", "asin": "B00004SD76", "style": {"Style:": " Non-Coated Blades"}, "reviewerName": "Terence", "reviewText": "These are very easy to use and remains sharp for a while. Good at pruning smaller herbs and plants. This is my second purchase of these pruning shears because the locking mechanism of my first one broke after 2 years of use.", "summary": "These are very easy to use and remains sharp for a while", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A18ZAHME4F3UUP", "asin": "B000BZ8HNG", "style": {"Size:": " 10 LB"}, "reviewerName": "Norma Panzner", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A3VKI30ZIOMYP6", "asin": "B000E1AHVW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "khalifa althani", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A33VBPYMZBU0YM", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Michael T.", "reviewText": "I should have bought this sooner as the other nozzles typically don't hold up in desert conditions", "summary": "Nice nozzle", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2013", "reviewerID": "AJ2TLLQX15X30", "asin": "B00004SD6Y", "style": {"Color:": " Multi"}, "reviewerName": "Linda M", "reviewText": "These are great to clip the weeds & grass along places you don't want your weed-eater to mangle a border", "summary": "Great along border", "unixReviewTime": 1376697600} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A17HIW6KSSWKFM", "asin": "B0015TT2NQ", "reviewerName": "Glorpigus Reximus", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1435795200} +{"overall": 4.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A1OB2H416ARLFJ", "asin": "B000HCR89M", "style": {"Size:": " Stackable Chairs"}, "reviewerName": "Commando Big", "reviewText": "great material and construction", "summary": "get em before the snow", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A35Y4H492WPBD1", "asin": "B0013XU2HO", "reviewerName": "RWL", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": false, "reviewTime": "07 21, 2014", "reviewerID": "A3049W5OCJP8I5", "asin": "B0010KZCS4", "style": {"Size:": " 1 Pack"}, "reviewerName": "Al", "reviewText": "Thank you,very good product I will recommend you to all my friends.", "summary": "very good product I will recommend you to all my friends", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2017", "reviewerID": "A3CVEKNDKYUWDH", "asin": "B0001WV6LE", "style": {"Size:": " 7-Gram"}, "reviewerName": "D.w.dahl", "reviewText": "Happy customer", "summary": "Happy customer", "unixReviewTime": 1499212800} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2013", "reviewerID": "AEF2Y7ABTUN2Y", "asin": "B001BJMQ1U", "style": {"Style Name:": " Snowy Cardinal"}, "reviewerName": "trilogy45", "reviewText": "Vibrant Color and keeps the correct temp. Looks great on our outdoor fence and is easy to read. Buy this one", "summary": "beautiful thermometer", "unixReviewTime": 1359590400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A5B2Z02XEV8U2", "asin": "B00149P89E", "reviewerName": "Hangtown Frosty", "reviewText": "So pretty that I use it not only to stuff small gaps, but as ribbon on gifts also!!!", "summary": "Versatile!!!!", "unixReviewTime": 1503100800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "AZDZK5KI8PAXS", "asin": "B000N4L2LO", "reviewerName": "david. p", "reviewText": "take's a good twenty five minutes, get tuned to your chain, once this is done, wow,like new chain ,every time, was using dremel, and right edge,I'd get perfect,left,jus could not get as good.,, with this,right n left perfect !!", "summary": "take's a good twenty five minutes", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2011", "reviewerID": "A2UO5ZQJDWG05B", "asin": "B0018TYCGU", "reviewerName": "likeparty", "reviewText": "It is a belt, it fit the Toro as promised. The cost was OK. Turned out my old belt was fine, it was actually the pinion gear (second time) and transmission that needed replacing.", "summary": "It is a belt, it fit, what else is there?", "unixReviewTime": 1314057600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A1U0N8Y2CE161C", "asin": "B000PSBAOM", "reviewerName": "Linda", "reviewText": "glad to see a double pack, order it, I have this on my list to reorder when I need to.", "summary": "spa products", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A24FPB8HAUOHB8", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "channon bighorn", "reviewText": "As posted thanks", "summary": "Five Stars", "unixReviewTime": 1461628800} +{"overall": 3.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A23QEH11LDIMW3", "asin": "B00144D8CI", "reviewerName": "Richard Sr.", "reviewText": "Not much different than the older version, certainly no more pressure. One new feature, can be shut off without turning off the water at the hose bib.", "summary": "Keep that Algae and bird poop off your siding !", "unixReviewTime": 1435017600} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A1TXV6R0CV2CVA", "asin": "B000WYOOQ0", "reviewerName": "ErinGoBragh", "reviewText": "Works like a charm. Would have saved the price of this x10 over the last 6 years when i was using matches, butane lighters, etc... Now i just turn on the gas and click. What a concept!", "summary": "Works like a charm", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A14Q6UG1LLGIJV", "asin": "B0000VUN8S", "reviewerName": "Irene", "reviewText": "Fits perfectly.", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A3L8G9LMZVQ7RH", "asin": "B000Q7BHYA", "reviewerName": "Amazon Customer", "reviewText": "VERY GOOD PRODUCT, WELL MADE.", "summary": "Happy PA", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A28G79P6TLSMEG", "asin": "B000MOM7KK", "style": {"Color:": " blue"}, "reviewerName": "John F. Gross", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A2IMRT9EYKN6CJ", "asin": "B000068XMM", "style": {"Color:": " Olive Green"}, "reviewerName": "joshua bennett", "reviewText": "This actually works to keep mosquitoes at bay! love it!", "summary": "love it!", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A3AQQIU017WOXS", "asin": "B00004R9TD", "reviewerName": "Kate Joy", "reviewText": "This is a must! If you want to keep those edges clean then this is for you. My Black & Decker edger has been going strong for years and a simple blade swap every couple years is all it needs. 5 minutes to change the blade and it's back to brand new.", "summary": "This is a must! If you want to keep ...", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A2IRQ1FLWO96G", "asin": "B0015MNI4M", "reviewerName": "Amazon Customer", "reviewText": "it worked fine.", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 1, 2013", "reviewerID": "A2TOLOXNDL6SKR", "asin": "B0007PZN2S", "reviewerName": "Doodles", "reviewText": "i now have two vacuum heads. this one is higher off the surface so picks up things the lower head just pushes around. perfect for after a heavy wind when larger debris needs vacuuming.", "summary": "right height", "unixReviewTime": 1359676800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A1EJGLOT06CHSZ", "asin": "B000UGPK9U", "style": {"Size:": " 36-Pound", "Package Quantity:": " 1"}, "reviewerName": "Buck", "reviewText": "Very fine (size) product. No dust. Saw grass respond to feeding within 48 hours. Dissolves readily without leaving a residue and I saw no staining on concrete.", "summary": "Great for grass", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A2B1ADIEPQWB9N", "asin": "B000HY2IXQ", "style": {"Size:": " 1-Pack of 3"}, "reviewerName": "Brandy Cox", "reviewText": "ty", "summary": "Five Stars", "unixReviewTime": 1503100800} +{"overall": 2.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A25LS8L06S9UTI", "asin": "B0015AUSTC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Ronda Larimore", "reviewText": "Didn't last long before it came apart", "summary": "Two Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "AZK0Q4AVXD5X0", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Stainless steel", "Style:": " Top Controller/Window"}, "reviewerName": "ETHEL THACKER", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "AB2ZDZGD7XH56", "asin": "B0012W5QS6", "reviewerName": "jeffery carver", "reviewText": "great buy", "summary": "Five Stars", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "A1J8ZNPIF2EN7F", "asin": "B0002P12FA", "style": {"Color:": " Green"}, "reviewerName": "Francis Puig", "reviewText": "works well. Does not sink into the garden as wheeled seats do.", "summary": "works well. Does not sink into the garden as ...", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A3NXPPWUQ0WWGL", "asin": "B0015XIQQG", "style": {"Size:": " Original Size", "Style Name:": " Silver and White Shih Tzu"}, "reviewerName": "Bob S", "reviewText": "I truly love this Statue of the Silver and White Shih Tzu. It is perfect in every little way. If Amazon receives more in stock, I may purchase another one. This is perfect - so perfect. Truly love it !", "summary": "I truly love this Statue of the Silver and White Shih Tzu", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A21LPYDJWLFA8O", "asin": "B000HHJGV0", "style": {"Size:": " 6-Inch", "Style:": " 50-Pack"}, "reviewerName": "Jeff Hendrix", "reviewText": "Heavy plastic will hold up to years of use.", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A36PWN80COXTXL", "asin": "B0014CA2XS", "reviewerName": "Robert P.", "reviewText": "super saw", "summary": "Five Stars", "unixReviewTime": 1467072000} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A3CHCTRVJ6HMN3", "asin": "B00022OK2A", "reviewerName": "David M. Meltzer", "reviewText": "wanted an \"OLD' time Charcoal grill for fun. Works great. Gas girls have really made these obsolete", "summary": "Four Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A1RVP1IZNUNEP3", "asin": "B0001Q2EMK", "reviewerName": "Mark L.", "reviewText": "Great line of products... I have three Black & Decker tools, (chain saw, leaf blower & string trimmer). No problems with any of them and I have a good supply of batteries and chargers.", "summary": "Great line of products", "unixReviewTime": 1377993600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A35OSGRYRC0ILG", "asin": "B000X47NJY", "style": {"Size:": " 1Pack"}, "reviewerName": "Amazon Customer", "reviewText": "Cute little blade and well made", "summary": "Good company", "unixReviewTime": 1476144000} +{"overall": 1.0, "verified": false, "reviewTime": "10 1, 2017", "reviewerID": "A2CBYC40A5DLRR", "asin": "B000LNX06C", "style": {"Size:": " 1 Pack"}, "reviewerName": "Christian B. O'laarte", "reviewText": "THIS PRODUCT DOES NOT WORK. THE MICE EATS THE BAIT/FOOD AND DOES NOT KILL THEM! I SAW A MOUSE GETTING OUT FROM THE BACK WHERE THE HOLES ARE!!!", "summary": "IT DOES NOT WORK!!!", "unixReviewTime": 1506816000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A225Z87QLC1AAW", "asin": "B0001XLSGQ", "style": {"Size:": " 2-Foot"}, "reviewerName": "Christina", "reviewText": "Haven't used it yet.. But it's set up and seems to work properly.", "summary": "Five Stars", "unixReviewTime": 1422144000} +{"overall": 1.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A1X5V0J2DL7HLF", "asin": "B000MOIWWW", "reviewerName": "DFW Powder Coating", "reviewText": "used it 6 times and the plastic around the locking pin failed since it isn't thick enough material. It would good until this part failed and you can no longer keep it attached to your pool pole.", "summary": "It would good until this part failed and you can no longer ...", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "AMBZLWLLPQ7ZG", "asin": "B001F0INT4", "style": {"Size:": " n/a"}, "reviewerName": "MKY", "reviewText": "exact replacement", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2013", "reviewerID": "A1GM59ZRR35UZR", "asin": "B000B5KPG8", "style": {"Size:": " Medium"}, "reviewerName": "Gardener", "reviewText": "Got this for our Crafstman ride mower. Very nice cover, fits like a glove. The extra pockets are small, not of much use. It came in a nice nylon bag that I will use for camping. Good buy", "summary": "Great seat cover", "unixReviewTime": 1369353600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "ASOS0S3BL8JHL", "asin": "B000TJLY8O", "style": {"Color:": " Terra Cotta"}, "reviewerName": "R F Barchiesi", "reviewText": "I got this to use on my back porch to make a large pot easier to move when I am sweeping. It is large enough to hold any pot I have and rolls easily. Glad I have this!", "summary": "Large and sturdy", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2013", "reviewerID": "A1K08ONAUT7Q76", "asin": "B000I6K3JY", "reviewerName": "mishap", "reviewText": "I made my own before I bought these and will never make my own again. More sticky them mine ever were.", "summary": "Great price!", "unixReviewTime": 1369872000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A1BIS2QET11P5F", "asin": "B000HM68HK", "style": {"Size:": " 10-Pound", "Style:": " Pack of 1"}, "reviewerName": "lizzy loue", "reviewText": "This product works great. No insects one day after application, and I live where red ants rule(usually). No harm to flower bed.", "summary": "Excellent Product.", "unixReviewTime": 1401235200} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A3A2RVG7TD4IGV", "asin": "B00004RBDY", "style": {"Size:": " Fly Magnet Bait"}, "reviewerName": "angie ", "reviewText": "works well", "summary": "fly catchers", "unixReviewTime": 1479772800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81tbY-PszaL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "A1NDCSSA973B5F", "asin": "B000UH9S3I", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Roy", "reviewText": "Perfect fit and built in grab bar", "summary": "Perfect fit nice a", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2013", "reviewerID": "AFXSOXACQA0IW", "asin": "B000MD5816", "style": {"Color:": " white"}, "reviewerName": "Amazon Customer", "reviewText": "This little house looks so nice on my new fence and I hope a pair of Wrens move in fast.", "summary": "Great I bought two", "unixReviewTime": 1367193600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2016", "reviewerID": "A3NDFRJTDRON34", "asin": "B0019010Q8", "style": {"Size:": " 3 by 5 Foot"}, "reviewerName": "Chris", "reviewText": "go navy", "summary": "Five Stars", "unixReviewTime": 1456272000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1RIDJK46RGI7T", "asin": "B0013XXQ04", "reviewerName": "DRM", "reviewText": "The filter was an exact fit for my Honda mower and works quite well. Price was right also.", "summary": "Five Stars", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "AZWIPJC9UBPFI", "asin": "B000NCVKG8", "style": {"Size:": " 1 Lb Pouch"}, "reviewerName": "Jeffry Warner", "reviewText": "Fine quality seed. Very clean, and arrived early. Thank You", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "ARR1ZN4WE8ICN", "asin": "B0002DI7YQ", "style": {"Size:": " 15' x 12'", "Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Grumpy Veteran", "reviewText": "Terrific net", "summary": "Five Stars", "unixReviewTime": 1409011200} +{"overall": 4.0, "vote": "19", "verified": true, "reviewTime": "07 5, 2009", "reviewerID": "A100WO06OQR8BQ", "asin": "B000ZJUOUW", "reviewerName": "Duffer.", "reviewText": "The blower is easy to start and works fine. I gave it a 4 because the strap arrangement is lame. You need to be a contortionist to get all the straps to fit.", "summary": "Coulda Been a 5", "unixReviewTime": 1246752000} +{"overall": 3.0, "verified": true, "reviewTime": "05 16, 2018", "reviewerID": "A3GBWYYWFBVQJK", "asin": "B000E28UQU", "reviewerName": "Eric S.", "reviewText": "worked great for a while (2 yrs)... then the handle twisted off trying to unscrew the top.......", "summary": "Three Stars", "unixReviewTime": 1526428800} +{"overall": 1.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A1O53YNZ64224P", "asin": "B00008BKX5", "style": {"Style:": " Extender"}, "reviewerName": "tad", "reviewText": "No clue how this junk has such a good ratings! Transported my 80 lb kayak twice, about 8 miles on the dirt road, going slow. It broke on the welds on my second trip. Garbage...", "summary": "No clue how this junk has such a good ratings! Transported my 80 lb kayak twice", "unixReviewTime": 1480464000} +{"overall": 4.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A147TIIL8MUP87", "asin": "B000M3XY3A", "reviewerName": "lanilindsey", "reviewText": "All of the modern implements feel a little less sturdy than the gardening tools I've had for years (or decades) however, these were pretty good. Glad I bought them.", "summary": "Nice", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A2FNUOENA25JAM", "asin": "B000XTH1GY", "reviewerName": "J. Cheng", "reviewText": "Good Product", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A2K8J9YDAB20X6", "asin": "B00004R9YE", "style": {"Color:": " Gray"}, "reviewerName": "Dragon Lady", "reviewText": "I love this saw. It works really well. It is very sharp and goes through branches like butter. I recommend it.", "summary": "Great saw!", "unixReviewTime": 1396224000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "A2W8HBOL7HR0WU", "asin": "B0015MGB32", "reviewerName": "Frank", "reviewText": "Compact, worked as it was designed to", "summary": "Good device", "unixReviewTime": 1486252800} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A3IC2VSLUU5MOQ", "asin": "B000O2R5FM", "reviewerName": "Vagabondage", "reviewText": "I've had an identical watering can for 15 years till it finally sprung a pinhole leak. I was happy to find this one to replace it. It's a joke what the big box stores charge if you walk in to buy one off the shelf.", "summary": "Old Faithful", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A3VUQVYFP2IA7I", "asin": "B0009JXYNM", "style": {"Size:": " 10 qt."}, "reviewerName": "mallardw", "reviewText": "Just used for a fish fry. Worked great. Seasoned it before hand with some best blend oil. Cleaned up like new.", "summary": "Worked great. Seasoned it before hand with some best blend ...", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A1YLYUYKTDITT1", "asin": "B00004SD76", "style": {"Style:": " Non-Coated Blades"}, "reviewerName": "tony", "reviewText": "Another great product made for the garden ! These sharp fiskars are all you will need to trim that garden up !!!!", "summary": "Another great product made for the garden", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "AVG353O67Z75D", "asin": "B0015AP1QM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "SGBELVERTA", "reviewText": "Easy to install, works great. I did not remove during winter (got down to 25 degrees) and there was no leakage or problems.", "summary": "Works great", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "APYLGTE2U1IWJ", "asin": "B000BX1KWI", "style": {"Color:": " Multi"}, "reviewerName": "Terry Harper", "reviewText": "So far this is working great.", "summary": "Five Stars", "unixReviewTime": 1467417600} +{"overall": 3.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A5QYR4H2JT48I", "asin": "B00069ECFY", "style": {"Style:": " Standard"}, "reviewerName": "Unbiased Review", "reviewText": "Not very accurate.", "summary": "Better choices available", "unixReviewTime": 1475280000} +{"overall": 4.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "APCWO4IRZLW2S", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Mrs Broccoli", "reviewText": "Easy pruning with plants that are dime and quarter thick. Sharp and works well. Haven't tried with anything bigger than a quarter.", "summary": "Sharp", "unixReviewTime": 1444953600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A3RX3G3NOZPKB2", "asin": "B000FJX4SQ", "style": {"Item Package Quantity:": " 10", "Package Quantity:": " 10"}, "reviewerName": "00soul", "reviewText": "Strong, useful, and priced right.", "summary": "A Good Product", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A31QC8CFQL7MBU", "asin": "B0013XZVHA", "reviewerName": "MikeL", "reviewText": "Fit my mower as supposed to.", "summary": "Five Stars", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2014", "reviewerID": "A2XMH43JXLKCHR", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "paul height", "reviewText": "If you are looking for a rust free hose attachment that works look no further. I leave this outside attached to the hose all year. Works every time.", "summary": "Tough as nails", "unixReviewTime": 1396915200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 6, 2013", "reviewerID": "A2HYRNYL9FF4DQ", "asin": "B000WB296A", "reviewerName": "Diane Langmaid", "reviewText": "the sensor for my wireless thermometer dies and didn't think i would be able to order only the outside sensor. i was wrong. delivered, batteries installed and back in business with a quick glance know the outside temperature.", "summary": "wireless thermometer", "unixReviewTime": 1373068800} +{"overall": 3.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A8QO4NNDO4CMY", "asin": "B0013C5SLK", "reviewerName": "John-Paul L.", "reviewText": "I was looking for an inexpensive California 3 X 5 Flag for daily display on my flag pole. I got an enexpensive, cheap, flag.", "summary": "California Flag.", "unixReviewTime": 1377993600} +{"overall": 2.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A3ULC57JU13XH", "asin": "B00004SDVW", "style": {"Style:": " 3-Way Adjustment with Plastic Sled"}, "reviewerName": "Brandon Turk", "reviewText": "Design is great, but the plastic is not at all rugged. The handle used to adjust flow broke after just a few uses. Treat it like cheap plastic and you will be happy I'd return it / exchange it if I could.", "summary": "Cheap plastic", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A2X27YEBT54D44", "asin": "B0013NXQTU", "reviewerName": "michigan", "reviewText": "I like the fact that the flag is hanging and not wrapped around the pole. My front porch faces the west so the winds are strong, no trees or houses to block it.", "summary": "spinner flagpole", "unixReviewTime": 1373500800} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2013", "reviewerID": "AJZM55KWK8T05", "asin": "B000WEMFSO", "reviewerName": "LoC", "reviewText": "this is a really nice brush. the only improvement it can have is replace the cheap leather like string. it will be more practical to have stainless beads.", "summary": "bbq brush", "unixReviewTime": 1376697600} +{"overall": 1.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A1L7VITL941AZM", "asin": "B000XJX550", "reviewerName": "Mrs. Shattuck", "reviewText": "The suction cups are fine and it looks nice but it does not keep the right temp. That's to bad. It is really cute.", "summary": "Doesn't work well", "unixReviewTime": 1359936000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A2XNCDTS1AMXNN", "asin": "B000KL2VFG", "reviewerName": "Chris Purcell", "reviewText": "I was impressed with the quality of this product and the price! I recommend this product to anyone that has a use for a pick axe with the intention of heavy duty digging.", "summary": "Heavy digging!", "unixReviewTime": 1359504000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A3GSVR3NU7KA91", "asin": "B0009KMWES", "style": {"Style:": " Pump Spray, 24-Oz"}, "reviewerName": "KH", "reviewText": "This stuff really works great. Kills mosquitoes that land on treated clothing.", "summary": "Awesome", "unixReviewTime": 1458777600} +{"overall": 3.0, "verified": true, "reviewTime": "05 26, 2010", "reviewerID": "A3HBB5SSAN1ZNN", "asin": "B000WEPDKG", "reviewerName": "toph24", "reviewText": "Starting to fall apart after four uses on webber q. Not a large grilling surface so there's not much to clean, but the bristles are already half work down. Maybe I'm too hard on it?", "summary": "Starting to fall apart", "unixReviewTime": 1274832000} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2013", "reviewerID": "A8236KH8MNZID", "asin": "B00004RA2S", "reviewerName": "Tom J", "reviewText": "I used this to repair an older Gilmour 2000 PPW, two gallon sprayer and it fit and worked just fine.", "summary": "Works so much better than the original plastic one!", "unixReviewTime": 1377993600} +{"overall": 3.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A1ZIIH4B5CBRR1", "asin": "B00192AO90", "style": {"Size:": " 16 oz - 1 Pack"}, "reviewerName": "Johnny A", "reviewText": "Waant happy with outcome. Was still constant fight with pest.", "summary": "Disnt hekp with thrip issue.", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2008", "reviewerID": "A1LY7Z60TNV629", "asin": "B00004R9TD", "reviewerName": "John Coleman", "reviewText": "Couldn't find replacement edger blades for my Edgehog locally so I'm glad Amazon had them.", "summary": "Right blades", "unixReviewTime": 1212192000} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2010", "reviewerID": "A2ZUM5J6XBB3CH", "asin": "B000W9BP30", "reviewerName": "Julie M. Rajotte", "reviewText": "The table arrived on the date expected and packaging was very secure. All of the parts were there - even the tools needed. Super easy assembly. The table looks better in person than the photo. Very stable.", "summary": "Beautiful Table", "unixReviewTime": 1280275200} +{"overall": 3.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A2OPWQZOBZNDOF", "asin": "B000BWY7Z6", "reviewerName": "kayu", "reviewText": "Used this along a low picket fence to keep a neighbors leaves out of my yard in autumn 2013. It is now fall 2015 and I am having to replace it because the elements have made it quite brittle - it breaks easily to the touch.", "summary": "Works but don't expect it to last forever", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "AM4W7E13CCQFQ", "asin": "B00004RA82", "reviewerName": "Timeless", "reviewText": "Timely delivery ... packaged appropriately ... product as described ... very satisfied customer", "summary": "very satisfied", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A2LBXFP386Y476", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "cody", "reviewText": "Works great. Came fast", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 1.0, "verified": true, "reviewTime": "09 13, 2017", "reviewerID": "A3DSIPD9OKD50W", "asin": "B00110Z3XC", "style": {"Size:": " 18-Inch by 30-Inch"}, "reviewerName": "Marylandmann", "reviewText": "Decidedly lower barefoot comfort level than the mats they replaced. Returned.", "summary": "Strikingly harsh on bare feet", "unixReviewTime": 1505260800} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2013", "reviewerID": "A1UNGRII555EKT", "asin": "B00004RAMY", "style": {"Size:": " Single Pack Mole Trap"}, "reviewerName": "julie WA state", "reviewText": "No more unsightly mounds in my yard...this did the job! Fast, inexpensive and an efficient solution to rid my yard of those pesty moles.", "summary": "Mole Trap", "unixReviewTime": 1381795200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "AP67Q4OEFTSY0", "asin": "B0002YVE5O", "style": {"Size:": " Soil Scoop"}, "reviewerName": "Birder", "reviewText": "Perfect for the indoor garden", "summary": "Five Stars", "unixReviewTime": 1462060800} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "A3DE7XAR35P6L6", "asin": "B000RUJZS6", "style": {"Size:": " 32 oz", "Style:": " Ready-to-Spray"}, "reviewerName": "Samantha Pines", "reviewText": "Effective for Jap Beetles for about a week without rain. SInce their life cycle is 4-6 weeks- I had to treat weekly- better solution is grub control June 1 before they turn into beetles and soil application inn May", "summary": "Decent product easy to use", "unixReviewTime": 1501545600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2017", "reviewerID": "A2L5D2ZY6GVBFA", "asin": "B00190OF9M", "reviewerName": "M. Belken", "reviewText": "Good quality", "summary": "Good quality", "unixReviewTime": 1502496000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A10ULXOBNDF8GX", "asin": "B0006U66B6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "David", "reviewText": "Works great and very high quality. The brass nozzle I was using was leaking and this was a good solution. I recommend using this with the brass nozzles because those do not let you control the amount of pressure through the line. They only let you adjust the spray pattern.", "summary": "Works great and very high quality", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A3FXEONCKIT8CG", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac(UltraPlus)"}, "reviewerName": "lm", "reviewText": "Love this", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 4.0, "verified": true, "reviewTime": "05 29, 2017", "reviewerID": "A3Q23MA3R2Q36S", "asin": "B000SQ32MY", "reviewerName": "Robb", "reviewText": "Holds several tabs", "summary": "Four Stars", "unixReviewTime": 1496016000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71MmOKoxVuL._SY88.jpg"], "overall": 1.0, "vote": "20", "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A1XQD0DBD1Q249", "asin": "B0007UQ2WI", "reviewerName": "Denver P. Lancaster", "reviewText": "The axle end that goes into the wheel is bent into a shape that won't fit into the wheel. Tried a rubber hammer to tap it in and the axle started to split. Now it's stuck. Axle is busted. And I'm sure the wheel bearings are too, if I try to pull it out. Awesome.", "summary": "Axle didn't fit wheels, split while building.", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A2JEJ56F6HG66P", "asin": "B0017678BA", "reviewerName": "DeniseR", "reviewText": "This is fantastic. It works within 4 days and took my pea soup green pond to almost crystal clear.", "summary": "works great", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "AI74LVURQBIQ2", "asin": "B0018U06OQ", "reviewerName": "Kindle Customer", "reviewText": "I had to rebuild the carburetor on my Sears (Techumseh) lawnmower early last spring. The kit had everything I needed (except for a float) to finished the job. The lawnmower worked great for the remainder of the summer.", "summary": "Everything I Needed", "unixReviewTime": 1355529600} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2016", "reviewerID": "A2BUI01ZU5VCOA", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "william west", "reviewText": "works good to fill 4 wheeler but hard to seal to keep gas from leaking", "summary": "wp4x4", "unixReviewTime": 1479945600} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A3Q2JMJNMVCGFI", "asin": "B001DZGMKI", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "shog", "reviewText": "I use this to aerate lawn, till small gardens, and turn my compost. I leave it outside and it shows no sign of rust. Tilling is still a chore, but it beats a shovel.", "summary": "durable, effective", "unixReviewTime": 1421020800} +{"overall": 3.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A2HO9ZEBYXC0FF", "asin": "B000O8B6Q0", "style": {"Size:": " 8 foot cord", "Style Name:": " Automatic"}, "reviewerName": "Patricia E. Brown", "reviewText": "We returned this item, it was not what we really needed.", "summary": "Did Read the Fine Print", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A2E83NXANU1JS9", "asin": "B00004SD7B", "style": {"Size:": " 36-Inch Axe"}, "reviewerName": "Johnathon R Coberley", "reviewText": "Splits wood with ease", "summary": "Nice axe", "unixReviewTime": 1424649600} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "AXMYSF8ICAF0Z", "asin": "B000QV08AK", "style": {"Color:": " Original Green"}, "reviewerName": "Ms rock", "reviewText": "Great tool easy to work with it edges my flower bed perfectly very nice to use", "summary": "Best tool ever", "unixReviewTime": 1434067200} +{"overall": 1.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "ARKIYA8ZAZIR5", "asin": "B0015AOT4W", "style": {"Style:": " Square"}, "reviewerName": "IV", "reviewText": "The spray radious is horrible.", "summary": "One Star", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A3U671CJFM7ASO", "asin": "B00100A2SO", "reviewerName": "Jay", "reviewText": "Got Em All in 2 days !! These are GREAT ! ( use sun flower seeds as bait )", "summary": "GREAT", "unixReviewTime": 1441065600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A1OOSQEA96O5WU", "asin": "B000BQROHU", "reviewerName": "BlackJeepjk", "reviewText": "Works like magic.", "summary": "Five Stars", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A2CB91QQPYLWN0", "asin": "B000ZONZIU", "style": {"Package Quantity:": " 1"}, "reviewerName": "Anna Burns", "reviewText": "nice to have new liners, made my planters look very neat.", "summary": "good value", "unixReviewTime": 1469145600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/717BAqc9vgL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "ARLDLPOFO2Z2V", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "chris", "reviewText": "Well it good but I don't use it for a fire pit, this thing works for a kids water table so bug at night not get in the water so I don't have to dump water out ever day", "summary": "Well it good but I don't use it for a fire pit", "unixReviewTime": 1494547200} +{"overall": 1.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "ADGLREQE5GVDG", "asin": "B00158UK4C", "reviewerName": "Mary Harvey", "reviewText": "I'm a very unhappy customer. This was a complete waste of my money and time.", "summary": "Upset customer", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "A1SOO4A1E9U3V4", "asin": "B0012XTNBQ", "reviewerName": "Ilalane", "reviewText": "Working perfectly", "summary": "Five Stars", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "ALNYVGLQRQSM6", "asin": "B0001AUF8G", "style": {"Size:": " 30 Ounce"}, "reviewerName": "A White", "reviewText": "Great for bird baths and fountains to stop mosquitoes", "summary": "Great for bird baths and fountains to stop mosquitoes", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A1M3B4721MTB06", "asin": "B000W93LUU", "style": {"Size:": " Wasps"}, "reviewerName": "Ariel Gonzalez", "reviewText": "This product really works. I was quick surprised but I see no wasps in the areas where I placed these.", "summary": "No more wasps", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A2FXC37FE6K96B", "asin": "B000PBXETS", "style": {"Color:": " Red"}, "reviewerName": "Selective Lady", "reviewText": "Definitely works. There is no way ants can get into my hummingbird feeders with these traps hanging above them.", "summary": "Definitely works. There is no way ants can get ...", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A2TDNFM51XU1C7", "asin": "B001AN7RGG", "reviewerName": "DBD", "reviewText": "best way to start a BBQ", "summary": "Five Stars", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2017", "reviewerID": "A1AU12CZ4G4DWC", "asin": "B000BWY6K2", "style": {"Size:": " 24 oz Ready to Use"}, "reviewerName": "TamTomTimTikki", "reviewText": "Good when applied periodically and directly. Better alternative to chemical-laden solutions.", "summary": "Five Stars", "unixReviewTime": 1498780800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A382IS1SUW1MRX", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Black", "Style:": " Digital/No Window"}, "reviewerName": "spartty", "reviewText": "I thought we would purchase this, use one weekend and then it be used as a shelf in the garage. My husband has been smoking meets every weekend for 3 months straight. Easy to use, clean and the food tastes great", "summary": "Easy to use", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2015", "reviewerID": "A1YWQEMFGJRV7", "asin": "B000VYGEWI", "reviewerName": "Angie K", "reviewText": "Very nice quality and shape.. Works great on our tanaka saw.", "summary": "Five Stars", "unixReviewTime": 1432080000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "A2JZGXT9H88OYB", "asin": "B000I1O3JU", "style": {"Color:": " beige"}, "reviewerName": "Mr. Bunch", "reviewText": "Good quality and a nice looking feeder. Not gaudy and it blends into my back yard. No squirrels so far. :o)", "summary": "Good quality and a nice looking feeder", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A36K4VOLWEBG1H", "asin": "B00004W499", "style": {"Package Quantity:": " 1"}, "reviewerName": "Priscilla", "reviewText": "10 STARS. FAST DELIVERY EXCELLENT PACKING. GREAT PRICES. USE THESE FOR OUR VILLAS. GUEST LOVE THEM", "summary": "FAST DELIVERY EXCELLENT PACKING. GREAT PRICES", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A1AKRKRG0CV5KL", "asin": "B000ODU8JG", "style": {"Size:": " 1-Pack"}, "reviewerName": "CB", "reviewText": "Works well in my Hotsprings spa.", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "10 3, 2012", "reviewerID": "A1ZID0K9FW1AKJ", "asin": "B0014C8D16", "reviewerName": "Larry H", "reviewText": "Have gone through several flag pole ropes that wear out or break and con't hold up to the weather. This one falls into that catagory. Just like all the rest and over priced.\n\nI went to 3/16 cable and will never have to worry again.", "summary": "flag rope", "unixReviewTime": 1349222400} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A15VD2Y2MX8PUG", "asin": "B000WEMH64", "reviewerName": "EJ", "reviewText": "not the heavy duty ones you get from Weber", "summary": "Four Stars", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A1NQLEGZ80NKE5", "asin": "B001AHAJWG", "reviewerName": "William Landers", "reviewText": "OK", "summary": "Five Stars", "unixReviewTime": 1436659200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A1BBIGWO1Y8MV2", "asin": "B001BF24EI", "reviewerName": "RLZ", "reviewText": "Becoming difficult to find in stores, but we love our Mosquito Magnet and use it all summer. Good pricing online and convenient.", "summary": "Mosquito Magnet Octenol", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A482F1K5S4QS5", "asin": "B000LNRVXK", "style": {"Size:": " 5 in x 40'"}, "reviewerName": "Alfred Mcintosh", "reviewText": "I ordered this item for my garden and the price was not that pricey, will order again next year's garden.", "summary": "ordered for the garden", "unixReviewTime": 1402272000} +{"overall": 4.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A33555S2BMHJ65", "asin": "B0018U03AS", "reviewerName": "Terrance J Malloy", "reviewText": "I wish I had not waited to replace my original blade. I no longer have the nagging issue of clogging mower. Did not have to stop and pull grass out once. The yard has never looked better. Good product, shipped fast easy to install.", "summary": "Do not wait get it now.", "unixReviewTime": 1400716800} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A4BI1WBQCZFEH", "asin": "B00061MSJY", "reviewerName": "NewYorkJack2006", "reviewText": "This stuff is plain evil. It works exactly as desired and solves a lot of problems around the house.", "summary": "Works perfectly", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2017", "reviewerID": "AJLPKHPCHAYF6", "asin": "B00004R9VV", "style": {"Size:": " 1-Acre Coverage"}, "reviewerName": "Julius Patta Sr.", "reviewText": "Works super,carefull in rainy day.", "summary": "Works super, carefull in rainy day", "unixReviewTime": 1494720000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A38HWKGV6ZI6HW", "asin": "B000SM9X9Y", "reviewerName": "scamp", "reviewText": "i love it", "summary": "Five Stars", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "AWORCPUSZ35L", "asin": "B0012GTJFI", "reviewerName": "derek strine", "reviewText": "perfect, thx!", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2014", "reviewerID": "A2A7Z19XABE8W5", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Panamac", "reviewText": "Look great as described, construction is pretty good quality and now just waiting to see how long they hold up in the southern CA sun and breezy conditions!", "summary": "U.S. Flag", "unixReviewTime": 1388793600} +{"overall": 4.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "AA7V3Q0BWM1ZZ", "asin": "B000FK258K", "style": {"Size:": " Adapter 1/2\" MPT x 1/2\" Barb"}, "reviewerName": "Ian M", "reviewText": "Their is not much to say about this product. It does exactly what it says it will! I used plumbers tape on the threaded side, not sure if I needed it. The 1/2 inch poly tube (put it on after you screw this into place) was nice a snug. No Leaks! My only complaint is the price!", "summary": "Does what it should at a premium price!", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "AZZSKXJHRVQ5A", "asin": "B000P1RH32", "reviewerName": "roy suarez", "reviewText": "when i first got these wilted plant they looked like death warmed over , but I nursed them under my grow lite and they responded very nicely. hirts should look at the zip codes bedore shipping.", "summary": "when i first got these wilted plant they looked like death warmed over", "unixReviewTime": 1465171200} +{"overall": 2.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "A3TRWZ8T4SPZ1F", "asin": "B000DN6WYM", "reviewerName": "rosalie ferguson", "reviewText": "Real easy to clean so it's healthier for the birds, I like how it goes together . I 'llput the smaller one in the back yard", "summary": "Humming burds", "unixReviewTime": 1401494400} +{"overall": 4.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A1Q27NV35TAXHC", "asin": "B000HAAL8O", "style": {"Size:": " Ghost"}, "reviewerName": "Ryan", "reviewText": "I love this little ghost for our front window...however my only complaint is the cord for this is way too short. You definitely need an extension cord (even if hanging low on a window).", "summary": "I love this little ghost for our front window", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A3IKSOCFMTZ4V3", "asin": "B0015Z5OLE", "reviewerName": "bobfmPA", "reviewText": "I think it last longer than others I have had, would buy again.", "summary": "Five Stars", "unixReviewTime": 1414713600} +{"reviewerID": "A231329CG7I4S6", "asin": "B000YJ45S0", "reviewerName": "MOM", "verified": true, "reviewText": "Under review", "overall": 5.0, "reviewTime": "07 31, 2017", "summary": "Five Stars", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A14WEY5WTNEINZ", "asin": "B000HHMIV0", "style": {"Size:": " Small", "Color:": " Black"}, "reviewerName": "Resident01", "reviewText": "They work", "summary": "They work", "unixReviewTime": 1461801600} +{"overall": 4.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A3A9LGOK3G4MLH", "asin": "B000LNRVXK", "style": {"Size:": " 5 in x 40'"}, "reviewerName": "Keith Lippe", "reviewText": "As described", "summary": "Four Stars", "unixReviewTime": 1463356800} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A24WJGJDLOOC95", "asin": "B00004RA7A", "style": {"Color:": " N/A"}, "reviewerName": "HEM", "reviewText": "it's ok but not something you need very often", "summary": "Four Stars", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2013", "reviewerID": "ACWEK7O1OH2FA", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "GeneO", "reviewText": "Easy to handle rather than the heavy 5 gal can. The auto spot feature works and keeps gas from over flowing. Good Dead", "summary": "No spill 2 1/2 gas can", "unixReviewTime": 1377820800} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A1HG2N9QH5UAEL", "asin": "B000PAV28E", "reviewerName": "Peter K.", "reviewText": "BBQ Cleaning 2.0 right here! The end is maybe a little flimsy as other reviewers noted. Just don't be a caveman and it will work fine.", "summary": "Just don't be a caveman and it will work fine.", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A2BE4XZ663D9XF", "asin": "B000H2W40U", "style": {"Size:": " 16\""}, "reviewerName": "Ray T Manning Jr", "reviewText": "They work great on the GreenWorks chain saw. Too bad the manufacturer has stopped making them.", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "AIT6OET2K132", "asin": "B000A1CFKW", "style": {"Style:": " 26-Inch Poly Blade Combo Ergonomic"}, "reviewerName": "TheMan", "reviewText": "TRUE TEMPER PRODUCTS ARE GREAT!! THIS SHOVEL AND THE TRUE TEMPER SNOW SLEIGH SHOVELS ARE AWESOME! THEY WORK GREAT MOVING LARGE AMOUNTS OF SNOW AND EASY ON THE BACK.", "summary": "EXCELLENT", "unixReviewTime": 1391385600} +{"reviewerID": "ABE96P67CUYFY", "asin": "B001FK81PU", "reviewerName": "D. A. Grabowski", "verified": true, "reviewText": "This is one of two squirrel feeders I purchased during the summer. It has worked just as I hoped it would.", "overall": 5.0, "reviewTime": "11 20, 2011", "summary": "Good Feeder", "unixReviewTime": 1321747200} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2013", "reviewerID": "A2WQA5YPH8P4SB", "asin": "B000NZZG3S", "style": {"Size:": " 9-by-19-1/2-Inch"}, "reviewerName": "Amazon Customer", "reviewText": "I am using this on a very small space heater for a small bathroom. Not only does it control the heater VERY well it also tells me the temperature of the bathroom! It has worked flawlessly so far. Plug controller into wall, plug heater into controller and, set temperature.", "summary": "Works great", "unixReviewTime": 1385424000} +{"reviewerID": "A334I0RO166BGU", "asin": "B0001IMNKG", "reviewerName": "OnMyOwn", "verified": true, "reviewText": "Effective and good price", "overall": 5.0, "reviewTime": "08 19, 2016", "summary": "Five Stars", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A26M5LTL1HOM40", "asin": "B000WEIHPY", "reviewerName": "David A. Thompson", "reviewText": "Working great.", "summary": "Five Stars", "unixReviewTime": 1432684800} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A3RD9NNI25Y5X0", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Michael D. Walker", "reviewText": "Good looking flag. Durable. Vibrant colors.", "summary": "Four Stars", "unixReviewTime": 1518739200} +{"overall": 1.0, "verified": true, "reviewTime": "02 5, 2014", "reviewerID": "AVZ8G4I1NV6TN", "asin": "B0000CBJCQ", "style": {"Style Name:": " Apple"}, "reviewerName": "Sgurgola", "reviewText": "Buy local. Wood is wood.", "summary": "Wood", "unixReviewTime": 1391558400} +{"overall": 3.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "AU4CZOAUPVTKI", "asin": "B000WFXDMK", "style": {"Style Name:": " Standard"}, "reviewerName": "Louis &amp; Clark", "reviewText": "Works well. I like to have these available when fishing in Canada", "summary": "I like to have these available when fishing in", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2012", "reviewerID": "AE6ZXRKRSTZXW", "asin": "B00115I0AU", "reviewerName": "Mercedes Evans", "reviewText": "The primer bulb repair kit was everything I needed to make the necessary repairs. It came in a timely matter.", "summary": "Primer Bulb Repair Kit", "unixReviewTime": 1349308800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A2YODDVAF8TUVP", "asin": "B000WEKMK2", "reviewerName": "mo2ca", "reviewText": "Best price at time of purchase, still works after years of abuse and fire. Now a bit thinner and corroded but still works. Unbeatable.", "summary": "Best price at time of purchase", "unixReviewTime": 1414713600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2012", "reviewerID": "A1ZZOPBG0NQJ62", "asin": "B0013FG2DA", "reviewerName": "carwash_nv", "reviewText": "I use this pump for my Goldfish pond in my back yard which holds about 1000 gallons of water. I also bought the 6-pack of filters for the value. Nice and quiet!", "summary": "I use this for my Goldfish Pond.", "unixReviewTime": 1354579200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "ARKNXU0QO6F6P", "asin": "B001CQDDHS", "reviewerName": "LOUISE", "reviewText": "my birds just love it .when it rains bird food dosan't sit in water.", "summary": "my birds just love it. when it rains bird food dosan't sit ...", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2014", "reviewerID": "A38WCMTOXO7YW9", "asin": "B0012Y1D5E", "reviewerName": "P J", "reviewText": "these things dry and crack after hot summers and cold winters. local stores didn't have it in stock, so I was happy to have found it", "summary": "exact replacement", "unixReviewTime": 1397952000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A1FTK9L6IFAR2B", "asin": "B000SQ32MY", "reviewerName": "Sarah M. Thelen", "reviewText": "Works as promised", "summary": "Works fine", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2015", "reviewerID": "A319B8TEQP0LWA", "asin": "B0012GV06O", "style": {"Size:": " 26.3'", "Color:": " Green", "Style:": " Slim Soft Tie"}, "reviewerName": "MLMOUNT", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1435536000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2009", "reviewerID": "A3BUNHF07TGZS3", "asin": "B000VSDHAQ", "reviewerName": "Nunya", "reviewText": "Works well and now my garage is safe. I had my chain saw hanging by the handle with the blade exposed. It was like something out of a horror movie. This case has made my garage a safe place to wander.", "summary": "My Chain Saw Is Safe", "unixReviewTime": 1236384000} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A33HO6ZUHVCFGS", "asin": "B000WZ4KO0", "style": {"Size:": " EACH", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "DS", "reviewText": "Worth the money especially for catch and release. Check the trap often and look under the little door of the trap where small mice can hide... Very humane trap", "summary": "Very humane trap", "unixReviewTime": 1420156800} +{"reviewerID": "A13TFIKMYLFLG2", "asin": "B000VU222S", "reviewerName": "China", "verified": true, "reviewText": "Works as described. I live in Maine and so far this year we have had allot of snow. Bought to clear my deck instead of shoveling over the rail the power shovel it blows the snow out and away. It does not like heavy wet snow.", "overall": 4.0, "reviewTime": "02 26, 2013", "summary": "Power Shovel", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "ACUGNCF1LTCE7", "asin": "B000WEKNXI", "reviewerName": "Amazon Customer", "reviewText": "It works as a replacement for my old grate, quality is O.K and it seems strong enough.", "summary": "Good replacement part", "unixReviewTime": 1441497600} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2014", "reviewerID": "A3A8DC3N2A0KOX", "asin": "B00169SN6M", "reviewerName": "Annie", "reviewText": "They worked just fine no problems", "summary": "Four Stars", "unixReviewTime": 1411171200} +{"overall": 4.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "AYX1CY1YJCTNR", "asin": "B001ELYC3A", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Elfin Reviews", "reviewText": "Perfect replacement for our filter, but arrived with a silver, not brass handle. I don't expect that to make any difference in its functionaltiy.", "summary": "Not a brass handle", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2012", "reviewerID": "A2OFQ88BAUN1TE", "asin": "B00004YTJP", "style": {"Size:": " 8-Foot"}, "reviewerName": "Swimming in circles", "reviewText": "The cover is perfect, light weight, can be put on by one person although it is easier with two. Fits the pool of course since it is made specifically for it.\nIt does what it needs to do.", "summary": "Made for my pool!", "unixReviewTime": 1346803200} +{"overall": 4.0, "verified": true, "reviewTime": "10 31, 2013", "reviewerID": "A1Y4IT8TAOYS93", "asin": "B000HKK17K", "reviewerName": "Deal Seeker", "reviewText": "I have to replace these ceramic flame tamers on my Members Mark grill about every four years as they disintegrate over time. These work well. I only wish they would last longer.", "summary": "Exact replacement flame tamers", "unixReviewTime": 1383177600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A2H0U0WJF0QZG1", "asin": "B000EJODGE", "reviewerName": "Ben", "reviewText": "It has a great sound, a little bit like melodic door chimes that you would find in mom and pop store door, and works nice in lower wind areas. It gives a nice complimentary chiming to our straight pipe woodstock wind chime.", "summary": "It has a great sound, a little bit like melodic door chimes ...", "unixReviewTime": 1424476800} +{"overall": 4.0, "verified": true, "reviewTime": "04 4, 2018", "reviewerID": "A3IMGMFOQUIG58", "asin": "B000SP2JLU", "style": {"Size:": " 3.4 lb"}, "reviewerName": "mary A atebbibs", "reviewText": "The bottom of the bird feeder full out did not have it to long can you help me", "summary": "Three Stars", "unixReviewTime": 1522800000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2017", "reviewerID": "AKZVVZOUOVSRZ", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "tpelco21", "reviewText": "I have used these shears a long time and find them perfect for my needs, plus my wife loves them.", "summary": "... used these shears a long time and find them perfect for my needs", "unixReviewTime": 1488844800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A1F8FHYWOE1CL1", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Linda Sebastian", "reviewText": "just a supply", "summary": "Five Stars", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A1ID7TMQVGGJAN", "asin": "B000WEIJF2", "reviewerName": "marie hazel", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "05 9, 2013", "reviewerID": "AVBNYJMBF9IZE", "asin": "B000M2YSJK", "style": {"Color:": " Green"}, "reviewerName": "E. Young", "reviewText": "It was just what I needed to protect my garden from rabbits eating my plants. Good price for what you get.", "summary": "was just what I needed", "unixReviewTime": 1368057600} +{"overall": 5.0, "verified": false, "reviewTime": "11 26, 2016", "reviewerID": "A11OBHHFNU93K", "asin": "B0013LUKR8", "style": {"Size:": " 25 feet"}, "reviewerName": "michael c avitts", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1480118400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A5RTV9DM17SFW", "asin": "B000X9BNG8", "reviewerName": "Mr. G", "reviewText": "they fit and they work...not much to add to that.", "summary": "they fit and they work", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A2WBULPEM0EBGR", "asin": "B000HM69SS", "style": {"Material Type:": " Cherry"}, "reviewerName": "Jerry Murphy", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A16DZZ68DLRDKP", "asin": "B00062KQ42", "style": {"Size:": " 15-Pound"}, "reviewerName": "pirati", "reviewText": "good for all plants", "summary": "Five Stars", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2013", "reviewerID": "A1R0A4Z4L193RI", "asin": "B0018P6GTU", "reviewerName": "Grandma", "reviewText": "I love these small garden flags. The quality of the material is the best. It easily stands up to more than one season. The colors are bright as shown.", "summary": "Grandma", "unixReviewTime": 1361318400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A1DIJUVUHU99QV", "asin": "B00004YTJP", "style": {"Size:": " 12-Foot"}, "reviewerName": "maureen derse", "reviewText": "perfect cover", "summary": "Five Stars", "unixReviewTime": 1449878400} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A3U2XCKZTY0KQU", "asin": "B0018U0A3S", "style": {"Color:": " black"}, "reviewerName": "Do It Yourselfer", "reviewText": "What is there to write about a quart of chain saw bar oil? Good product, does what it is intended for.", "summary": "Good product, does what it is intended for", "unixReviewTime": 1492300800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 27, 2014", "reviewerID": "AQENPN0THM7NN", "asin": "B000UU1ACM", "style": {"Size:": " 1 Quart"}, "reviewerName": "barnbarn", "reviewText": "Noticeable effect in sustaining cuttings health, and speed of rooting. Cannot clone without it in my opinion. Makes good nutrient for young plants also. Reliable PH and PPM performance over time. Have recommended to others.", "summary": "Must have", "unixReviewTime": 1390780800} +{"reviewerID": "A34XOUO7K8IDD8", "asin": "B000DCNAPW", "reviewerName": "RSH", "verified": false, "reviewText": "this black hose arrived in just a few days. The fittings work well and without leaking. It does the job.", "overall": 5.0, "reviewTime": "09 5, 2011", "summary": "Nice Hose", "unixReviewTime": 1315180800} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A3OMDLCQOG7KP2", "asin": "B0014APLBS", "style": {"Size:": " 1 Ounce"}, "reviewerName": "Janet", "reviewText": "I was looking for some Aroma Therapy because I love the smell of Seeet Annie. I hadn't thought about drinking it or putting it in shampoo. I will try that. This isn't really the fragrant home source that I was looking for-", "summary": "Sweet Annie", "unixReviewTime": 1435968000} +{"overall": 1.0, "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "AIGKP8O35C6NK", "asin": "B000XTGCLY", "reviewerName": "V. Ebbinghaus", "reviewText": "got the seeds, planted the seeds.. all the other seeds i planted grew,, except these.. nothing.. not one leaf... don't know why.. but didn't harvest a thing.. ??? would not recommend", "summary": "planted seeds", "unixReviewTime": 1399334400} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "AET8ZAVUSTU0E", "asin": "B001134KK6", "style": {"Size:": " 3 lbs."}, "reviewerName": "Jennifer", "reviewText": "Cheesy and a bit tough to set up to be more realistic (it's a flat dog), we filled it with leaves and such to puff the body out. Overall, the turkeys seem to notice it and steer clear of the area it's in.", "summary": "Works.", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A1IMX0P2HC3ISE", "asin": "B001DSLLH4", "style": {"Format:": " Lawn & Patio"}, "reviewerName": "Robert O. K", "reviewText": "Great product at a great price. These are simple to install.", "summary": "Just The Best", "unixReviewTime": 1435190400} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "A1RW789RD2U6FF", "asin": "B0001W2W58", "reviewerName": "Mrs. Robin", "reviewText": "First batch of seeds are in the sprouter as I write this. Can't wait to taste the flavors of these sprouts!", "summary": "First batch of seeds are in the sprouter as I ...", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "A2WJ2ABY8G115A", "asin": "B000A0REKO", "style": {"Size:": " 2.5 Pound"}, "reviewerName": "JacksonWoman", "reviewText": "This stuff really works! What more needs to be said?", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2013", "reviewerID": "A3VXDJJEZDTRLC", "asin": "B000WEIHPY", "reviewerName": "Ilya P", "reviewText": "When installed they looked awesome. They discolor after first use, but not too much. They hold heat and evaporate the juices well", "summary": "Thick, look great and work great", "unixReviewTime": 1378771200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "AI6L7J2YG2BZ", "asin": "B0016MORA0", "reviewerName": "SAS", "reviewText": "The fabric is of high quality. It has vibrant colors. It should last for a long time.", "summary": "Five Stars", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2016", "reviewerID": "A1HHPJG5R2EWUG", "asin": "B0009YJ2RY", "style": {"Color:": " beige"}, "reviewerName": "Jeffrey", "reviewText": "This feeder is a great value...the birds love it.", "summary": "Good feeder and a value", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A3FY5V6O8EL2OW", "asin": "B00004RAMW", "style": {"Size:": " Pack of 12"}, "reviewerName": "Amy", "reviewText": "New to this product. We doubt if it works. And it really works!", "summary": "Five Stars", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A1BNU92K69LUMC", "asin": "B000FJVKPA", "reviewerName": "valone", "reviewText": "It worked great, easy to apply.", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A3IIHEJB9QYTIN", "asin": "B0012QLVRM", "style": {"Size:": " 225 mph Blower/Vac"}, "reviewerName": "MIKE W.", "reviewText": "Does a good job. Really good for getting leaves out of flower beds", "summary": "Four Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "AZX3490A8FTXR", "asin": "B000BWY49A", "reviewerName": "Tien D. Bui", "reviewText": "Love the retractable feature of the rake for storage. Works well and solid build.", "summary": "works well and well constructed", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A3CXJFNUPMZ2RN", "asin": "B0012VY0UM", "reviewerName": "Terry L. Mccormick", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "A3BANA2IIWJDHN", "asin": "B000E19E2A", "style": {"Color:": " Beige"}, "reviewerName": "CoCo2581", "reviewText": "I used to have solar power umbrella and it's very bulky appearance on umbrella\nand light just went out quickly and broke. Try this tropishade brand and meet my expectation.\nInteresting LED lighted umbrella. very easy to setup and operated. This one will last longer.", "summary": "Good quality and better than what I thought.", "unixReviewTime": 1429660800} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A2MX4N1M7ED5FV", "asin": "B0017OYW16", "reviewerName": "Sam Smiley", "reviewText": "Bags are not equal to the original equipment. Also they appear to be a bit smaller in capacity. ok ok", "summary": "bags", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A8AY5V67V0X8X", "asin": "B0013LUKR8", "reviewerName": "elbobbo", "reviewText": "good product, worked perfectly and was as advertised.", "summary": "Five Stars", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A3E1A71T114XWE", "asin": "B001E2D62W", "reviewerName": "Amazon Customer", "reviewText": "use it with the sweeper & with Hayward cleaner", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A2P0HSMHELY5PP", "asin": "B000KL6T40", "reviewerName": "Franki", "reviewText": "When I put this seed out for the first time, I had a bunch of birds show up within an hour. They seemed to really like it so I'll be buying more of this brand which has a mix of seeds. I had been using another mix but the birds like this better so I'll be buying more.", "summary": "BIRDS LOVE THIS", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "A21WD8WILQG7JX", "asin": "B0014C80P0", "reviewerName": "Dave in Kentucky", "reviewText": "Cub cadet filter just like orig", "summary": "cub cadet", "unixReviewTime": 1450656000} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2018", "reviewerID": "AHYCC7HDRWOMG", "asin": "B000E28UQU", "reviewerName": "Diane", "reviewText": "Haven't used it yet, but seems like a good product", "summary": "Perfect size for what i needed", "unixReviewTime": 1524441600} +{"overall": 2.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A2ZXEYK0V3J122", "asin": "B0010XASY4", "style": {"Color:": " (Winter Colors)"}, "reviewerName": "Karen Fitzgerald", "reviewText": "I ordered two sets of these. With both sets, the middle one was broken. I do like the looks of them.", "summary": "Broken", "unixReviewTime": 1372896000} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2017", "reviewerID": "A1IUON5GILRBLO", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "kws", "reviewText": "Filter fit mower as described.", "summary": "Four Stars", "unixReviewTime": 1514419200} +{"overall": 3.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "AZISAPS0NGN7K", "asin": "B0000CFOO1", "reviewerName": "Susan", "reviewText": "Difficult to read, fades", "summary": "Three Stars", "unixReviewTime": 1438905600} +{"reviewerID": "A23OJ2CR6Q9B6L", "asin": "B000VU222S", "reviewerName": "TJ", "verified": true, "reviewText": "Good for less than 3 inches of snowfall. Ideal for decks. Unit will blow snow thru railings whereas one would have to lift snow over railing. This unit will save your back.", "overall": 4.0, "reviewTime": "11 9, 2013", "summary": "Excellent for small jobs", "unixReviewTime": 1383955200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A2D4YGKRYFCPZA", "asin": "B00173ELYK", "style": {"Size:": " 2-1/2-Gallon"}, "reviewerName": "Donna Tuten", "reviewText": "Perfect for my needs. Thank you!", "summary": "Five Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "A1XWGIMTGKMDS3", "asin": "B0017KAFMK", "reviewerName": "Richard Miller", "reviewText": "fit perfect.", "summary": "Five Stars", "unixReviewTime": 1418860800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2016", "reviewerID": "A3AB7K0YC972U4", "asin": "B000VM0GUQ", "style": {"Size:": " Country Star"}, "reviewerName": "texellence", "reviewText": "Really like the quality and design on this. Far surpasses most poles that have a plastic gilt ball on top. Good weight, does not bend.", "summary": "Top quality, looks wonderful up , strong metal", "unixReviewTime": 1477267200} +{"overall": 4.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A4M6F4G990QH8", "asin": "B0017NBWPG", "style": {"Size:": " 4-Pack"}, "reviewerName": "Dalton H.", "reviewText": "I don't know if I have Houdini mice or what but they somehow drag these to a carpeted area in my garage and remove themselves.", "summary": "I don't know if I have Houdini mice or what ...", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2014", "reviewerID": "A2ANIO9P7WE1SX", "asin": "B000GD8M2E", "style": {"Color:": " Sage"}, "reviewerName": "Dr. C. Bradenton", "reviewText": "Very neat design. Works great for us on the patio. I have placed a larger 20X20 tile on its top which enhances its utility and appearance.", "summary": "Adams Quik-Fold Side table", "unixReviewTime": 1394755200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 27, 2012", "reviewerID": "A1H0E3BPT8HGEM", "asin": "B000HSAK3C", "reviewerName": "Cain", "reviewText": "helps you so much in making sure your fencing is giving the power\nneeded throughout the fenced in area. It's simply a must have.\nhelps you find weak spots, broken fence line, etc.\ncan't go wrong with this. Besides you DO need to test\nyour fence.. this is a easy to use product", "summary": "A MUST HAVE", "unixReviewTime": 1332806400} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A2NKFFGYRERGYS", "asin": "B000BZ8HNG", "style": {"Size:": " 10 LB"}, "reviewerName": "Patrick Brown", "reviewText": "Very good stuff", "summary": "Four Stars", "unixReviewTime": 1506038400} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "AMFYX2UUV8R61", "asin": "B0015QXLSQ", "reviewerName": "Amazon Customer", "reviewText": "JUST WHAT I NEEDED CHEAPER", "summary": "JUST WHAT I NEEDED", "unixReviewTime": 1444003200} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A371NEBLASHBTY", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "Kristen S.", "reviewText": "This works great but it ends up leaving the soil on top a funny orange color that I have to remove. It looks unsightly.", "summary": "It leaves the soil with a funny orange color on top", "unixReviewTime": 1501200000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 28, 2016", "reviewerID": "A29BS4706YFZ4Z", "asin": "B00157MQPO", "reviewerName": "Jamie M.", "reviewText": "love it,,,sturdy and so nice. I see other people saying that it doesn't stay up in the wind,,however i have not had that problem at all. and it gets pretty windy here.", "summary": "very attractive", "unixReviewTime": 1475020800} +{"reviewerID": "A382XPXKY11IIN", "asin": "B0016HQOYC", "reviewerName": "Sean B. Halliday", "verified": true, "reviewText": "Drip irrigation and timers are a must for any garden to keep it at its best and this valve helps do that.\nMy only criticism is I wish the both threads were metal instead of the male one being plastic.\nDue to this care should be taken when attaching a hose to the plastic end.", "overall": 4.0, "reviewTime": "05 3, 2011", "summary": "A must for any garden", "unixReviewTime": 1304380800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "A2VSY7P1CT1Y65", "asin": "B0016APS6E", "reviewerName": "jon c deets", "reviewText": "Works very well. Covers yet lets water get through. And is sturdy.", "summary": "works well", "unixReviewTime": 1404604800} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2017", "reviewerID": "A3ABDYT48063Z9", "asin": "B00004Y86C", "style": {"Style:": " 36 Watts"}, "reviewerName": "Amazon Customer", "reviewText": "This is the third one of these pumps I have had over the last 15 years and they work great.", "summary": "... had over the last 15 years and they work great.", "unixReviewTime": 1504224000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A3ET7KAJJ8YCVH", "asin": "B000FNK8GI", "style": {"Package Quantity:": " 1"}, "reviewerName": "Rebecca Bertheau", "reviewText": "Best weed barrier fabric we've been able to find. It really keeps the weeds out.\nWe purchased a lighter weight and weeds came popping up through a double layer.\nYou really do get what you pay for!", "summary": "This stuff is great!", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A96IN3KLG94H", "asin": "B000H25P42", "reviewerName": "Tracy", "reviewText": "Worked great would do business again. Thanks", "summary": "Once again Amazon great items and it cuts out the big box stores. Wally, Home D, Lowes", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": false, "reviewTime": "01 30, 2017", "reviewerID": "A15O8V4CEX7348", "asin": "B0015FND44", "style": {"Color:": " Jolly Roger Red Bandana"}, "reviewerName": "DocSock", "reviewText": "Raise the Jolly Roger!", "summary": "Five Stars", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "A3F6PDUHEJWVLW", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Black", "Style:": " Digital/No Window"}, "reviewerName": "SamBamSr", "reviewText": "Works great! Excellent Value for the money.", "summary": "Five Stars", "unixReviewTime": 1484179200} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A1XTQSB4S24P0D", "asin": "B000OS8JJ2", "reviewerName": "Bob Terwillager", "reviewText": "When it arrived it had some minor rusting on it. Not a bid deal but note that if you thought it was stainless or painted then note that it is uncoated steel. Worked perfectly in my pellet grill to aid in retaining heat and using less pellets. I put ceramic briquets on it.", "summary": "Unpainted", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": false, "reviewTime": "09 27, 2014", "reviewerID": "A32B1LC61W59WR", "asin": "B000ROGOWW", "reviewerName": "daniel walus", "reviewText": "awesome product. me likey.", "summary": "Five Stars", "unixReviewTime": 1411776000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "AZG6LRPGWARR2", "asin": "B0019BK8AG", "style": {"Pattern:": " 12 Pack"}, "reviewerName": "Pilot", "reviewText": "These really work. It kills everything that flies in an enclosed area. Every morning I find lots of dead moths and flies on the floor of the garage. Don't lock your pet in the room where you hang these.", "summary": "Really work well", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A37K7QRO8EYO36", "asin": "B000I1MASG", "reviewerName": "Angus Prime", "reviewText": "Rabbits love it. Birds like it too. (Birds like sunflower and peanuts the best).", "summary": "Rabbits love it.", "unixReviewTime": 1472860800} +{"overall": 1.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A11EIDB7CRZQT8", "asin": "B000A0VOD2", "style": {"Size:": " 32-Ounce"}, "reviewerName": "Benchracer", "reviewText": "Stinks so bad I did not use.", "summary": "One Star", "unixReviewTime": 1411603200} +{"overall": 3.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "AFZ5B4528UIQG", "asin": "B000WEKNXI", "reviewerName": "jeff bowden", "reviewText": "This is for an 18.5 inch grill, but is only 13.5 inches in diameter. Not sure what genius decided the outside measure of a grill matters. The surface is where the biz gets done.", "summary": "This is for an 18. 5 inch grill, ...", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A2BCD4KK8A8Z6H", "asin": "B0007KP9QS", "style": {"Size:": " 3' x 5'"}, "reviewerName": "tom", "reviewText": "This flag has held up well with in frequent use.", "summary": "Five Stars", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "AGS0E8XBHR72H", "asin": "B000GXQMEE", "style": {"Size:": " 16 lb"}, "reviewerName": "William Dotterweich", "reviewText": "good book", "summary": "Five Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "A5YS8EQVT7EZ3", "asin": "B000IGGH6W", "reviewerName": "chipster", "reviewText": "tasty", "summary": "yum yum", "unixReviewTime": 1435795200} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A3GDKI4JGZNY8X", "asin": "B000WYY65Y", "style": {"Material Type:": " Lighter only"}, "reviewerName": "JT", "reviewText": "A must have. It works great and is as much a conversation piece as it is a lighter. I use it all the time. Once I got this, I gave my traditional heating element to a friend.", "summary": "It works great and is as much a conversation piece as it ...", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2013", "reviewerID": "A1XB244Z0HF6BQ", "asin": "B000YKJ6YW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Jules", "reviewText": "I bought this not to water the lawn, but rather so that my son could run through the sprinkling water :) He loves it!!! (and, of course, as a side benefit, it waters a patch of lawn about 20 feet by 20 feet, depending on how I have the noodles angled).", "summary": "Fun for a 2-year old to run through the sprinkling water!", "unixReviewTime": 1376524800} +{"overall": 5.0, "verified": false, "reviewTime": "04 26, 2016", "reviewerID": "A1J9G7HNVAH0D7", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "The Reviewer", "reviewText": "It works with my weber. Tired of rigging something with aluminum foil", "summary": "Don't waste time, get the trays", "unixReviewTime": 1461628800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A13822B9NYSD37", "asin": "B000FBKUOK", "style": {"Color:": " natural"}, "reviewerName": "Kendra Marshall", "reviewText": "just what I was looking for!", "summary": "Five Stars", "unixReviewTime": 1471564800} +{"overall": 5.0, "vote": "11", "verified": true, "reviewTime": "01 9, 2007", "reviewerID": "AI1J8UQELHK8L", "asin": "B0007UQ2MI", "reviewerName": "B. Greenstone", "reviewText": "It's very unusual to find a 130' hose, so that's a great plus right there, and the hose is extremely rugged and yes, it doesn't kink.", "summary": "best hose I've ever had", "unixReviewTime": 1168300800} +{"overall": 3.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A3JGXXPVM0A1ZT", "asin": "B0018S2NE4", "reviewerName": "Denise", "reviewText": "I thought that they would be brighter than they are. Even after a full day of sunshine on them, at night they are just a faint glow,", "summary": "I thought that they would be brighter than they are ...", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "A1AJRZYP8ZXHMZ", "asin": "B0009Y7RPS", "style": {"Style Name:": " Temperature"}, "reviewerName": "magical", "reviewText": "Neat size and very accurate.", "summary": "Five Stars", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2012", "reviewerID": "A1Z63PBGYB0H6J", "asin": "B0014DR1W2", "reviewerName": "twlogan", "reviewText": "This is a great item. It fit perfectly. I used it to hold the solor light I purchased onto the top of the pole.", "summary": "As anticipated", "unixReviewTime": 1354233600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A2V5ORE2FN59RV", "asin": "B00004SD7B", "style": {"Size:": " 36-Inch Axe"}, "reviewerName": "Brandon", "reviewText": "Love this thing. Great warranty. Cuts amazing", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A3KKI4WPIYHLK7", "asin": "B0002564LW", "style": {"Size:": " 500 Gallon"}, "reviewerName": "Ronald C. Pacanowski", "reviewText": "The pump arrived on time. I use it to pump water up to a spillway which creates a waterfall into my pond. So far the pump works as expected and is quiet. The pre-filter works well too.", "summary": "The pump arrived on time. I use it to ...", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A2BLEBQZG7270G", "asin": "B000YAFTGQ", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Matthew B Gandy", "reviewText": "As advertised.", "summary": "Five Stars", "unixReviewTime": 1463097600} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2014", "reviewerID": "A39HKRASBIR9CA", "asin": "B00144GL5Y", "reviewerName": "The ERISA Dude", "reviewText": "This product works very well and is easy to apply", "summary": "Very good bug repellant", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "A27EIHLDK04NIX", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Stainless steel", "Style:": " Top Controller/Window"}, "reviewerName": "NellaMot", "reviewText": "The Very Best Smoker available. I just bought another from Walmart for my Beach House. My daughter-inlaw liked so well she ordered\none for herself. Walmart had the best price", "summary": "The Very Best Smoker available", "unixReviewTime": 1437782400} +{"overall": 3.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A3EJEZOOSCFBFJ", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "John Morley", "reviewText": "MUCH TOO HEAVY & NOISY !! My older one that finally broke, was much better. It was smaller, lighter and quieter too.", "summary": "MUCH TOO HEAVY & NOISY !! My older one that finally broke, was much better. It was smaller, lighter and quieter too.", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A37K3XCADHRUEQ", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "M&M", "reviewText": "Heavy duty, durable clippers. Essential for working in the garden! I would purchase these again.", "summary": "Five Stars", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2013", "reviewerID": "A1EFA2KFZN6858", "asin": "B000WEOQWC", "reviewerName": "SHARON BENNETT", "reviewText": "Love this cover. It is heavy duty and keeps the weather out. Nice fit over the weber grill. Highly recommend", "summary": "grill cover for weber", "unixReviewTime": 1378425600} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "A2XQSKYXM07XXT", "asin": "B0012QLVRM", "style": {"Size:": " 225 mph Blower/Vac"}, "reviewerName": "Crusader", "reviewText": "this product blows well!", "summary": "Five Stars", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2012", "reviewerID": "A2FP723SOL3NZM", "asin": "B0013RCXC2", "style": {"Size:": " 4 X 6 Ft", "Color:": " Original USA"}, "reviewerName": "Robert Scott", "reviewText": "It was a beautiful flag, seemed to be well made and was much more\nappropriate for my flag pole than the 3 x 5 that came with it.\nIt has held up well under the high winds we've had lately.", "summary": "4 x 6 American Flag", "unixReviewTime": 1351209600} +{"overall": 4.0, "verified": true, "reviewTime": "03 29, 2013", "reviewerID": "A10K4IH3C93O4L", "asin": "B000HCR89M", "style": {"Size:": " Stackable Chairs"}, "reviewerName": "M. Holden", "reviewText": "This covers 4 chairs for us in winter. It is easily secured to the chairs which is great for the windstorms we receive in the northeast. It is well made and has held up well the first winter.", "summary": "Very Nice Chair Cover", "unixReviewTime": 1364515200} +{"overall": 4.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "A2I1TK9QUM15UO", "asin": "B000WEMG2O", "reviewerName": "Amazon Customer", "reviewText": "A little large for my ancient Genesis 1000 must designed for 200 and up series. But still good enough to use.", "summary": "A little large for Genesis 1000", "unixReviewTime": 1466208000} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2018", "reviewerID": "A32YIMFRBBTSED", "asin": "B000HAAOKY", "style": {"Size:": " 2.2-Ounce"}, "reviewerName": "Suzanne Cornell", "reviewText": "convenient & grows lush plants", "summary": "Convenience", "unixReviewTime": 1517702400} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "AEMEAA1GHI3Y0", "asin": "B00004SD74", "reviewerName": "Kelly Goetsch", "reviewText": "I love it. I just wish they hadn't outsourced all of their work. They used to have a big factory where I live. Sad to see it empty...", "summary": "I love it. I just wish they hadn't outsourced all ...", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2013", "reviewerID": "A2Q1I00SC132BG", "asin": "B0011WP4Q6", "reviewerName": "Why", "reviewText": "I would recommend this product to anyone looking for an exact fit replacement part. The quality is excellent. Would buy again.", "summary": "Exact fit replacement part.", "unixReviewTime": 1382918400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2017", "reviewerID": "A122MFNQLF1GTA", "asin": "B000LNSX82", "style": {"Size:": " 1"}, "reviewerName": "Kay Baker", "reviewText": "Super", "summary": "Five Stars", "unixReviewTime": 1497312000} +{"overall": 3.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A8P33444LPHOZ", "asin": "B000A3UBLA", "style": {"Style Name:": " 75% RH Level"}, "reviewerName": "F. Masters", "reviewText": "I didn't realize I was buying one pack of 75% humidity and a plastic bag. I had these packs that I bought as a multi pack in the past and should have just taken one of them and put it in baggie. After 36 hours, I set my guage and put it back into my cigar box.", "summary": "Accurate way for setting you hygrometer. Takes many hours, but worth the wait.", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A2SGDM1KZJPGM4", "asin": "B000HAAOKY", "style": {"Size:": " 2.2-Ounce"}, "reviewerName": "LC", "reviewText": "My plants love it", "summary": "Five Stars", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "AFGDG4Q3ZOMN5", "asin": "B000OW969A", "reviewerName": "Brooke", "reviewText": "Writers great for being a plastic model!", "summary": "great purchase", "unixReviewTime": 1436054400} +{"reviewerID": "A3FHJGLVZGHQZ", "asin": "B001EYTKCK", "reviewerName": "My Camel", "verified": true, "reviewText": "unfortunately there was a crack in the glass on the main monitor. so i returned this and ordered WS-9066U-IT. that being said, it performed perfectly. maybe a bit overkill with 'useful' information but still, worked perfectly. temps and humidity matched well enough with actual.", "overall": 3.0, "reviewTime": "02 7, 2014", "summary": "functioned perfectly, but......", "unixReviewTime": 1391731200} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A1I4V4KQLLMX1P", "asin": "B0017SSGJG", "reviewerName": "M. B.", "reviewText": "This a great product. It has been raining every day and my chemical levels are still good.", "summary": "Works great", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A3AAT7W9VLANLA", "asin": "B000QD7MZ2", "style": {"Color:": " Red"}, "reviewerName": "barbw.", "reviewText": "The hummingbirds love it, no leaking.", "summary": "Five Stars", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A20KEM8DTI59V", "asin": "B000HHHEF0", "style": {"Size:": " Pack of 1"}, "reviewerName": "George Jefferson", "reviewText": "I bought this for someone who is very into bird watching. It attracts a lot of birds while keeping squirrels out of the bird food. Easy to install. I would recommend.", "summary": "Excellent bird feeder", "unixReviewTime": 1465344000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A1URJ9YDKZ5988", "asin": "B0001P4PSC", "style": {"Color:": " Maple"}, "reviewerName": "Brian F. Burke Jr.", "reviewText": "As advertised and arrived on time.", "summary": "No complaints...great deal...larger bag than i expected...perfect sized chips.", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2017", "reviewerID": "A7M97EHZ3LTT0", "asin": "B001E00UCI", "reviewerName": "Amazon Customer", "reviewText": "Perfect fit.", "summary": "Five Stars", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A2IFKMKKXV8AVU", "asin": "B000BPARK2", "style": {"Color:": " Original Version"}, "reviewerName": "Dan Dreifort", "reviewText": "Pros:\nPretty\nEasy\nMake me feel better about having open taps in our guest room. (Used to be washer and dryer there.)\n\nCons:\nToo pretty.\nJust kidding. No cons. They're not THAT pretty.", "summary": "Seal that spigot!", "unixReviewTime": 1449273600} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "A365PBEOWM7EI7", "asin": "B000I1USBC", "style": {"Size:": " Triple"}, "reviewerName": "ventingisok", "reviewText": "The basket is 11x11\" and the handle alone is 13 1/2. The first wash in the machine came out without a rust spot. I used it for a flat piece of fish and happy enough with the use and the price. The welding between the wires seem solid enough.", "summary": "good grill", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "A1JDINRVNXQW0P", "asin": "B000FJX5PI", "style": {"Size:": " Hole Punch Tool"}, "reviewerName": "Christopher", "reviewText": "Love it. Great Product!", "summary": "Love it. Great Product!", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2016", "reviewerID": "A372CN0H65XRUA", "asin": "B0001P4PSC", "style": {"Color:": " Alder"}, "reviewerName": "Monsta", "reviewText": "Just what I needed all of the good wood chips are always sold out at Lowes and Home depot", "summary": "Just what I needed all of the good wood chips are always sold out at Lowes and ...", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2015", "reviewerID": "AOYT34SZRBLZH", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "BethArlington", "reviewText": "Outstanding price for this flag. A neighbor had a flag on a pole in their front yard in shreds - just broke my heart. I ordered this and quietly put it on their front porch. Can't stand to see the flag in such a state.", "summary": "Outstanding Price for a Nice Flag", "unixReviewTime": 1422057600} +{"overall": 3.0, "verified": true, "reviewTime": "06 19, 2014", "reviewerID": "A30CV4T4I9Y89P", "asin": "B000YKJ6YW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "mayzey", "reviewText": "The picture intrigued me, but it was a little disappointing. It is definitely for small area watering. This does not give you as much flexibility and one might think looking at the picture. I will have to add a larger sprinkler to my possessions.", "summary": "Took a chance.", "unixReviewTime": 1403136000} +{"overall": 3.0, "verified": false, "reviewTime": "08 13, 2016", "reviewerID": "A1AR4JVXFNI1F3", "asin": "B000HCLLMM", "style": {"Size:": " Medium"}, "reviewerName": "Richard Barnard", "reviewText": "Love this brand - just a little small (purchased a Medium)", "summary": "Three Stars", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2013", "reviewerID": "A28DEENZR1ER2A", "asin": "B001DNIIOS", "style": {"Color:": " La Crosse Technology"}, "reviewerName": "Richard L. Walker", "reviewText": "This is a really good thermometer, keeping track of indoor and outdoor temps. this is my 2nd one, as the first one, failed on me.", "summary": "Good product", "unixReviewTime": 1385424000} +{"overall": 5.0, "verified": false, "reviewTime": "08 25, 2014", "reviewerID": "AKR3MAC5P7K81", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Doug g", "reviewText": "Will use it in the fall", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A2II8QY7IAJH84", "asin": "B000BPAUKY", "style": {"Size:": " 1 Pack"}, "reviewerName": "John", "reviewText": "Great product 5/5 stars", "summary": "100% recommended!", "unixReviewTime": 1429920000} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2015", "reviewerID": "A3KI1ZXYTQ7FTY", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "suzie q", "reviewText": "Nice cover..just wish it was larger.", "summary": "Five Stars", "unixReviewTime": 1445040000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A3MUC0PKI4B0OL", "asin": "B00149P89E", "reviewerName": "Dug", "reviewText": "Worked out well in my shed. Caught mice and carpenter ants.", "summary": "Works well.", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A3NO4U04ELICDM", "asin": "B000F6XGYG", "style": {"Size:": " 5-Pack"}, "reviewerName": "BBQ-KW", "reviewText": "We usually spikes along with a spray fertilizer for our palms and it keeps them very green", "summary": "Five Stars", "unixReviewTime": 1501200000} +{"overall": 4.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "A2WPXD3560DBFJ", "asin": "B000NCUVB8", "reviewerName": "ROBERT R. MCCARTY", "reviewText": "Works OK.", "summary": "Four Stars", "unixReviewTime": 1477699200} +{"overall": 2.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A2ZJCJ2E5QYSQG", "asin": "B001538FEO", "style": {"Size:": " 4 Pack"}, "reviewerName": "MS", "reviewText": "Not catching any spiders!!! There is my house and I have 20 traps in here. Fail", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A3R9J7FFN02212", "asin": "B000WEPH98", "reviewerName": "XenRN", "reviewText": "Replaced a rusted out catch pan for my Weber Gold that is 10 years old. Perfect!", "summary": "Perfect!", "unixReviewTime": 1431820800} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A2A67FPUSCPVGY", "asin": "B0014E3MT2", "style": {"Size:": " 12\" hose"}, "reviewerName": "Royall Clark", "reviewText": "Nice hoses. Makes life easier when you don't have to use a wrench on the hose to get it loose to have filled!", "summary": "Nice hoses. Makes life easier when you don't have ...", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2018", "reviewerID": "A9M411Y317HBO", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "Daniel V.", "reviewText": "Does what it supposed to do!", "summary": "Great!", "unixReviewTime": 1515715200} +{"overall": 3.0, "verified": true, "reviewTime": "05 5, 2013", "reviewerID": "A1IL8C1EAOLLYR", "asin": "B000H5QDVI", "style": {"Size:": " 1 Pack"}, "reviewerName": "Goatsbeard", "reviewText": "I prefer this aluminum wire to galvanized but it is not perfect. It will stretch and so you need to have tighteners installed. A heavier gage might work better.", "summary": "A heavier gage would work better", "unixReviewTime": 1367712000} +{"overall": 5.0, "verified": false, "reviewTime": "01 25, 2016", "reviewerID": "ANB3U1A80QXKV", "asin": "B001B2W85Q", "style": {"Size:": " 6 Pound"}, "reviewerName": "eelnibor", "reviewText": "Great Quality and an even better seller.", "summary": "Works Great", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A1DMMLUEWMO30C", "asin": "B000V9OH90", "style": {"Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "I love this system. It's very, very simple to program. Just select the zone, hit the days you want, set the time and off you go. It took five minutes to swap out my old system.", "summary": "Very Simple", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "AZPUPZZUJZ9Z3", "asin": "B000BX1KWI", "style": {"Color:": " Multi"}, "reviewerName": "William Teague", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1443484800} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A29MJ6B61MMESF", "asin": "B000S12NVK", "reviewerName": "JTKArkansas", "reviewText": "Was the replacement we needed and shipped quickly", "summary": "Four Stars", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A8MLQUVS5VOWM", "asin": "B000VXGAZK", "reviewerName": "Jean D.E.", "reviewText": "Worked!", "summary": "Four Stars", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A1D96OT1EWETQJ", "asin": "B00004SD74", "reviewerName": "DB McCrea", "reviewText": "Buy this lopper and the saplings will start leaving on their own. They will fear the lopper! ", "summary": "Lopper tech taken to a new level", "unixReviewTime": 1435190400} +{"overall": 3.0, "verified": true, "reviewTime": "05 1, 2016", "reviewerID": "AKQH2OIHQZ48B", "asin": "B001A0G7VU", "reviewerName": "Modest in MN", "reviewText": "Big and easy to read but looks cheap up close. Plastic has an injection mark front and center.", "summary": "Better from a distance", "unixReviewTime": 1462060800} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A357HG5O8RASHW", "asin": "B000P8IJ5U", "reviewerName": "Roger D.", "reviewText": "Fits well and easy to use.", "summary": "Five Stars", "unixReviewTime": 1449792000} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A28J4SA5WA03XW", "asin": "B00002N8KH", "reviewerName": "CHOUPIQUE", "reviewText": "Works great condensed powerful stream.", "summary": "Works great.", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A7QO5WHXM9GUL", "asin": "B0015SBOV0", "reviewerName": "Chasing MY Life", "reviewText": "I purchased this as a decorative replacement for a 40 year old heavy concrete splash guard and it is working out very well.", "summary": "PRETTY stone look", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A2HR83AJIYWT2R", "asin": "B000VYGDL0", "style": {"Size:": " 1Pack"}, "reviewerName": "C. Enlow", "reviewText": "Great fog nozzles", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 3.0, "verified": true, "reviewTime": "09 25, 2009", "reviewerID": "A24XUWT3SCRAPT", "asin": "B0002YTVJA", "style": {"Size:": " 1Pack"}, "reviewerName": "E. S. Noyes", "reviewText": "This pad could be larger and thicker. It seems a little overpriced for what you get. When they say ultra light, they aren't kidding. I also left this outside for a couple of days by mistake. It survived, but was the worse for wear.", "summary": "kind of flimsy", "unixReviewTime": 1253836800} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2013", "reviewerID": "A25M6CYF9W7R22", "asin": "B0014CDT6A", "reviewerName": "Gary Flanders", "reviewText": "Good solid product. Easy to install. I replaced a truck, this is a much better product. Sturdy and good looking.", "summary": "Good price and good product.", "unixReviewTime": 1383782400} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "A13G590OWHHP2E", "asin": "B0015QXLSQ", "reviewerName": "BeckyK", "reviewText": "This was just what I needed to complete the conversion from a cartridge filter system to a sand filter system.", "summary": "Great water return", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "AIYJX6G7WAUUT", "asin": "B000WEPHGQ", "reviewerName": "Amazon Customer", "reviewText": "The replacement burners went in without a hitch. Quality parts from a quality company!", "summary": "Would recommend to a friend.", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A1WRHCZANAQQDN", "asin": "B00169QQWK", "reviewerName": "Amazon Customer", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1489795200} +{"overall": 3.0, "verified": false, "reviewTime": "08 15, 2014", "reviewerID": "A3D7EF2VYE7XLI", "asin": "B000IJRKWO", "reviewerName": "Linda M. Campbell", "reviewText": "I have a small sprayer that I use to mix and apply this around the edge of a small patch of grass. It's simple to use and works for me but it doesn't seem to be better or worse than any other similar product.", "summary": "Works well enough", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A2SIWVRVHFVM7G", "asin": "B0015MGB32", "reviewerName": "William Brooks", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A22NYRSJ7H6AGZ", "asin": "B0019MENUG", "style": {"Size:": " 1-Pack"}, "reviewerName": "Tom M", "reviewText": "Great deal, perfect fit!", "summary": "Five Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "A2UGKXJNM33EOA", "asin": "B000FXXRFC", "reviewerName": "St. Charles", "reviewText": "Sign doesn't work....still have folks turning around in my drive.", "summary": "Do you have one for illiterates?", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2WFA97F22MWNZ", "asin": "B000ND5EW8", "reviewerName": "Jim Smith", "reviewText": "Great strong plants. Growing like weeds.", "summary": "Aloe", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A2SRMMWESY881", "asin": "B0014CA2XS", "reviewerName": "Country Granny", "reviewText": "Best tree saw ever! Recommend!", "summary": "Best ever", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A1HOEI1MRCTAFX", "asin": "B00171QRC6", "style": {"Color:": " Silver"}, "reviewerName": "T. Monday", "reviewText": "My hubby bought these for for Christmas and I love them!", "summary": "Five Stars", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2014", "reviewerID": "APENH7FL5MZ76", "asin": "B000ZOCCIY", "reviewerName": "Darrell", "reviewText": "bought many months ago for my \"keep fill\" for my in ground pool. It is working great. Just as good as the original equipment", "summary": "works great for my pool.", "unixReviewTime": 1395100800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2013", "reviewerID": "A3UX874V4BM2CC", "asin": "B000G2R14A", "reviewerName": "Kyle", "reviewText": "Good flag, nicely made and good quality. I would not recommend this to put on a truck because it will shred the flag very quickly.", "summary": "good price and product.", "unixReviewTime": 1385510400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2012", "reviewerID": "A3D2RU2472B6YT", "asin": "B000T7HB9W", "reviewerName": "TAshley", "reviewText": "Arrived promptly. My boyfriend bought it for my birthday and is mowing the lawn this summer to show his love for me and my surroundings. The mower works great too.", "summary": "Grass Meets its Match", "unixReviewTime": 1342137600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A1F3I569M2BXR3", "asin": "B001BZRZ56", "style": {"Color:": " Black"}, "reviewerName": "peter", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1496275200} +{"reviewerID": "AONAP6X51EKR4", "asin": "B000BX1KC8", "reviewerName": "Lynn T.", "verified": true, "reviewText": "Great value. Keeps the critters out of my garden and pots. Cheaper than the big box stores and shipped right to my door. What more could you ask for.", "overall": 5.0, "reviewTime": "02 25, 2014", "summary": "Great Price", "unixReviewTime": 1393286400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A1DA40EHZVB5L1", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "John A. Nickerson", "reviewText": "Great product and fast delivery. Look forward to next time", "summary": "Great product", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A4YJB45HZWTBT", "asin": "B000X22TCC", "style": {"Size:": " 50-Foot"}, "reviewerName": "Creston_CVCS", "reviewText": "Used it to clean tractor, backhoe, freezer and other items. The 50' length means I had room to clean everything without having to continually move the pressure washer.", "summary": "Good quality pressure hose, great value", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2016", "reviewerID": "A2XTR0MSQ0275D", "asin": "B000IGGFEQ", "reviewerName": "Echosyn", "reviewText": "Birds make these disappear mach schnell. Keep me busy refilling the feeder cages.", "summary": "Bird Ambrosia", "unixReviewTime": 1465776000} +{"overall": 3.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A1MV9BGJ2HUR7E", "asin": "B0019ALTDM", "style": {"Style:": " Pro/Grand Replacement Brush Kit"}, "reviewerName": "William Ullrich", "reviewText": "good", "summary": "Three Stars", "unixReviewTime": 1424131200} +{"overall": 1.0, "vote": "15", "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "AJEQ6UXVBQNIE", "asin": "B00144D8CI", "reviewerName": "Amazon Customer", "reviewText": "Thought this nozzle was a good buy. Worked fine for a month or so, then wouldn't adjust to completely shut off the water flow. Ehhh... okay. I still used it. Next thing I knew the ball bearings somehow fell out and the nozzle came apart. Not a very happy camper about now.", "summary": "Okay... while it worked.", "unixReviewTime": 1425945600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A2734EUXOQO9K0", "asin": "B0009Z3KLC", "style": {"Package Quantity:": " 1"}, "reviewerName": "Rmac", "reviewText": "Very well put together little bird house.\nPre-drilled and very exact.\nI purchased two to keep my arlo cameras out of the weather.\nI will get two more this time for the birds.", "summary": "Nice little bird house. Easy to build.", "unixReviewTime": 1484524800} +{"overall": 3.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "ATIZP82BXYW9D", "asin": "B000RUFDI2", "style": {"Style:": " 16' Light Duty - Brown"}, "reviewerName": "margaret r", "reviewText": "Not sure about this product so far. It could be good for tying together cords and wires for electronics. Seems to thick for use on trellises, which was the purpose of our purchase.", "summary": "Not sure on this purchase...", "unixReviewTime": 1473465600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2016", "reviewerID": "A2XVPCGWI1BWVY", "asin": "B000BQSGAY", "reviewerName": "Rupert Hess", "reviewText": "Like the way it spreads the water on the lawn and it is light and easy to move around!!", "summary": "Five Stars", "unixReviewTime": 1482105600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "ALN0WMQHEDIEQ", "asin": "B0012Y1D5E", "reviewerName": "deelew", "reviewText": "Love the grill cover. Perfect fit and heavy duty to match the grill. Has velcro straps to hold it in place in case of strong winds. Totally covers the grill.", "summary": "Grill cover", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "A1C712S9Q05O2H", "asin": "B000XAL1QE", "reviewerName": "william", "reviewText": "works", "summary": "Five Stars", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A3OT9DPG80KTF1", "asin": "B0012Y1D5E", "reviewerName": "Red Rotney", "reviewText": "Good Product", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A3D63EZIRIUH19", "asin": "B000J426K4", "style": {"Size:": " 75 Feet"}, "reviewerName": "Tim Kramer", "reviewText": "Good hose, made well, heavy duty for sure.", "summary": "Heavy Duty", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A1HOJRIFYFEZHQ", "asin": "B000E28UQU", "reviewerName": "JT", "reviewText": "I've used it multiple times this season and its worked as I expect it to work.", "summary": "Used to apply liquid fertilizer to my plants", "unixReviewTime": 1468108800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "AKFTELCH8GLV7", "asin": "B000HAAL8O", "style": {"Size:": " Jack"}, "reviewerName": "XKR", "reviewText": "Very cool simple decoration. Great for the middle of a window or wall.", "summary": "Five Stars", "unixReviewTime": 1450224000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71zVvOgClIL._SY88.jpg"], "overall": 3.0, "vote": "3", "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "AJ8TWI2Z4QFRG", "asin": "B000MOIWWW", "reviewerName": "Twicus", "reviewText": "The spring installation is not as bad as other reviews are saying but the pin holding the spring does feel a bit flimsy. It feel like it could break any moment.", "summary": "The spring installation is not as bad as other reviews are saying but the pin holding ...", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "AWYJM1MV5H3EO", "asin": "B0014C4TXW", "reviewerName": "vwpilot", "reviewText": "This pre-filter catches an amazing amount of dirt, and should have been standard equipment on my mower. My yard is very sandy and dusty. I'm certain this simple pre-cleaner will extend the life of my mower's engine.", "summary": "Must have!", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A2PPQKNQAOZ89W", "asin": "B0001P4PSC", "style": {"Color:": " Mesquite"}, "reviewerName": "Jason", "reviewText": "Worked Great!!", "summary": "Worked Great!!", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A1AXMGSICTDS72", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "jim wicker", "reviewText": "Good blower for my shop, light weight, but has enough power to do the job.", "summary": "Recomend", "unixReviewTime": 1420156800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2017", "reviewerID": "A3UDDVZW2QR938", "asin": "B00107039U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Rene Allen-Murray", "reviewText": "Works great. Very accurate results", "summary": "Five Stars", "unixReviewTime": 1508630400} +{"overall": 3.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A3T1TIYQ20BLTB", "asin": "B000NHSKRA", "reviewerName": "John E. Lemanski", "reviewText": "Some of the spot welds did not hold, but they didn't affect the integrity of the cage.", "summary": "Tomato Cage", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "ADULATKM709BH", "asin": "B000HHO9EE", "reviewerName": "old man", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2014", "reviewerID": "A255N4IJ7XCPBP", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "louis rose", "reviewText": "Great price, quick delivery and great product to have. I am very pleased with this product. The quality is great and the price was right. Easy to clean up after use.", "summary": "Dramm 12380 Heavy-Duty Brass Adjustable Hose Nozzle", "unixReviewTime": 1392681600} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A2AD11YQWLFB4X", "asin": "B0014SKUN4", "reviewerName": "paul", "reviewText": "Very good product", "summary": "Four Stars", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "AYTWYL2N1KVKF", "asin": "B00169QQWK", "reviewerName": "Amazon Customer", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A1U8IT80UPIZLS", "asin": "B0012Y1D5E", "reviewerName": "Janie Lander", "reviewText": "Super replacement for the old faded cover.so far so good!", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 3.0, "verified": true, "reviewTime": "01 19, 2017", "reviewerID": "A4YA42W8RAC0M", "asin": "B0010EI278", "style": {"Size:": " 14 in."}, "reviewerName": "Lisa M", "reviewText": "Really pretty, not too acurate", "summary": "Three Stars", "unixReviewTime": 1484784000} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A2A02VZ4R5CD37", "asin": "B000FBMFDO", "style": {"Size:": " 1"}, "reviewerName": "Morning Reader", "reviewText": "I have found these to work best of all the traps I have tried. I always catch the gophers with these.", "summary": "I have found these to work best of all the traps I have tried", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A1Y8BSB1B18QI", "asin": "B0012VY0Z2", "reviewerName": "Kemire", "reviewText": "Bought for spare looks good.", "summary": "Five Stars", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A35KP2KVN24BHC", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "BWL", "reviewText": "Works very well.", "summary": "good net", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A1ZZUSXM3BJALG", "asin": "B000KISUVI", "reviewerName": "Raymond L. Bishop", "reviewText": "Placed in Kaboom fixture in toilet. There was 32 tablets in the bottle and it has been over a month and the tablets have not completely dissolved. Great deal.", "summary": "Great deal.", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "AZ5DJY9FN3LQD", "asin": "B000RYQ1HA", "reviewerName": "Grouchy 41", "reviewText": "Good little rake for in and around shrubs and plants", "summary": "nice well made small rake", "unixReviewTime": 1428192000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A2Z919OIIAMKFR", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Black", "Style:": " Digital/No Window"}, "reviewerName": "Michael Semler", "reviewText": "great product!!!", "summary": "Five Stars", "unixReviewTime": 1480636800} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A2SI5JPTEBBPWM", "asin": "B000BPOONS", "style": {"Size:": " 1-Pack"}, "reviewerName": "D. Stuart", "reviewText": "This is inexpensive and effective so I don't see any need to pay more for hot tub antifoamer. I like it.", "summary": "Does what it says", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A2NFNB3XSPWLNF", "asin": "B000FJQLTA", "reviewerName": "Rebekka Nabozney", "reviewText": "Love the gloves for little hands.", "summary": "Little hands are happy", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A96IN3KLG94H", "asin": "B000A16TE0", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Tracy", "reviewText": "Worked great would do business again. Thanks", "summary": "Once again Amazon great items and it cuts out the big box stores. Wally, Home D, Lowes", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A23LMHFA6FQOTZ", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "Bill", "reviewText": "Not much to say as its a gas container. Great quality", "summary": "Great", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2018", "reviewerID": "AJVDHQKPYSL3F", "asin": "B0001IMM0W", "reviewerName": "Bonnie", "reviewText": "These work great. We have to use them, we don't have any other choice. The traps don't work for us.", "summary": "Works great", "unixReviewTime": 1519344000} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A1GIVB6QPYB8JO", "asin": "B0012W8EHG", "reviewerName": "Rf Foley", "reviewText": "OEM belt, as expected", "summary": "Five Stars", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2017", "reviewerID": "A25Y55YRU6NHIO", "asin": "B000A0UCRG", "style": {"Size:": " 12 OZ"}, "reviewerName": "archiman", "reviewText": "Works. Works fast. Giant anthill toasted with a day.", "summary": "Fire ants go out in a blaze of glory.", "unixReviewTime": 1510617600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A2DBBGJY78ZF8D", "asin": "B000BQT47S", "style": {"Color:": " Gray"}, "reviewerName": "Raspberry Vine", "reviewText": "Works great with my generator - make sure you get the right size amperage as the plugs are different!", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2013", "reviewerID": "A38J5OFI1TIDKN", "asin": "B00022OK2A", "reviewerName": "TMAX", "reviewText": "Heavy duty cast iron. Works great for grilling anything. Quickly build a charcoal fire and perfect size for a couple of steaks.", "summary": "Works Great!", "unixReviewTime": 1367712000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A1UVT39XF82E5D", "asin": "B0014C6R28", "reviewerName": "Gary M. Smith", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 12, 2009", "reviewerID": "A1CEG6HOO07I51", "asin": "B000FI9ZRQ", "style": {"Color:": " Salad Pack"}, "reviewerName": "Cattlelady", "reviewText": "The 4 stars is so you are not disappointed with the lettuce, it's pretty soft and limp although tasty!", "summary": "Nice to have fresh greens in the winter", "unixReviewTime": 1231718400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2016", "reviewerID": "A075694522XUGSODB6P8", "asin": "B0018NHDIK", "style": {"Size:": " 45 Feet x 1/2 Inch", "Color:": " Green w/ Cutter"}, "reviewerName": "Mr. Clone", "reviewText": "Loved it", "summary": "Five Stars", "unixReviewTime": 1481414400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2018", "reviewerID": "A21913CHG0ZWK3", "asin": "B0009KMWES", "style": {"Style:": " Pump Spray, 24-Oz"}, "reviewerName": "James Mann", "reviewText": "Keeps the bugs off. Keeps them off for hours.", "summary": "Works quite well", "unixReviewTime": 1525392000} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A34CBBKPI1953H", "asin": "B0011TOPD2", "style": {"Color:": " Red/Copper"}, "reviewerName": "Seadershibas", "reviewText": "Want more !!! Love watching it.", "summary": "Love watching it", "unixReviewTime": 1434499200} +{"overall": 3.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "ABLANK5RTJYLW", "asin": "B000BODU0W", "reviewerName": "Robert Smith", "reviewText": "Works as described, except you have to dig a pretty deep hole to get the box seated.", "summary": "Be ready to dig.", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "A9M76NOUJAQ9I", "asin": "B000E28UQU", "reviewerName": "V.E.U.", "reviewText": "Works well for mosquito barrier application. Easy to use.", "summary": "Easy to use", "unixReviewTime": 1433462400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A2VBH7M20EVK3P", "asin": "B0014E3MT2", "style": {"Size:": " 12\" hose"}, "reviewerName": "Madmartigan", "reviewText": "Other hose was leaking on our trailer so these were good replacements. I keep a spare because both the originals ended up leaking. Glad I had the spare.", "summary": "... hose was leaking on our trailer so these were good replacements. I keep a spare because both the ...", "unixReviewTime": 1441238400} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A1N98U9WTENA2A", "asin": "B00004YTJP", "reviewerName": "M.", "reviewText": "It works fine, wish it didn't have the little holes punched in it, i ended up buyint one of the bubble wrap type pool warmers.", "summary": "It works", "unixReviewTime": 1440201600} +{"overall": 3.0, "verified": true, "reviewTime": "05 29, 2014", "reviewerID": "A32GDIQJ9VX9M7", "asin": "B0009E3EF0", "style": {"Color:": " Red"}, "reviewerName": "Thomas L. Wiscombe", "reviewText": "the umbrella works well in the wind but does not open up big enough to keep all the rain off you. Constantly moving the umbrella to cover myself.", "summary": "small", "unixReviewTime": 1401321600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A28NAK2GT0YR9I", "asin": "B0015MLSOO", "reviewerName": "Daniel Miller", "reviewText": "Direct replacement blade for my Briggs & Stratton/ Craftsman mulching mower. Cuts the grass exactly like the original.", "summary": "OEM replacement at half the price.", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A36D5700PB1HTJ", "asin": "B000F95D0I", "style": {"Color:": " Black"}, "reviewerName": "La Creatia", "reviewText": "I love this shovel. Light weight and ergonomically easy to handle.", "summary": "Wonderful for the older gardner", "unixReviewTime": 1470096000} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "A1JUMD6ZX9ZH24", "asin": "B001D61DKQ", "reviewerName": "Sandy Reidenbach", "reviewText": "works great", "summary": "Four Stars", "unixReviewTime": 1426636800} +{"overall": 4.0, "vote": "4", "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "AV9DLVIWQY2UL", "asin": "B000MRD5JO", "reviewerName": "L.R.Rosenthal", "reviewText": "I was expecting a nematode impregnated sponge. What I got was a porous vermiculite infused with nematodes. Much harder to work with, it required soaking straining, and finally spraying. BUT, it did the job", "summary": "Works great, harder to work with.", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A3DP75MRFE9FAB", "asin": "B0013LUKR8", "reviewerName": "firefighter001", "reviewText": "nice solid roll sheets are thick and reflect light perfectly i would buy this again.", "summary": "Five Stars", "unixReviewTime": 1419638400} +{"overall": 4.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A2LNT59AMB638P", "asin": "B0015AOT4W", "reviewerName": "book lady", "reviewText": "They are very small & heavy. Make sure you put them where you want to water, as there is no ability to adjust, however don't think they will break as easily as other sprinklers I've purchased", "summary": "Simple & works", "unixReviewTime": 1406073600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A2BAFI4NUWRTRW", "asin": "B000BQT5IG", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Handy", "reviewText": "I have only use it once in the kitchen, but the ants quickly got the message and have not returned so far.", "summary": "I have only use it once in the kitchen, ...", "unixReviewTime": 1414886400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A2N6L2SVTOTN53", "asin": "B000YJ2XXO", "reviewerName": "Christmas guy", "reviewText": "Wanted them to decorate for the kids at school. They are EXACTLY the right size to decorate with a message. They were nice thickness (1/2\" +) and they averaged about 2-4\" long. Perfect and exactly as described.", "summary": "Smiling on these rocks", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A3CMYEMCER12K", "asin": "B000A0YHHM", "reviewerName": "Mark", "reviewText": "I will be buying these each spring and fall now. I've got a little mini orchard (yay country livin) and staked my trees this spring. They all had some great growth on them this year. I am looking forwards to seeing what fruit yields are like next season.", "summary": "Cheap and easy, your trees will thank you", "unixReviewTime": 1470009600} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A1OJDRMXQ51N68", "asin": "B000YP33XW", "style": {"Color:": " River Bed"}, "reviewerName": "Explorador", "reviewText": "Good quality product, even at close distance looks like a natural rock. It blends nicely with the colors in my back yard. I would recommend this product.", "summary": "Good quality product", "unixReviewTime": 1420934400} +{"overall": 1.0, "verified": false, "reviewTime": "06 26, 2017", "reviewerID": "A37RXXPHONIP5J", "asin": "B0013HO0E6", "reviewerName": "M_", "reviewText": "Time to bring your product into the 21st century and make them Earth Friendly.\n\nThese will not work with rechargeable batteries.\n\nAny time you remove a battery for any reason, EVERY unit MUST be reset. Not Used Friendly.", "summary": "These will not work with rechargeable batteries.", "unixReviewTime": 1498435200} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2016", "reviewerID": "ATF0D0N29X718", "asin": "B000SKX63U", "style": {"Size:": " 1-Pack"}, "reviewerName": "James C.", "reviewText": "This is absolutely perfect for a camping BBQ fuel source when weight is a concern.", "summary": "Five Stars", "unixReviewTime": 1481932800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2013", "reviewerID": "A1UX9YMWX4W6TQ", "asin": "B0014CA7TM", "reviewerName": "Phycophile", "reviewText": "This sleeve fits over the air filter itself. It fit fine on the Kohler engine in my craftsman law tractor. What else can I say?", "summary": "Fit fine on the Kohler engine in my craftsman law tractor.", "unixReviewTime": 1383436800} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A1KRHPVG6LHVV3", "asin": "B0013I2MLS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Jean Watz", "reviewText": "Super simple and straight forward. I just hope it lasts. We are running it with a splitter and two hoses.\nI ordered two and they are so inexpensive and simple I just ordered another one.", "summary": "Works great.", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "A23YDDGT14RCJT", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "deadmen925", "reviewText": "great product so far, works as advertised.", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2017", "reviewerID": "A1PXHMIKRGOOF6", "asin": "B001A0K8KQ", "reviewerName": "Richard Hagen", "reviewText": "Happy", "summary": "Five Stars", "unixReviewTime": 1503964800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2011", "reviewerID": "APSNLAX3G19VW", "asin": "B0012Y1D5E", "reviewerName": "RES", "reviewText": "Easy to order, arrived quickly. Exactly as it looks: NO vents in the wrong place, i.e across the front where the control valves are now located. Real Weber product with premium vinyl. Look forwared to many years of service.", "summary": "Exactly as billed", "unixReviewTime": 1322352000} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A3UHF53ZL0BK55", "asin": "B0012QI1YI", "style": {"Style:": " 6-Zone"}, "reviewerName": "RDF", "reviewText": "Great price and product. Had no problems setting it up. Just read the instruction a couplr times.", "summary": "Five Stars", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "AT60AL78DHS41", "asin": "B000E28UQU", "reviewerName": "Charlie", "reviewText": "Works great. Plastic feels heavy duty.", "summary": "Good quality plastic", "unixReviewTime": 1464652800} +{"overall": 4.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A605V3XH1F086", "asin": "B001H1EQO2", "style": {"Size:": " Up to 15,000-sq ft", "Style:": " Spreader"}, "reviewerName": "Reed A Rummel", "reviewText": "looks good but didn't use it yet", "summary": "Four Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A2FSB7P8IH74RI", "asin": "B000FG0F9U", "style": {"Size:": " 1 Quart"}, "reviewerName": "Hlee", "reviewText": "must have for synthetic fert mixes. little goes a long way", "summary": "must have", "unixReviewTime": 1492560000} +{"overall": 2.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A146THR0A2AKZL", "asin": "B00004RA9A", "style": {"Size:": " 3.04W x 1.01D ins."}, "reviewerName": "K.C.", "reviewText": "These were not the size that I expected. Amazon used to sell a size for my tiny feeders, but no more. I have several of the tiny size, and no source of replacement bee guards.", "summary": "Not the size I needed. That size not sold anymore", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A2CH1M9KW39GD0", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "David L. Showalter", "reviewText": "WOW! This is a perfect cover for my gas fire pit and it keeps the water out.", "summary": "Awesome Product for a Low Price", "unixReviewTime": 1487980800} +{"overall": 4.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A2BZUYEBCPNHYU", "asin": "B0012NVHYC", "style": {"Color:": " Beige"}, "reviewerName": "Baylees Mom", "reviewText": "Very nice for the price. Not heavy or substantial, but consider this a one=-season umbrella and you'll be satisfied.", "summary": "Four Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A3C9SWXA2PXHW5", "asin": "B001AN7RGG", "reviewerName": "1000Man", "reviewText": "These things work great! I use them with a charcoal chimney to start my BBQs. Usually one cube will do the trick, but sometimes with lump charcoal it will require two cubes.", "summary": "A must have for the grilling enthusiast!", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2012", "reviewerID": "A38DP9UL4SH70M", "asin": "B000OGTJF2", "reviewerName": "Walt", "reviewText": "This replaced a 12 year old grate. It fits perfectly, and the ceramic coating cleans very easily. It will probably last longer than the grill.", "summary": "Perfect fit", "unixReviewTime": 1343260800} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A2IZW51037PEWJ", "asin": "B000LNWJDW", "style": {"Size:": " 4 LB"}, "reviewerName": "D. Mims", "reviewText": "Works very well. As advertised.", "summary": "Fire ant killer.", "unixReviewTime": 1464220800} +{"overall": 3.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "A389TCZTL00UPL", "asin": "B00004YTJP", "style": {"Size:": " 10-Foot"}, "reviewerName": "Jabroni", "reviewText": "The cover works but the sting already ripped the plastic when you try to tighten it. Not as good as the one I had before.", "summary": "Disappointed", "unixReviewTime": 1497225600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2013", "reviewerID": "A3RUZNN5984QPO", "asin": "B000VJOBQO", "reviewerName": "trevor alexander", "reviewText": "Because of the size of the huge o-s cross giant Cabbage plant which my employee are interesting in the giant Cabbage plant", "summary": "Huge O-S Cross Giant Cabbage", "unixReviewTime": 1381017600} +{"overall": 5.0, "verified": false, "reviewTime": "06 4, 2016", "reviewerID": "A34XVFA1NYH5D", "asin": "B000RNENU8", "style": {"Size:": " 32 OZ"}, "reviewerName": "frosty", "reviewText": "Miracle gro, I feed all summer and have beautiful plants.", "summary": "I feed all summer and have beautiful plants.", "unixReviewTime": 1464998400} +{"overall": 2.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "A3FOS7I7M3J87P", "asin": "B0013I46NU", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "CD", "reviewText": "Cheap Garbage! Don't waste your money!", "summary": "Two Stars", "unixReviewTime": 1439078400} +{"overall": 1.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "AGWRSU2TKTPLT", "asin": "B000SQWB7Q", "reviewerName": "Evey P", "reviewText": "Seeds did not sprout... Very dissatisfied", "summary": "One Star", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "A29H65MX59EYLA", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac(UltraPlus)"}, "reviewerName": "Jeanne", "reviewText": "Very useful.", "summary": "Five Stars", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": false, "reviewTime": "08 4, 2017", "reviewerID": "A1CNE6O54E68YE", "asin": "B0018NHDIK", "style": {"Size:": " 45 Feet x 1/2 Inch", "Color:": " Green w/ Cutter"}, "reviewerName": "Amazon Customer", "reviewText": "Purchased to use in my garden. Great Product.", "summary": "Great product", "unixReviewTime": 1501804800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A19MM1MPXCH6TJ", "asin": "B000XAN1DU", "reviewerName": "brian c.", "reviewText": "sharp", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 25, 2016", "reviewerID": "A9OJ0OYBFZ75B", "asin": "B000SKZ1QK", "reviewerName": "Greg M.", "reviewText": "Seems to work well. Within a couple days our roof moss was white and flaky. Guess by spring most will have flaked off and blown off of the roof", "summary": "Seems to work well. Within a couple days our ...", "unixReviewTime": 1482624000} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "ATA8EQK1FD29A", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "R. White", "reviewText": "Not worth the money spent, but it's a good gas can with nice features.", "summary": "Too Expensive for What You Get...", "unixReviewTime": 1443398400} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A3UFZ649ZKWQUL", "asin": "B000ZOKTR0", "style": {"Size:": " 12 inch"}, "reviewerName": "Sra", "reviewText": "These are amazing! I keep my strawberries in hanging baskets and I hate using plastic containers. They fit perfectly in the wire hanging baskets and provide great drainage. Great price too!", "summary": "Exactly what I wanted!", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A3O95G91QM4MY3", "asin": "B000V4JOMA", "reviewerName": "William E. Long", "reviewText": "Fits and works well.", "summary": "Five Stars", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A3VE8OSMYJ5DC7", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Tom S.", "reviewText": "Perfect size gas canister that's easy to pour.", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A2CMOHMJDGS0TI", "asin": "B000WB13QC", "reviewerName": "Jennifer B", "reviewText": "NEVER CAUGHT THE MOUSE :(", "summary": "Four Stars", "unixReviewTime": 1489622400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "A2TQWN7JDPIX97", "asin": "B000WEMG24", "reviewerName": "D Strange, Jax FL", "reviewText": "Exactly as advertised.", "summary": "Five Stars", "unixReviewTime": 1457568000} +{"overall": 2.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "A2CNKKSPZL3LNK", "asin": "B001BLSKZY", "style": {"Color:": " Black"}, "reviewerName": "Michael Roberts", "reviewText": "Sorry. Used once and probably never again. I liked the concept but the flimsy pieces of metal used for a \"hinge\" bend and fall off (2 of the 4 on 1st use). Hard to clean. Very cumbersome to use and clean generally.", "summary": "Back to the skewers for me.", "unixReviewTime": 1425945600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A1OEQ8MOZYU0CU", "asin": "B00005LK5N", "style": {"Color:": " Bronze"}, "reviewerName": "Carolyn Meadows", "reviewText": "Beautiful wind chimes, sound great.", "summary": "Five Stars", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2014", "reviewerID": "A1RBVRUADNZ0SM", "asin": "B000X3KTHS", "reviewerName": "Foo Chi", "reviewText": "works well, but take out the center part in winter, it will freeze and break", "summary": "Five Stars", "unixReviewTime": 1409184000} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2017", "reviewerID": "A2OC5SGVVHTBDX", "asin": "B000BQM8IU", "reviewerName": "Flys4Fun", "reviewText": "Works as described and fast shipping. Would buy again.", "summary": "Works as described and fast shipping. Would buy again.", "unixReviewTime": 1490400000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "ANYDF1L8QHQYQ", "asin": "B000I2ON6W", "reviewerName": "Edward O. Wolcott", "reviewText": "This works very well. My only quarrel with it is that it has a large bulge in the back, so you cannot hang it vertically, unlike our previous model. But, it sits nicely on a shelf I made for it.", "summary": "Oregon scientific weather station", "unixReviewTime": 1402358400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A1ERH1L3V2W4U5", "asin": "B000234IO4", "reviewerName": "Bill Bowen", "reviewText": "Assembled the trailer right of the box and starting using it. Just what I needed. It sure beats pushing a wheelbarrow up a hill loaded with dirt.", "summary": "Polar Trailer lt 800 Does my JOB.", "unixReviewTime": 1400025600} +{"overall": 4.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A897ETJAQJUMS", "asin": "B000LNSX82", "style": {"Size:": " 1"}, "reviewerName": "AuntieM2", "reviewText": "Worked well for my purpose. Quick delivery. Thanks", "summary": "Four Stars", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A17D3NSKNLLMMV", "asin": "B000BQT6XA", "reviewerName": "Moshe Haven", "reviewText": "Exactly perfect.", "summary": "Perfect", "unixReviewTime": 1409616000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A1NVR9ER3DPOTP", "asin": "B0011MSP7G", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Stephen", "reviewText": "Doesn't fit a 100ft hose at all. Binds up", "summary": "Too small", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A2U0CRZHV9VUJF", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "kevin seigneurie", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2014", "reviewerID": "A3MVG3VLFMSX52", "asin": "B0015MNGYE", "style": {"Size:": " 1 Pack"}, "reviewerName": "Chris", "reviewText": "ok", "summary": "Five Stars", "unixReviewTime": 1416528000} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A1CR7UA9PPL9U8", "asin": "B0018U0A3S", "style": {"Color:": " black"}, "reviewerName": "PingPong", "reviewText": "It is chain saw bar oil nothing much else to say. It's works like it's supposed to.", "summary": "It is chain saw bar oil nothing much else to say. It's works like it's supposed to.", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "ANL8O0L0EM5FJ", "asin": "B001AN7RGG", "reviewerName": "Jim", "reviewText": "These are the best thing ever invented for briquette bbq lighting.", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A1MGM83A61OY8I", "asin": "B0018AA7TK", "reviewerName": "njdude", "reviewText": "nice quality", "summary": "Five Stars", "unixReviewTime": 1452038400} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2013", "reviewerID": "A3G35R0FFQ4CDI", "asin": "B0014E3MT2", "style": {"Size:": " 12\" hose"}, "reviewerName": "RearView", "reviewText": "Connects the Camco 59005 RV Propane Double-Stage Auto-Changeover Regulator using two of pig tails.\nFlawless and no leaks!!\nBoth pig tails are perfect !!", "summary": "Pig Tail Propane Hose Connector", "unixReviewTime": 1366329600} +{"overall": 4.0, "verified": true, "reviewTime": "12 6, 2017", "reviewerID": "A2IOAU5EQOJOXH", "asin": "B000PS9XMI", "reviewerName": "LES", "reviewText": "Work well.", "summary": "Four Stars", "unixReviewTime": 1512518400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2012", "reviewerID": "A1N35HD1AGK38S", "asin": "B00171EDR2", "style": {"Size:": " Inquiries - by email"}, "reviewerName": "Doberman_Fan", "reviewText": "What can one say except: Received Items Promptly & as Described + Pictured. Their currently doing the job as hoped for; Old Glory is flying high!", "summary": "Received Items Promptly & as Described + Pictured", "unixReviewTime": 1340582400} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "AD4CNJCO4KQPZ", "asin": "B000GD8M2E", "style": {"Color:": " White"}, "reviewerName": "Amazoner", "reviewText": "This table is cheap as hell, my fault for not reading the reviews and description, but it should say \"cheap flimsy plastic table that wobbles and bends\" in the details. I'd expect to find this at the dollar store.", "summary": "regretful purchase", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2016", "reviewerID": "ASY95GZBBVV9M", "asin": "B00173ELYK", "style": {"Size:": " 3-Gallon"}, "reviewerName": "SaRAoRAH", "reviewText": "STELLAR, get no other watering can, FORGET PLASTIC", "summary": "STELLAR, get no other watering can, FORGET PLASTIC", "unixReviewTime": 1478131200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A2IJCEG2J34W61", "asin": "B0000VUN8S", "reviewerName": "Honest Critique", "reviewText": "All weather Product.", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A1SS40AJX2MCYB", "asin": "B000UGQ4MW", "reviewerName": "BOB - MEQUON,WI", "reviewText": "IT WORKS JUST FINE", "summary": "Five Stars", "unixReviewTime": 1475625600} +{"overall": 4.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A34NA317024B66", "asin": "B0009KMWES", "style": {"Style:": " Pump Spray, 24-Oz"}, "reviewerName": "R. Wagner", "reviewText": "Used up the entire bottle on clothing for a trip to SE Asia. Had very little trouble with mosquitoes, but then it was the dry season when I was there.", "summary": "Used up the entire bottle on clothing for a trip ...", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A2SQX1JEILPH9I", "asin": "B000FJJL92", "style": {"Style:": " Broiler Basket"}, "reviewerName": "oldtimerocnrol", "reviewText": "love this for vegatables and fish on the grill", "summary": "Five Stars", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A3EVTMHL9S7SII", "asin": "B000X47NJY", "style": {"Size:": " 1Pack"}, "reviewerName": "BJ Mancke", "reviewText": "Perfect size for my 5 year old son. Very well made tool. NOT a toy. My son loves to work in our garden. He loves this shovel. It's a miniature version of a man sized shovel which he'll be able to use for years.", "summary": "Great mini shovel", "unixReviewTime": 1434153600} +{"overall": 4.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A9YMZW4QTCJ1T", "asin": "B0009JXYSW", "style": {"Size:": " 4 in.", "Color:": " Silver"}, "reviewerName": "Wingin' it", "reviewText": "Replaced rusted out original burner with this one. Bolted right up to my old (unknown brand) turkey fryer and works perfectly.", "summary": "Perfect Replacement Part", "unixReviewTime": 1437696000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A21MA5FVO3AI70", "asin": "B000BNJWNC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Bob--K", "reviewText": "Perfect fit - our Legend can almost climb out of the pool with the renewed traction.", "summary": "Climbing The Walls", "unixReviewTime": 1420243200} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "04 6, 2017", "reviewerID": "A2VB2NUJECKXUA", "asin": "B00004TBK3", "reviewerName": "A. Benson", "reviewText": "These are very cheaply made, especially for the price. The first one came broken, and they sent a second one at no additional cost. (I didn't have to return the first one). It's going to be hanging out on my deck, so I'll use it for awhile until I find something I like better.", "summary": "Cheaply made, but it works", "unixReviewTime": 1491436800} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2014", "reviewerID": "A1XFO6LEF6C2RZ", "asin": "B00158UK4C", "reviewerName": "Harry", "reviewText": "Once they came up, they grew wonderfully. I am very excited to see them mature. I think these are wonderful looking vines.", "summary": "Wisteria Wonders", "unixReviewTime": 1395619200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A19ZMDCEZ2EKJ9", "asin": "B000GB8JQ0", "style": {"Size:": " 30W x 30D x 39H inches", "Color:": " Natural"}, "reviewerName": "Amazon Customer", "reviewText": "I have ordered 4 cedar log chairs, and 1 love seat chair, and my wife and I love them. They look great in our home built cabin. Took about 15 minutes to put them each together. LOVE THEM, THANKS!", "summary": "and 1 love seat chair", "unixReviewTime": 1475712000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2014", "reviewerID": "A1OBBH9IO7S5CV", "asin": "B000QUXOM0", "style": {"Color:": " Original Green"}, "reviewerName": "Susan C", "reviewText": "This works well in flower beds and potato patch. Have had not problems with construction but have not given it a real test yet either.", "summary": "handy", "unixReviewTime": 1395619200} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2012", "reviewerID": "A3K7PWRX8GXJZP", "asin": "B001E2A2OM", "reviewerName": "Bomber19555", "reviewText": "I was a little hesitant in buying these, but due to Amazon's great return policy I thought I would give them a try.\nThe quality was the same as the factory made ones on my machine.\nYou will not regret buying these replacements.", "summary": "Just like the factory made ones!", "unixReviewTime": 1348185600} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2017", "reviewerID": "A3DE2OSSVJ45SN", "asin": "B00169SN6M", "reviewerName": "missRK", "reviewText": "Great replacement or additional hose for the saltwater system filter. It's the bigger opening hose. Same quality as the ones that came with my intex filter system.", "summary": "Great product", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2017", "reviewerID": "ALMOMWBY89J19", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "Steven F.", "reviewText": "great item to have", "summary": "Five Stars", "unixReviewTime": 1494460800} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2013", "reviewerID": "A100L918633LUO", "asin": "B000DN7OQW", "reviewerName": "NancyL", "reviewText": "live by the lake and have to deal with mosquitoes, love that it has no harsh chemicals so it is safe for my dog!", "summary": "love", "unixReviewTime": 1380067200} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A115EJA07M2P13", "asin": "B000WEIJWU", "reviewerName": "Ken Batson", "reviewText": "Items as expected and delivery on time as scheduled", "summary": "Five Stars", "unixReviewTime": 1444435200} +{"overall": 4.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A1XHCNQGI0TCHC", "asin": "B0012NVHYC", "style": {"Color:": " Terra Cotta"}, "reviewerName": "Betty Andrade", "reviewText": "It was pretty good at first. 6 months later, Color faded so I would not recommend for areas with a lot of sun like Las Vegas where I am.", "summary": "O.K.", "unixReviewTime": 1388880000} +{"overall": 2.0, "verified": true, "reviewTime": "02 23, 2010", "reviewerID": "A2J4F85VAOBFEN", "asin": "B000U075GM", "reviewerName": "Pauline M. Frampton", "reviewText": "This plant arrived looking a little stressed but did pick up after awhile. that however did not last long and the plant was dead within a couple of months. I followed the care instructions but to no avail.", "summary": "Short-Lived", "unixReviewTime": 1266883200} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "A1F01RYH812CS5", "asin": "B000UTLRYE", "reviewerName": "lakegirl", "reviewText": "This was a good buy and hope it works well for my son's family. Will find out after Christmas if this gift was liked and finds a pot of gold.", "summary": "Excellent gift for anyone", "unixReviewTime": 1385683200} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3HPTVB7HNO9U6", "asin": "B000HS0HKI", "reviewerName": "Jeanette G.", "reviewText": "Excellent.", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2013", "reviewerID": "A385HZRPXDDFCL", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "Bob", "reviewText": "tired of paying big prices at the pool store for such easily obtainable items that are priced cheap-don't pay more", "summary": "works fine and cheap", "unixReviewTime": 1381708800} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "A6E64PEG0QYVX", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "Linda's 2 cents", "reviewText": "My neighbor's trees provide much relief from the hot Dallas sun, but in the fall it is a pain. This blower is light weight and easily takes care of the leaves that accumulate on my patio jungle. I love it.", "summary": "The Best Blower for a small patio", "unixReviewTime": 1392249600} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A3K88M42SXJ279", "asin": "B000EUCNP6", "style": {"Color:": " Silver"}, "reviewerName": "Lorraine A. Davis", "reviewText": "very beautiful - very heavy - so needs a breezy area to hang in.", "summary": "beautiful", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": false, "reviewTime": "10 6, 2014", "reviewerID": "A2OVSD15VMOMMK", "asin": "B000FK258K", "style": {"Size:": " Coupler"}, "reviewerName": "nancy oliver", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A1YOKW6EP48T8Y", "asin": "B001E6LHI8", "reviewerName": "Debbie", "reviewText": "Works great for my pool.", "summary": "Telescopic Pole for Pool nets", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2016", "reviewerID": "A29MA9I4J3HA23", "asin": "B000E1AK50", "style": {"Size:": " 7 x 10 Feet"}, "reviewerName": "Kindle Customer", "reviewText": "Works great so far......Thanks", "summary": "Five Stars", "unixReviewTime": 1473379200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A3KMIHGTNB3EVM", "asin": "B0002KHDLW", "reviewerName": "vez79", "reviewText": "I use the whole line of this in my garden. Works great - and this particular part of the FoxFarm line is the key ingredient in the lineup.", "summary": "good stuff", "unixReviewTime": 1434499200} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "ATAZVLZVGFV12", "asin": "B000H5SD5C", "style": {"Size:": " 25 Feet"}, "reviewerName": "Pepe", "reviewText": "bought it at the end of the season. seems to perform as it should. well built, tough material, good price", "summary": "good", "unixReviewTime": 1419120000} +{"overall": 1.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A2CAQOE9GNKJDO", "asin": "B000X22TCC", "style": {"Size:": " 50-Foot"}, "reviewerName": "Hugo S.", "reviewText": "This hose is way to stiff.. After 2 years it is still stiff and makes power washing twice as hard. It a real pain in the butt to use.", "summary": "This hose is way to stiff.. After 2 ...", "unixReviewTime": 1444608000} +{"overall": 2.0, "verified": true, "reviewTime": "01 10, 2018", "reviewerID": "A1EFXO5GM98AQC", "asin": "B000ND3MGS", "reviewerName": "gypsypitcrew", "reviewText": "I thought I was buying a fruit-producing banana plant.\nIt ends up I did buy a fruit-producing banana plant, it just isn't edible.", "summary": "NOT EDIBLE", "unixReviewTime": 1515542400} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A1ZD16KSW1GNWD", "asin": "B001EVKCKM", "style": {"Size:": " 8oz"}, "reviewerName": "Wiedmeister", "reviewText": "I use this to make up my own \"Sawyer Products Premium Permethrin \" spray. Works just as effectively at less than 25% of the cost.", "summary": "Excelent", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A8N76G7E26DM4", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "What? Yep.", "reviewText": "Covered my DeckMate firepit (30087) perfectly and kept the Seattle rain out all winter long.", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2016", "reviewerID": "A2XUWEEASP9K5B", "asin": "B0008JGSCC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "MOAVBILLY", "reviewText": "Just what I needed for my project", "summary": "Five Stars", "unixReviewTime": 1472256000} +{"overall": 4.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "AFUC5YYP3NCGM", "asin": "B000HHO110", "style": {"Size:": " 24 Ounce"}, "reviewerName": "GRUMMAN 1", "reviewText": "works for what I needed it for.", "summary": "Four Stars", "unixReviewTime": 1461369600} +{"overall": 1.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A16HKRQ5GDVM2R", "asin": "B0002568YK", "style": {"Size:": " 2 Bales", "Color:": " Brown"}, "reviewerName": "karen schnell", "reviewText": "Ok.", "summary": "One Star", "unixReviewTime": 1458259200} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "03 11, 2017", "reviewerID": "A2XUX3J9F4JUH8", "asin": "B000HM69SS", "style": {"Material Type:": " Jack Daniels"}, "reviewerName": "Swankie", "reviewText": "Do not like the pellets near as good as the JD Wood Chips! Their wood chips are awesome.....", "summary": "PELLETS vs CHIPS!", "unixReviewTime": 1489190400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A253U20ZYCRGKG", "asin": "B00192AO90", "style": {"Size:": " 16 oz - 1 Pack"}, "reviewerName": "Okie", "reviewText": "We've used this for years. It works for many kind of garden insects. It doesn't get hard shelled ones like squash bugs, but it works for most of the others we encounter. It doesn't hurt the bees, and that's very important to us.", "summary": "Love It", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A2GF33U1022OHL", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "TechConsumer", "reviewText": "Easy to use after-use foaming oil for the pressure washer pump. Put on the hose inlet and press the button until you get some of it out the pressure outlet port.", "summary": "Easy to use", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "AEO2KPIW5MKOF", "asin": "B00004RA8P", "style": {"Size:": " 1 Pack"}, "reviewerName": "DougK", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": false, "reviewTime": "01 15, 2013", "reviewerID": "A1M5M5RDFM64OR", "asin": "B00005LEX8", "reviewerName": "ruralmom", "reviewText": "This hedge trimmer worked great to trim up my pretty bushes in my back yard. It is so easy to use and the job goes really quick...which I love. Hubby even trimmed up a few branches from our trees and he was impressed how smooth it was. Once again great product by Fiskars!", "summary": "Great purchase", "unixReviewTime": 1358208000} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A1WJEPXJ95PJIJ", "asin": "B000NSGNOG", "reviewerName": "Gary Thomson", "reviewText": "Starting using this chemical and my pool stays cleaner with less chlorine.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A1W00KVU8VU6ZG", "asin": "B0018Y6VJ6", "reviewerName": "TomG", "reviewText": "Shocked to find the burner and heat dome were rotted when I went to replace this. I was never successful in removing the frozen on burner, so I have a spare for my replacement grill!", "summary": "New Grill?", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A1M6LVOGRTRAZ7", "asin": "B001EGMZC0", "style": {"Size:": " Case Pack of 1"}, "reviewerName": "Pamela", "reviewText": "Great value", "summary": "great value good product", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2013", "reviewerID": "AB2YZA2HLY75H", "asin": "B001F0K14Y", "style": {"Color:": " N/A"}, "reviewerName": "Reb", "reviewText": "Ergonomic, easy to use, and like all Fiskars products, great quality. Make gardening more fun and easy, and give great results with no snagging or tearing of plants.", "summary": "great product", "unixReviewTime": 1370649600} +{"overall": 2.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A313WPJ68RGIDJ", "asin": "B000BX4R8W", "reviewerName": "liqquidfire", "reviewText": "Does what it's supposed to do, sort of, sometimes you have to shake the unit in order to get the powder to come out as your pump the handle.", "summary": "Awkward", "unixReviewTime": 1441670400} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A3JLD9NKPEQFS5", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Rocky", "reviewText": "I replaced the very dirty air filter on my lawn mower this product fit and worked great, Thanks for a great product delivered to my door.", "summary": "I can breath again", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A2QOKL4S1AZ7G0", "asin": "B001EVKCKM", "style": {"Size:": " 8oz"}, "reviewerName": "Batman", "reviewText": "Works great for replenishing the patches for the termacell device.", "summary": "Five Stars", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1SOJHK8B5ZS75", "asin": "B000IGGCWG", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "bcpjbrady", "reviewText": "It's fine. The birds like it!", "summary": "It's fine. The birds like it", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A148REBHZE9MRF", "asin": "B0019BK8AG", "style": {"Pattern:": " 1 Pack"}, "reviewerName": "Amazon Customer", "reviewText": "works fine", "summary": "Five Stars", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2017", "reviewerID": "ATR4XQMI8A1LZ", "asin": "B000BOC7QK", "style": {"Color:": " Original Version"}, "reviewerName": "Robster2443", "reviewText": "Perfect fit, quality chain, cheaper here than in the big stores.", "summary": "Perfect, quality chain for my Husqvarna!", "unixReviewTime": 1513728000} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2014", "reviewerID": "A1EGABJQYRP6SZ", "asin": "B000WEOQWC", "reviewerName": "M. S. Maffett", "reviewText": "This cover fits my Weber just right, easy to slip on and stays even during heavy winds. Most importantly it protects the grill from inclement weather. This will help it last for a long time, small investment to protect a vital cooking apparatus.\n\nHappy grilling!", "summary": "Fits perfectly", "unixReviewTime": 1403827200} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A383R6SUBZB7XL", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "Sherry L. Scott", "reviewText": "Works, and only sometimes is a bit dicey to hang the hummingbird feeder from.", "summary": "Works fine for hanging hummingbird feeder from gutters.", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A14KCOUXCLYZ2Q", "asin": "B000E28UQU", "reviewerName": "J. Glenn", "reviewText": "EXCELLENT PURCHASE. I AM VERY SATISFIED WITH THE PRODUCT. 5 STARS", "summary": "Five Stars", "unixReviewTime": 1497398400} +{"overall": 1.0, "verified": true, "reviewTime": "02 22, 2010", "reviewerID": "A12JK7JRIGM81Z", "asin": "B00008GS96", "style": {"Color:": " Yellow"}, "reviewerName": "Mzeina", "reviewText": "cheaply made piece of junk. worked one week. now it's over. even while it worked it wasn't good. never killed the fly, just tortured 'em. i don't like flies, but i'd rather kill 'em in one whack. this thing slowly cooked 'em.", "summary": "worked one week", "unixReviewTime": 1266796800} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A8B40EI9VUHDT", "asin": "B001H1GRQC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Gander", "reviewText": "bats still there", "summary": "Two Stars", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A1ZKAAC4GKHT6X", "asin": "B000BQKM42", "style": {"Size:": " 1 Pack"}, "reviewerName": "Knuckles", "reviewText": "The most durable unit I have bought. Works great and would recommend.", "summary": "Fiskars Big Grip", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A3VJLF0XUD3FJY", "asin": "B001828QXC", "reviewerName": "MARY K. EMERY", "reviewText": "loved it", "summary": "Five Stars", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A1ZPLA4VKLVX3J", "asin": "B000VE3HD2", "reviewerName": "Marty", "reviewText": "Works great replacement for old unit.", "summary": "Good Product.", "unixReviewTime": 1428883200} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "ATOMTXOXV3RPJ", "asin": "B000GGQ8DQ", "reviewerName": "ct0218", "reviewText": "It was OK, unfortunately a bear destroyed it", "summary": "Four Stars", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2014", "reviewerID": "A21YUYU5A1O08K", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "FRANK", "reviewText": "haven't used it yet but from everything i have read the best to protect your pressure washer especially if you live where it freezes", "summary": "a must have", "unixReviewTime": 1398124800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A2NS4OTTYJLPHG", "asin": "B0012NVHYC", "style": {"Color:": " Khaki"}, "reviewerName": "Mike", "reviewText": "Solid product, the material used is good, very easy to install, I used it immediately.", "summary": "the material used is good, very easy to install", "unixReviewTime": 1409875200} +{"overall": 4.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "A2PUC0FHBPAU60", "asin": "B000MOM7KU", "reviewerName": "Amazon Customer", "reviewText": "Cheap but not cheap quality. Cant complain and serves its purpose. Net is a bit stiff but catches the small stuff really well.", "summary": "Worth the price", "unixReviewTime": 1459036800} +{"overall": 3.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A34P3HFPQV0T8H", "asin": "B000QTMT7W", "reviewerName": "awingren", "reviewText": "okay build quality,does not work as well as advertised.", "summary": "okay build quality, does not work as well as ...", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2ANRWDHRVQALZ", "asin": "B000FK00Z0", "style": {"Size:": " 12\" Spacing"}, "reviewerName": "Bruce L. Lutz", "reviewText": "Delivered as advertised.", "summary": "Five Stars", "unixReviewTime": 1427932800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 16, 2013", "reviewerID": "A3F13LE7Z0BKE7", "asin": "B00164QN9Q", "style": {"Size:": " E) 10 LBS", "Package Quantity:": " 1"}, "reviewerName": "Rfvbgt", "reviewText": "The germination percentage is superb. I put a thin layer of this seed on exposed topsoil and covered it lightly with wheat straw. Now I have a beautiful carpet of clover. Great product.", "summary": "Prompt shipping. Great clover seed.", "unixReviewTime": 1371340800} +{"reviewerID": "A1XCUH2E4KNKDG", "asin": "B0009KM2FC", "reviewerName": "Tle", "verified": true, "reviewText": "Use for liquid fertilier application. Applied fish hydrosylate fertilizer to garden. Did not clog and worked as promised.", "overall": 5.0, "reviewTime": "07 19, 2017", "summary": "Five Stars", "unixReviewTime": 1500422400} +{"reviewerID": "A1J03OEYPYP9GN", "asin": "B000H5ZXE6", "reviewerName": "MG", "verified": true, "reviewText": "Arrived very quickly from the retailer. The price was the best I'd seen. Thanks.", "overall": 5.0, "reviewTime": "03 13, 2017", "summary": "The price was the best I'd seen", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A35A1I4KHX8G26", "asin": "B000E7MTUI", "style": {"Size:": " Pack of 10"}, "reviewerName": "Beerman", "reviewText": "Great for microgreens. especially the ones that get taller. ex sunflower.", "summary": "Five Stars", "unixReviewTime": 1515456000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "A267YU6I3571HY", "asin": "B000WYOOQ0", "reviewerName": "Joseph C. Nowlin", "reviewText": "In a 10-year old grill this is only the second igniter I've installed. The Midwest has brutal winters lately and it stays outside, although covered. These kits are made to last.", "summary": "Easy to Install", "unixReviewTime": 1403049600} +{"overall": 2.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A2JT0BVNK4D33A", "asin": "B0000CFOO1", "reviewerName": "Janice Glines", "reviewText": "Off by 10 degrees, but will use with that in mind.", "summary": "Two Stars", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "A34DSQ3ABC55PF", "asin": "B0007KP9S6", "style": {"Size:": " 1 Pack"}, "reviewerName": "kathy", "reviewText": "GREAT", "summary": "Five Stars", "unixReviewTime": 1440892800} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2018", "reviewerID": "A2FUYK5NHP9SWK", "asin": "B000WYY65Y", "style": {"Material Type:": " Lighter only"}, "reviewerName": "afv", "reviewText": "it's a great tool to have. love it.", "summary": "Four Stars", "unixReviewTime": 1520985600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A2IPQXAAOPMZCG", "asin": "B00128DVN2", "reviewerName": "T Case", "reviewText": "Great product, I will be back!", "summary": "Great product, I will be back!", "unixReviewTime": 1407456000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A2VA9IJ34Y44HM", "asin": "B000LNT7VO", "reviewerName": "kelsey1", "reviewText": "The Plant food really helps my Crepe Myrtle bloom. I highly recommend it for all types of Crepe Myrtle trees.", "summary": "Crepe Myrtle plant food", "unixReviewTime": 1373500800} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "AWRCIPCUDCW3K", "asin": "B0002YVE5O", "style": {"Size:": " Transplanter"}, "reviewerName": "Simon Willams", "reviewText": "Very useful design.", "summary": "Five Stars", "unixReviewTime": 1430438400} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A1IR4OHC8K0TSV", "asin": "B000BO919Q", "reviewerName": "T1PSTN", "reviewText": "Good concept and nice execution. I use this with my Husqvarna 460 Rancher 20\" and it fits perfectly.", "summary": "Great for the 460 Rancher 20\"", "unixReviewTime": 1484006400} +{"overall": 4.0, "verified": true, "reviewTime": "10 9, 2017", "reviewerID": "A1LQEJO44N3WU7", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "uncle mike", "reviewText": "can't do without stuff.", "summary": "Four Stars", "unixReviewTime": 1507507200} +{"overall": 4.0, "vote": "4", "verified": false, "reviewTime": "08 5, 2009", "reviewerID": "A270DKUYQYOEV3", "asin": "B000W0L6GA", "reviewerName": "Eric W.", "reviewText": "This tool makes removing the grills (hot and cold) much easier for any Primo grill. Keep it out of the weather though because mine is already starting to rust.", "summary": "A must for Primo grills.", "unixReviewTime": 1249430400} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "A1HPS52VKUT284", "asin": "B0014CC93O", "reviewerName": "Jaybird", "reviewText": "Fit well and works like a champ.", "summary": "Five Stars", "unixReviewTime": 1422748800} +{"overall": 2.0, "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A2UADPK624FGNF", "asin": "B001GJ3FIS", "reviewerName": "T. J. C.", "reviewText": "seems sturdy enough, for the money, but \"jet spay\",is not so jet. does not focus the pressure like my old Nelson", "summary": "not so good", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2013", "reviewerID": "ATCVAF133WUPH", "asin": "B000WEMH64", "reviewerName": "ahha1991", "reviewText": "Stainless steel is the only way to go for these. I clean them with a pumice stone after use and they look almost new. There is a little discoloration from the heat but they come completely clean.", "summary": "Great Product", "unixReviewTime": 1367020800} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "AS0KW2PW4QPBX", "asin": "B000WYOOQ0", "reviewerName": "Water Guy", "reviewText": "This is why I bought a Weber grill 7 years ago, I can still get parts to rebuild my grill to like new condition.", "summary": "Great part", "unixReviewTime": 1373500800} +{"overall": 4.0, "verified": false, "reviewTime": "08 16, 2017", "reviewerID": "A1E90JUWQ7M8HA", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "Michael Rodriguez", "reviewText": "Seems like a great gas can would like to be able To compare it to the sure can", "summary": "Looks", "unixReviewTime": 1502841600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "06 14, 2013", "reviewerID": "A2CITZ8VWAUUD5", "asin": "B000A0REKO", "style": {"Size:": " 2.5 Pound"}, "reviewerName": "Heartboy", "reviewText": "I went to Home Depot and found similar product, and 5 pounds of it, for $10.70 . I tried to cancel this product under 24 hours from purchase and they refused!! Do not but this if you have a Home Depot near You!! You are getting ripped off.", "summary": "a rip!! Get similar product , and 5 pounds of it for under $11 dollars at Home Depot!", "unixReviewTime": 1371168000} +{"overall": 2.0, "verified": true, "reviewTime": "06 11, 2017", "reviewerID": "A1EFO8PJGWUQNN", "asin": "B000EHJN7K", "style": {"Package Quantity:": " 1"}, "reviewerName": "Terri L. Kingsetz", "reviewText": "only about 50% of my seeds sprouted in these.compared to 95% results from other brands that cost more. Would NOT buy these again.", "summary": "only about 50% of my seeds sprouted in these. ...", "unixReviewTime": 1497139200} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2017", "reviewerID": "A1I7ELA3EEUBC", "asin": "B0002WRHE8", "reviewerName": "Amazon Customer", "reviewText": "great when power is out", "summary": "Five Stars", "unixReviewTime": 1486857600} +{"overall": 3.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "ASLJTP0Z3HZXD", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "James M. Thayer III", "reviewText": "A bit expensive for what they are but aren't all Polaris parts? Still they work.", "summary": "Three Stars", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2015", "reviewerID": "A1BLO3IZ8D32HY", "asin": "B000MXJH72", "style": {"Size:": " Trial Kit of 3 Tubes"}, "reviewerName": "Art", "reviewText": "No more pigeons!", "summary": "IT WORKS", "unixReviewTime": 1451260800} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "A2RSU3MJ8T97MW", "asin": "B0019010YA", "style": {"Size:": " 3 by 5 Foot"}, "reviewerName": "mesquiteguy", "reviewText": "Very nice flag,bright colors", "summary": "TEXAS", "unixReviewTime": 1500595200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "AW30OD3NYTCNH", "asin": "B000PAQELO", "reviewerName": "HK", "reviewText": "Works very well, but you do need the shutoff valve to control the water flow at the point of insertion or you get sprayed with mud. I used the MINTCRAFT GB911A3L Brass Garden Hose Shut-off and together I am extremely pleased.", "summary": "I used the MINTCRAFT GB911A3L Brass Garden Hose Shut-off and together I am extremely pleased.", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "A3RUKY53HEODK", "asin": "B000NJPUHG", "reviewerName": "Quinten C.", "reviewText": "like", "summary": "Five Stars", "unixReviewTime": 1439683200} +{"overall": 4.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "AJEPHJ204HL0O", "asin": "B000GBKAY4", "style": {"Size:": " L: 2.765 x W: 7.505 x H: 27.255"}, "reviewerName": "Kathy in Ohio", "reviewText": "This pinwheel was smaller than I had expected, but appears to be good quality.", "summary": "but appears to be good quality.", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A3D2YV7XV917UZ", "asin": "B000WA3R3K", "style": {"Color:": " Black"}, "reviewerName": "Dlyman", "reviewText": "This is an excellent, heavy duty skimmer that will last! Finally a good one, and if the fabric ever rips it looks like you can simply unscrew it and replace the fabric. Don't buy any cheap ones, they aren't worth it.", "summary": "Pool skimmer", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2015", "reviewerID": "A2VBXYF50J7JJV", "asin": "B0012QB29E", "style": {"Size:": " 1 quart", "Style:": " Banana Bliss"}, "reviewerName": "boristhebeatbutcher", "reviewText": "ladies love it.", "summary": "Five Stars", "unixReviewTime": 1447891200} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2017", "reviewerID": "A26HJKX9JM3JX6", "asin": "B000V63VRC", "reviewerName": "Marcia Lobato", "reviewText": "excellent quality", "summary": "Five Stars", "unixReviewTime": 1483315200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A213541EQ88FR1", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "AJ", "reviewText": "I was so sick and tired of the usual CARB-approved spouts sold at Home Depot and Lowes always breaking their springs, etc. This No-Spill gas can is SO much better and easier to use than the aforementioned crap at the box stores. You cannot go wrong.", "summary": "What are you waiting for? Get this gas can!!", "unixReviewTime": 1434672000} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "AUPHN1DEV9V4", "asin": "B0000DGAKF", "style": {"Size:": " 200-Foot"}, "reviewerName": "Dan Birch", "reviewText": "Works great!", "summary": "Four Stars", "unixReviewTime": 1418083200} +{"reviewerID": "A24H8HQKON0BN5", "asin": "B00128C6G0", "reviewerName": "mike", "verified": true, "reviewText": "product as advertised and shown on package", "overall": 5.0, "reviewTime": "01 25, 2016", "summary": "seeds", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A3FIZQQDP2AD69", "asin": "B000XAN1DU", "reviewerName": "LagunaLady", "reviewText": "Great very practical garden tool. Unfortunately you need to be on your knees to use it. Excellent for weeding, cultivating and planting.", "summary": "Love this tool.", "unixReviewTime": 1456790400} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "03 2, 2011", "reviewerID": "A1P9X9F40MQS9T", "asin": "B000UK0YQK", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "TJP", "reviewText": "Thought I was buying an American made product. You fooled me, and like other Chinese products like this it just doesn't quite fit right.", "summary": "Nelson (Chinese) Brass/Metal Hose Repair Clamp", "unixReviewTime": 1299024000} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A2BLAUHCL8NXSN", "asin": "B000MD5816", "style": {"Color:": " white"}, "reviewerName": "Paul S", "reviewText": "Prerfect for our Carolina Wrens and other small birds. Well constructed.", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2017", "reviewerID": "A26BZIAU8ESGQ0", "asin": "B000HCKVDW", "style": {"Size:": " 25"}, "reviewerName": "GTA NM", "reviewText": "This made planting so easy, very little dust , I planted per directions , before putting into pond i soaked the media in the plant container to remove any dust to keep the water clear , slowly placed into pond water has remained clear, great product", "summary": "Planting made easy", "unixReviewTime": 1490918400} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "APFPYQNC93BGQ", "asin": "B001H1EQO2", "style": {"Size:": " Up to 5,000-sq ft", "Style:": " Spreader"}, "reviewerName": "Dave M.", "reviewText": "works good super simple to set up for use", "summary": "Four Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2010", "reviewerID": "A2M0JOQWQ0KAJO", "asin": "B000XK7C4E", "reviewerName": "Amazon Reviewer", "reviewText": "Got this to replace a larger 24\" model. So far, we have been on time for the BBQ's in the back yard.", "summary": "David", "unixReviewTime": 1264204800} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "A3UDT2DUNKSDPP", "asin": "B000W42U66", "style": {"Size:": " Small", "Color:": " Pebble"}, "reviewerName": "Tammy Waters", "reviewText": "works well to keep my outside furniture clean and protected", "summary": "Five Stars", "unixReviewTime": 1471824000} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2013", "reviewerID": "A1DFJNGWH7QY9G", "asin": "B00004SDY5", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "bill", "reviewText": "....well thot out, and works very well.....makes connecting and disconnecting a snap.....saves time .....when hook up to watering device, it will swivel, which makes it easier to hold....", "summary": "compatable..", "unixReviewTime": 1374451200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "AUX5R2YAPUZ3C", "asin": "B001B2W842", "style": {"Size:": " 5 Pound"}, "reviewerName": "jonnynu", "reviewText": "Down to Earth has a well deserved reputation...product is fresh an seller got it to me quickly...can't ask for more than that.", "summary": "Down to Earth has a well deserved reputation.. ...", "unixReviewTime": 1492387200} +{"overall": 4.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "AHHORA2L3N0KD", "asin": "B000F0E8FS", "reviewerName": "Ronald E. Mahler", "reviewText": "Couldn't find this plug in the big box hardware stores around me. Here it is. Good stuff... good stuff.", "summary": "It's a spark plug!", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": false, "reviewTime": "01 10, 2017", "reviewerID": "A2PYNWLMV2ZJ0L", "asin": "B000UU1ACM", "style": {"Size:": " 1 Quart"}, "reviewerName": "John", "reviewText": "good product worth the money for sure!", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "AANKGXS0EVKZ7", "asin": "B000UJZCBS", "style": {"Size:": " 1 Pack"}, "reviewerName": "NovaGirl", "reviewText": "Appears to work fine except for the blasted Mockingbird that has discovered the suet feeder and now chases all the birds away. I moved the suet feeder into the front yard to bring the mockingbird. However, now i don't see if my woodpeckers are using it.", "summary": "Suet Fine, Mockingbird no so Much", "unixReviewTime": 1424563200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "AXO4KZVULWYDV", "asin": "B00004SD7B", "style": {"Size:": " 36-Inch Axe"}, "reviewerName": "Txgunnut45", "reviewText": "Have not used yet but from the reviews should do great. Like the warranty. Feels nice for the price", "summary": "Price is right", "unixReviewTime": 1448582400} +{"overall": 4.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A12WHLIBCLI9X9", "asin": "B000JFKAJ2", "reviewerName": "D. West", "reviewText": "This comes in handy.", "summary": "Four Stars", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2011", "reviewerID": "A2E9B0YO4AJJLM", "asin": "B000VYGDL0", "style": {"Size:": " 1Pack"}, "reviewerName": "R. Ulrich", "reviewText": "Very fine mist and LOTS of it.\nThree little outlets spray a fine mist but quickly get the small plants watered.\nWill see if it clogs up after some use. Right now, it is PERFECT.", "summary": "Perfect!", "unixReviewTime": 1294790400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "ANYKKMEHB0ABA", "asin": "B0002YUXBU", "reviewerName": "Wimpy Charley", "reviewText": "It is perfect by its description on website. Very beauty and nice wood. Get it for Christmas present for my friend.", "summary": "Great weather station", "unixReviewTime": 1444089600} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2013", "reviewerID": "A3OAS4A0N2SSAT", "asin": "B001BOAD06", "reviewerName": "Jon Q", "reviewText": "These are great for holding my heavy bird feeders on my second floor window without the fear of them working loose.", "summary": "Sturdy", "unixReviewTime": 1383004800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2017", "reviewerID": "A2Y1IB4GCFHJQL", "asin": "B0015031R8", "style": {"Size:": " 1 pack"}, "reviewerName": "R. Gray", "reviewText": "Recommended by a friend. It saved my sanity, and sent home a lot of little ants scurrying home to die. This year there is a bigger variety of ant. We'll see.", "summary": "Excellent.", "unixReviewTime": 1492128000} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A1C2G9PRLSMPIP", "asin": "B000F97DWO", "style": {"Size:": " 1 PACK"}, "reviewerName": "Kenneth R.", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A3IG6CYUZSHV1G", "asin": "B000OVCDSW", "style": {"Size:": " 1 pint"}, "reviewerName": "Marc G.", "reviewText": "one of the best rooting hormones on the market", "summary": "Five Stars", "unixReviewTime": 1452384000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "AHFG9R1WQO7BU", "asin": "B0016AZHKQ", "reviewerName": "Leo Roars", "reviewText": "making extract with it, added 64 0z 95% alcohol x 2 weeks = extrace for immune health", "summary": "Five Stars", "unixReviewTime": 1425427200} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A2KNCXEZUSVQX1", "asin": "B0002IJXDA", "style": {"Size:": " 8-Pound"}, "reviewerName": "Oliver K.", "reviewText": "Works well. No need to use a lot for it to work.", "summary": "Works well. No need to use a lot for ...", "unixReviewTime": 1422489600} +{"overall": 2.0, "verified": true, "reviewTime": "06 4, 2014", "reviewerID": "A2XOMQ917D28V6", "asin": "B001A7RNB6", "style": {"Size:": " 8 oz."}, "reviewerName": "JUTSFL", "reviewText": "It works, but there are better products. Use this one if you want your plants covered in fairy dust. Then you can stand in your garden with your watering wand looking like some sort of tomato wizard.\n\n...pony up and buy a liquid BT, and mix the spray. It's well worth it.", "summary": "Meh...", "unixReviewTime": 1401840000} +{"overall": 3.0, "verified": false, "reviewTime": "08 26, 2014", "reviewerID": "A12KZVQ9SYHKN", "asin": "B0015AP1QM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Rex Dalrymple", "reviewText": "O.K., except fittings are brittle and break easily, fittings do not seal.", "summary": "except fittings are brittle and break easily, fittings do not seal", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A2RGNZDOLAI7ST", "asin": "B001GNBCTI", "style": {"Color:": " Tan"}, "reviewerName": "ldavis 3742", "reviewText": "inexpensive", "summary": "Five Stars", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A2UJ8JEPZPD08M", "asin": "B0012VY0Z2", "reviewerName": "Keith", "reviewText": "Perfect replacement part. Name brand item in a retail package.", "summary": "A+", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2013", "reviewerID": "A2H7VFEIFZV744", "asin": "B000WEMFSO", "reviewerName": "Miller Tyme", "reviewText": "I use my BBQ all year long, not bad for Chicago land area. This tools makes clean up a snap. I use higher heat to break down some of the materials that have stuck to grids. This tool is strong enough to take down any messes I have made and that statement says a lot.", "summary": "Great tool for BBQ", "unixReviewTime": 1365552000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2014", "reviewerID": "A25HQ4KPJ2NJPS", "asin": "B0000950Q2", "style": {"Size:": " 18\""}, "reviewerName": "C. Albrecht", "reviewText": "These work so well that it makes trimming my bushes go so smoothly and actually fun. Do I dare say I like gardening now?", "summary": "Makes me want to trim the bushes", "unixReviewTime": 1404086400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "AW74M793VGYWU", "asin": "B000XFRTXS", "reviewerName": "Keith", "reviewText": "I was thinking about a deer chaser, but decides on this little bamboo fountain.\nI love it, pump is adjustable and I have added water plants, just beautiful.", "summary": "Beautiful!!", "unixReviewTime": 1403568000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "04 29, 2014", "reviewerID": "AZGSTTW1YZFU", "asin": "B000LNT8W2", "reviewerName": "Raymond T. Smith", "reviewText": "I have a Ka-boom toilet bowl cleaner system in my toilet. This system will keep the toilet clean with every flush. The refills are expensive and these tablets do the same thing and are very affordable.", "summary": "I use these in the toilet!", "unixReviewTime": 1398729600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A3JMPJ8SK1TWJA", "asin": "B0017RMJU4", "style": {"Size:": " Giant", "Style:": " Poly"}, "reviewerName": "Mari Ikeda Dionne Pickett", "reviewText": "works great!", "summary": "Five Stars", "unixReviewTime": 1439424000} +{"overall": 2.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A1TO0GKDSPCZ7K", "asin": "B000BPFYG4", "reviewerName": "MONIKA", "reviewText": "doesn't fit correctly", "summary": "Two Stars", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2013", "reviewerID": "A2P0ZHV1I0MQQ4", "asin": "B000WEPHGQ", "reviewerName": "Donald L. Bunnell", "reviewText": "Bought to replace my original ones that rusted out very fast. These are still going strong after a couple years.", "summary": "Good replacement", "unixReviewTime": 1378684800} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A1FP4HXOVMQHOF", "asin": "B001G7QV4A", "style": {"Size:": " wwqq23", "Color:": " Harvest Red"}, "reviewerName": "Janel M. Henderson", "reviewText": "Perfect for I needed it for. Made a canopy for over my veggi garden and it held up through very high winds and rain.", "summary": "good price good product", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "AD2KN9ZKJD170", "asin": "B0000CBJCQ", "style": {"Style Name:": " Apple"}, "reviewerName": "prancer1", "reviewText": "very good results", "summary": "Five Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2013", "reviewerID": "A124RN2L1WHRBQ", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "The positive reviews have said it all. Made in USA, solid brass and no leaks. I expect this to last.", "summary": "If you need a nozzle, this is it!", "unixReviewTime": 1367625600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2014", "reviewerID": "A2FREAN0BDSPIT", "asin": "B0012QLVRM", "style": {"Size:": " 225 mph Blower/Vac"}, "reviewerName": "R3", "reviewText": "Hated gas powered blowers. Tried this electric one. Quieter. Works great. Vacuum feature gets clogged with lots of leafs. Cord not an issue for me.", "summary": "Great value.", "unixReviewTime": 1401926400} +{"overall": 3.0, "verified": true, "reviewTime": "06 19, 2017", "reviewerID": "A125527I15P2XT", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "Amazon Customer", "reviewText": "A little to heavy for me to use", "summary": "A little to heavy for me to use", "unixReviewTime": 1497830400} +{"overall": 3.0, "verified": true, "reviewTime": "05 31, 2011", "reviewerID": "A1OVVPZUOZMKWI", "asin": "B000YKJ6YW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Joe the Nurse", "reviewText": "Not too flimsy. It's a bit difficult to aim the water into the areas right close to the sprinkler. It would be better if each of the 12 noodles was twice as long, or if it came with a tripod to mount it on well above ground.", "summary": "It's just OK", "unixReviewTime": 1306800000} +{"overall": 3.0, "verified": false, "reviewTime": "10 13, 2014", "reviewerID": "A1E5UL494DD1U7", "asin": "B0014FGT8C", "style": {"Format:": " Lawn & Patio"}, "reviewerName": "Amazon Customer", "reviewText": "deer not bothered by it", "summary": "Three Stars", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "AINGNE1J86KTH", "asin": "B000OWBKQ2", "reviewerName": "W. Lee", "reviewText": "I tried all the name brand chemicals to try and get rid of black rot on my roses and none of them work. This finally got it under control and now the roses are thriving. Too bad three of my sixteen died before I figured out what to do.", "summary": "Too bad three of my sixteen died before I figured out ...", "unixReviewTime": 1417996800} +{"overall": 3.0, "verified": true, "reviewTime": "05 26, 2014", "reviewerID": "A20PAT9NYFJACX", "asin": "B0018U06OQ", "reviewerName": "HClarkx", "reviewText": "Not all of the parts fit my carb, but the critical ones, the large gasket and the float valve, did fit and that got me going again.", "summary": "Okay I guess", "unixReviewTime": 1401062400} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A2ZZM7DIYNQATJ", "asin": "B0015031R8", "style": {"Size:": " 1 pack"}, "reviewerName": "amg0999", "reviewText": "great prodct", "summary": "Five Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A34EKA8U2K7SLI", "asin": "B000HCLLNG", "style": {"Size:": " High Back Dining Chair"}, "reviewerName": "Fraser", "reviewText": "Well made cover......just what I needed to cover extra chairs from the elements.", "summary": "Well Made and durable", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "AJNY0UVUG2B1N", "asin": "B0015IJMBO", "reviewerName": "Sheryl Burke", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1482451200} +{"overall": 2.0, "verified": true, "reviewTime": "03 31, 2018", "reviewerID": "A17VRXDBRCETQK", "asin": "B000E28UQU", "reviewerName": "FatChupacabras", "reviewText": "This is ok but not great.", "summary": "Two Stars", "unixReviewTime": 1522454400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "A3PGL4CHZMV9H0", "asin": "B000A13FHO", "style": {"Color:": " Original Version"}, "reviewerName": "J. Olson", "reviewText": "Like some others have said, this is what it is. Standard replacement part. Works like it is supposed to. There are several good videos out on YouTube showing how to replace this part.", "summary": "Like some others have said", "unixReviewTime": 1498953600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A1EVSUDZ0PECKL", "asin": "B000HCLLMM", "style": {"Size:": " Medium"}, "reviewerName": "Kiks", "reviewText": "Just perfect! Great quality, perfect fit, easy to handle and great price", "summary": "Five Stars", "unixReviewTime": 1442793600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A8ZM8ZLVDF5TY", "asin": "B000BPARK2", "style": {"Color:": " Original Version"}, "reviewerName": "T-Rok", "reviewText": "High quality!", "summary": "Five Stars", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "ANJZXA7087ATJ", "asin": "B00004TBKM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Katie", "reviewText": "Wow this bag traps flies like crazy. It's like a fly magnet. Make sure to hang it away from where you lounge because it really really stinks.", "summary": "Amazing how fast it fills up", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A26U9WEFT85TXR", "asin": "B00171EDR2", "style": {"Size:": " Inquiries - by email"}, "reviewerName": "RDD", "reviewText": "Easy to use", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2QBP4OJF05WAD", "asin": "B00008Z9ZG", "style": {"Size:": " 2 lb"}, "reviewerName": "Kathy R", "reviewText": "Very happy with this product. I have a newer compost box, and the compost plus really got the pile going. Now the compost is turning a nice black color. Would recommend to a friend.", "summary": "Very happy with this product", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "A3UT5OYOKX4I80", "asin": "B000TJLY8O", "style": {"Color:": " Terra Cotta"}, "reviewerName": "T C", "reviewText": "Perfect! Just what I've been looking for forever. Good wheels that aren't plastic & will support the heavy clay pots i have. Going to order another one.", "summary": "Perfect! Just what I've been looking for forever", "unixReviewTime": 1497744000} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "ARLLJVGCYFDTD", "asin": "B000E28UQU", "reviewerName": "Amazon Customer", "reviewText": "Love these! They are cheap enough I bought four!", "summary": "Good product!", "unixReviewTime": 1469404800} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "AO8NH0BV82XIE", "asin": "B000I2ZXQG", "style": {"Size:": " 100 x 10 ft. - 5.5 mil."}, "reviewerName": "LifeSoShort", "reviewText": "Thick, good quailty film. No signs of degradation so far after 3 years inside a greenhouse.", "summary": "Good quality and holding up well.", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": false, "reviewTime": "07 24, 2014", "reviewerID": "A31MI1I54AN5VU", "asin": "B000BWY49A", "reviewerName": "AmericanPatrick", "reviewText": "The is the most clever rake I have ever used. The only thing is the 10 cent grip is crap but the rake is the best ! Great idea ! Now please make them in America !", "summary": "The only thing is the 10 cent grip is crap but the rake is the best", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A3DZX4AZ7K66J9", "asin": "B001AZJK46", "style": {"Size:": " 1 Pack"}, "reviewerName": "chad yager", "reviewText": "Works great. No stealing the bait from this trap. Once it closes on the rat its lights out!!! Well worth the money.", "summary": "The Mack Daddy of Rat traps.", "unixReviewTime": 1432944000} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "08 27, 2012", "reviewerID": "A38UBU6FQOI36E", "asin": "B000S5WOAG", "style": {"Size:": " Pack of 1"}, "reviewerName": "NaturalGirl", "reviewText": "We have a tiny front porch and this bench is perfect. Sturdy, narrow, short enough (and priced right) to seat us while we watch the approaching storms while undercover and it doesn't block the doorway.", "summary": "great little bench", "unixReviewTime": 1346025600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A3HRG48TC9ZR2T", "asin": "B000ESNCGW", "style": {"Size:": " 0.75 Horsepower", "Style:": " Single Speed"}, "reviewerName": "Jerry P Draayer", "reviewText": "Excellent product, exceeds expectations!", "summary": "Five Stars", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A16GMRLB55AKLL", "asin": "B0015QXLSQ", "reviewerName": "Justin W. Hudson", "reviewText": "Just what I needed!", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "AL7AKMROZHISA", "asin": "B000HM6ARI", "style": {"Size:": " 2.5' x 4'"}, "reviewerName": "Dwight Nestrick", "reviewText": "Love the American Flag.", "summary": "Five Stars", "unixReviewTime": 1408924800} +{"overall": 3.0, "verified": true, "reviewTime": "06 7, 2014", "reviewerID": "A3E22MY5FCWJDG", "asin": "B001ASH9QY", "style": {"Size:": " 1"}, "reviewerName": "Laura L. Brandenburg", "reviewText": "Ok. Like the colors. The leather ties are brittle and break easily. The end middle piece broke off one of them the second use. Overall kind of chincy. We will use them and make due but would not buy if could do over.", "summary": "Not satisfied", "unixReviewTime": 1402099200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2017", "reviewerID": "A3I6C7A91BEB78", "asin": "B0007KP9S6", "style": {"Size:": " 1 Pack"}, "reviewerName": "Linam g", "reviewText": "It comes as advertised. It holds my \"Don't Tread on Me\" flag just fine.", "summary": "Works Great", "unixReviewTime": 1506729600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A3O799ZDNLPB0Y", "asin": "B000E1RNF0", "style": {"Size:": " 1 Quart"}, "reviewerName": "T. Dubs", "reviewText": "My plants love this and its cheaper than the other big name products!", "summary": "Five Stars", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A23ZUHDSL66L8G", "asin": "B0002568SQ", "style": {"Size:": " 2.5-Gallon"}, "reviewerName": "Mickey J Webster", "reviewText": "I've used Algaefix for years and it still keeps the algae under control even in hot temperatures. Buying a bottle this size really makes it a super deal.", "summary": "Buying a bottle this size really makes it a super deal.", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2013", "reviewerID": "A720SWX2D4RWF", "asin": "B001FE32ZU", "style": {"Item Package Quantity:": " 6", "Package Quantity:": " 6"}, "reviewerName": "raymond wise", "reviewText": "purchased item as a supply for future use,haven't had to use any yet. Orignals work very well,am sure these will be fine", "summary": "good value", "unixReviewTime": 1376784000} +{"overall": 5.0, "verified": true, "reviewTime": "09 27, 2015", "reviewerID": "A3EMJTRFTYYVRE", "asin": "B0001LE5HC", "style": {"Size:": " 7.5 ft x 330 ft"}, "reviewerName": "David H.", "reviewText": "Worked great", "summary": "Good value", "unixReviewTime": 1443312000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "AN4SQIX1PESS0", "asin": "B001F0K14Y", "style": {"Color:": " N/A"}, "reviewerName": "dennis borchert", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A2JEI0M9C833VB", "asin": "B000WYY65Y", "style": {"Material Type:": " Lighter only"}, "reviewerName": "Lewis A. Jones", "reviewText": "Wow. This is the ideal lighting device.", "summary": "Wow", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "A21IFA5SFJQ66V", "asin": "B0015AV3NW", "reviewerName": "James MacDonald", "reviewText": "Great Product!", "summary": "There needs to be a couple more sprinkler heads in the kit. five is Ok, but six or seven would be just perfect.", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A3SBKAVMI9TC0Q", "asin": "B000XSF3YM", "reviewerName": "Greg Phillips", "reviewText": "Perfect for my needs, high branches and hedges", "summary": "Quality pole hedgers at a fair price", "unixReviewTime": 1469232000} +{"overall": 4.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A22YSHC80YF10T", "asin": "B000UJZCBS", "style": {"Size:": " 1 Pack"}, "reviewerName": "ets", "reviewText": "These suet cakes are nicely packaged and easy to load into the feeder. However, when compared with some of the cheaper ones available, I can see no difference in preference by the birds or any other advantage, so I just shop price.", "summary": "Fairly good price", "unixReviewTime": 1458864000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "ABIZCDORZECZN", "asin": "B000HEIVSM", "reviewerName": "Alan K", "reviewText": "This is a great greenhouse tool for working with orchids. Its not too expensive, so you can have several on hand. I have more than a dozen so I can work on a dozen different plants before having to re-sterilize tools.", "summary": "Great Medium sized Clipper", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A30YE89T46AJE3", "asin": "B000HCLLNG", "style": {"Size:": " High Back Dining Chair"}, "reviewerName": "Carolyn Plummer", "reviewText": "Good fit. Can keep chairs and cushions protected from rain, but covers come on and off easily so we can always use them in spite of the weather.", "summary": "Good fit. Can keep chairs and cushions protected from ...", "unixReviewTime": 1470009600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 2, 2013", "reviewerID": "A590KWYVGQTFN", "asin": "B000FI4O90", "style": {"Color:": " Black"}, "reviewerName": "Terry Heller", "reviewText": "So far so good. Plants are about 5 inches tall after 4-5 weeks....and look very healthy. I only wish they made larger versions to use as seed starters in the early spring. Great product, so far!", "summary": "I like it!!!", "unixReviewTime": 1383350400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2015", "reviewerID": "A17RIO4CXO88VB", "asin": "B001BLG6HI", "reviewerName": "Philip D. Duncan", "reviewText": "just what I needed", "summary": "Five Stars", "unixReviewTime": 1440460800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A3H2822I1WWG65", "asin": "B000HCLLMM", "style": {"Size:": " X-Large"}, "reviewerName": "M. Girard", "reviewText": "Nice quality and competitive price for the ability to buy oversize, and have an easy time of getting it on and off.", "summary": "Nice quality and competitive price for the ability to buy ...", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2013", "reviewerID": "A37BOA4UAFAUFW", "asin": "B000TZ3RIS", "reviewerName": "Dot", "reviewText": "Was easy to set up. I buried it under a layer of mulch in my drought tolerant garden. Seems to be working just great.", "summary": "for less wasteful watering", "unixReviewTime": 1383696000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81E2uaLIEGL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/811PNd9GXPL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/61+06sJT+nL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "AK49X4QA59IUP", "asin": "B000KL6T18", "style": {"Size:": " 16-Pound Bag"}, "reviewerName": "Christopher C.", "reviewText": "Excellent bird seed!!", "summary": "Excellent bird seed!!", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2017", "reviewerID": "A13DR2EZG34M99", "asin": "B0015AOREO", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "W J SCHAUB", "reviewText": "Fits well. No leaks", "summary": "Brass fitting", "unixReviewTime": 1509062400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A24NALT1DO9ZWP", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Andrew C.", "reviewText": "fit well and good quality", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "AQ60FJQXXZ6H4", "asin": "B000WEMGM4", "reviewerName": "Doug Temple", "reviewText": "Work great!", "summary": "Five Stars", "unixReviewTime": 1446076800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A1P55F5KN8A8J4", "asin": "B001CFWF5U", "style": {"Size:": " Small"}, "reviewerName": "METAL D.", "reviewText": "Worked out fine , if fit 20 gallon propane tank . I did not have to buy any other fittings , or filters.", "summary": "Worked out fine ,fit heater and 20Gal. Tank. No other fittings needed", "unixReviewTime": 1391472000} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A2NH7HJY2BDBNH", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "SnoozeBob", "reviewText": "Very handy to have around for various bird-related doo-dads in the yard. I bought extras as I'm sure I'll need them.", "summary": "Great Item", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A23Z3BP18FWBLM", "asin": "B000O3HJ20", "reviewerName": "bob c.", "reviewText": "QUALITY AND PROMPT SHIPMENT", "summary": "Five Stars", "unixReviewTime": 1470268800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A3UN25XNXHJ3Z5", "asin": "B000W4QKIU", "reviewerName": "Pat Brey", "reviewText": "I paid more than this at one of the local stores for the same item. This was a good value and much better than the flag holders of old that simply had one arm and your flag was constantly tangling.", "summary": "An upscale option for your garden flags.", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2010", "reviewerID": "AF50QXGM703XY", "asin": "B000HHGS66", "reviewerName": "F. Wallace", "reviewText": "Appreciate this and the other flags received - especially appreciate those for which it represents.", "summary": "flags", "unixReviewTime": 1278806400} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A12ULEKQWZJDXT", "asin": "B00002N68H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Mike Thibodeaux", "reviewText": "Built quite cheap looks like it will break easy . However it works great", "summary": "Four Stars", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2013", "reviewerID": "A16UA5ZUKA0VP2", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "Wiseoldman", "reviewText": "So far so good.\nI am only using 1/2 what the feeding schedule recommends now and my plants are happier!", "summary": "Foxfarm", "unixReviewTime": 1382572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A1ZPUGW7TVT2N7", "asin": "B0008JGSD6", "style": {"Color:": " Red"}, "reviewerName": "Kevin Cloud", "reviewText": "I just ordered another.", "summary": "Five Stars", "unixReviewTime": 1407715200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "08 11, 2013", "reviewerID": "A5IRH1LSLM34L", "asin": "B000TZ1V5Y", "style": {"Size:": " 8-Inch", "Color:": " Slate"}, "reviewerName": "jatnj", "reviewText": "I wanted a tall pot for a spider plant and this was a good size for that. It's sturdy construction and a nice calm color.", "summary": "Nappa Planter", "unixReviewTime": 1376179200} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A2RIJFXHL0DXJR", "asin": "B000G2R1MC", "reviewerName": "Harry F. Smith", "reviewText": "This was an excellent deal on a nice flag. I now have it high up on my 20 foot flag pole.", "summary": "Nice Flag", "unixReviewTime": 1353715200} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A1DLRGENCNTY4T", "asin": "B001ECQ4A8", "reviewerName": "Sue", "reviewText": "I believe this is a good blower but the first time I used it ....with in the first hour it died. It has a great 2 year warranty on it and it was fixed for no cost. The repair guy said he rarely ever sees these in here. So I think I just got a lemon. It happens. It works now.", "summary": "Think it's good.", "unixReviewTime": 1390348800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "AX42SXB22YI3I", "asin": "B00005LK5M", "style": {"Color:": " Bronze"}, "reviewerName": "AnneMarie", "reviewText": "I've been looking for a great sounding wind chime, and this one did not disappoint me.", "summary": "Beautiful sounds", "unixReviewTime": 1404345600} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2014", "reviewerID": "A1W1L986UGK1GP", "asin": "B000H5SD5C", "style": {"Size:": " 75 Feet"}, "reviewerName": "DKM", "reviewText": "Excellent quality. I really like it and it comes with that fantastic warranty. Not like the cheap hoses at Walmart, it feels very substantial.", "summary": "Great hose.", "unixReviewTime": 1416700800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A27PVCYSA44ZMU", "asin": "B000BPAUKY", "style": {"Size:": " 16 Oz Concentrate"}, "reviewerName": "Paul Druckman", "reviewText": "OK", "summary": "Five Stars", "unixReviewTime": 1504396800} +{"overall": 4.0, "vote": "6", "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "AD9IN4CPQ9XJN", "asin": "B000LL4PXQ", "style": {"Size:": " 1"}, "reviewerName": "Amanda", "reviewText": "These work great for their purpose; however be mindful of the size. You could not use these for big seeds like avocados. Works great for smaller plant seeds.", "summary": "Small", "unixReviewTime": 1357516800} +{"overall": 4.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "AIQXKZ8MS9YGC", "asin": "B001GLUT2Q", "style": {"Size:": " Medium"}, "reviewerName": "dpb", "reviewText": "A little pricey for what it is - a plastic foot soak pan but it is as described - has ample dimensions and holds water. Pretty color and texture on inside bottom to reduce slipping. Just wish the price was a little lower.", "summary": "Pretty color and texture on inside bottom to reduce slipping", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A1YHW0EX73KL7Y", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "Skinny Linny", "reviewText": "Purchased as a gift and my son loves it.", "summary": "Five Stars", "unixReviewTime": 1464998400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "A2XNCEHLFPXAUJ", "asin": "B000KL3G0A", "reviewerName": "Fred C. Richards", "reviewText": "I use this oil and Tanaka oil exclusively . I have not lost a two stroke engine yet except for the chainsaw I loaned to a neighbor that did not mix oil in the gas.", "summary": "Great oil and low smoke.", "unixReviewTime": 1363219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A32PZ5QWUGZ0V9", "asin": "B0007KP9YU", "style": {"Size:": " 5' x 8'"}, "reviewerName": "Chris (FL)", "reviewText": "Nice printed flag.", "summary": "Five Stars", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2016", "reviewerID": "A2ZS7ZT1N46WEY", "asin": "B000PYB5ZK", "style": {"Size:": " 1", "Material Type:": " Plastic"}, "reviewerName": "DXTAC", "reviewText": "Great replacements for my 14 year old hoses. Fit perfect.", "summary": "Buy Them Now if you need them", "unixReviewTime": 1478390400} +{"overall": 5.0, "verified": false, "reviewTime": "10 5, 2014", "reviewerID": "A1APJU8QVGE899", "asin": "B0017I6WTM", "reviewerName": "Janet", "reviewText": "I bought a similar product at my swimsuit store, I got much more product for less money with Summer Solutions. So far my suits have held up OK. This year we did not have a long swimming season. I can tell better next year or at the Y.", "summary": "Good Value", "unixReviewTime": 1412467200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A3Q5AK88PGVKMT", "asin": "B0017WOFSI", "reviewerName": "P Aguilar", "reviewText": "Good size. Not too small as to be annoying, not too big as to be cumbersome. Light weight to carry. I like the attached lid too.", "summary": "Good size. Not too small or too big.", "unixReviewTime": 1438128000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A2IQKESVCGW2C7", "asin": "B0014S8B3U", "reviewerName": "Charles D.", "reviewText": "This flag pole is AWSOME. The quality and price just can't be beat. I installed mine today, neighbors love it.\nBut I do recommend you install #6 1/2 inch self tapping screws at joining points just for more stability.", "summary": "Flag pole", "unixReviewTime": 1496188800} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A37CVB3YM5VBY8", "asin": "B00004RA9A", "style": {"Size:": " 3.04W x 1.01D ins."}, "reviewerName": "orchid", "reviewText": "Glad they finally figured out that sometimes things need to be replaced- this was a needed item", "summary": "Finally!", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A2Z1566O0DB6EE", "asin": "B000HHSAR6", "reviewerName": "DDC", "reviewText": "Having used several spray heads, i was amazed at how much better this is than the others. The tiny holes really soften the fastest water flow. My water pressure is about 80 PSI and I get about 8 GPM out of this head on a 100 ft hose. Soft enough for small plants like inpatients.", "summary": "Amazing performance", "unixReviewTime": 1504656000} +{"overall": 4.0, "verified": true, "reviewTime": "11 6, 2017", "reviewerID": "A3K04NGB8EA3P6", "asin": "B000OZV21W", "style": {"Size:": " Two Stage Complete Coverage Watering Pattern", "Style:": " Metal Spike"}, "reviewerName": "DGeorge", "reviewText": "Innovative design. Accurate adjustments. Easy to set up. Won't get wet when fine tuning adjustments. Nice price.", "summary": "I Stay Dry. The Lawn Gets Wet.", "unixReviewTime": 1509926400} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A38BUSNPXTPK7L", "asin": "B00153KVYG", "reviewerName": "Amazon Customer", "reviewText": "worked as advertised", "summary": "Four Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A5GF7OTL6LEOR", "asin": "B00178M6GK", "reviewerName": "del greening", "reviewText": "good saw,, good cutting chain.", "summary": "Five Stars", "unixReviewTime": 1445990400} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A13N86V5R27XNU", "asin": "B000W495S2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "JVLoyd", "reviewText": "great price", "summary": "Four Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A1B5TFY29PIXOZ", "asin": "B0015UCRXM", "style": {"Color:": " Blue"}, "reviewerName": "Briann Miller", "reviewText": "I bought this to help keep my kids pool clean. The pool has to be full for it to work, but I love it!", "summary": "Would purchase again!", "unixReviewTime": 1496448000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A2ZNL7RZ0MBC1N", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "gilbert 53", "reviewText": "Simple and easy to use. Worked great.", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A3IQH35QD0Z4CC", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "C. Stewart", "reviewText": "It was a little challenging to get set up but it seems to working.", "summary": "Four Stars", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A37T5UR01ULEWO", "asin": "B00004SD76", "style": {"Style:": " Non-Coated Blades"}, "reviewerName": "no name", "reviewText": "great clippers", "summary": "A++++", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A3VDJOQI6643D4", "asin": "B001AN7RGG", "reviewerName": "Ray", "reviewText": "Unbelievable! I can't believe how easy it is to start a fire. Just follow the simple directions and your set. I won't be buying starting fluid again since I have these...a lot cheaper too!", "summary": "They hit a grand slam with these little gems.", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A13P7GCJ5W2AVB", "asin": "B000WB13QC", "reviewerName": "Dandik", "reviewText": "Works better than my previous traps.", "summary": "Simple does it.", "unixReviewTime": 1468627200} +{"overall": 4.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A3TDUIEUBNP4YH", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Blaine Madeya", "reviewText": "1 star removed because it came from China but it is really good for my bedroom", "summary": "... because it came from China but it is really good for my", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "A1DGGVXBZY78T8", "asin": "B000P41PA0", "reviewerName": "Vinnie", "reviewText": "We had a couple of ducks landing in the pool thinking they would set up a nest in our yard. They have not landed since the gator arrived.\nI normally put in three 3 inch tabs but this one will handle five or maybe six!\nGreat product!", "summary": "Duck Hunter", "unixReviewTime": 1366502400} +{"overall": 4.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A19JKNOGZRL66S", "asin": "B00171EDR2", "style": {"Size:": " Inquiries - by email"}, "reviewerName": "Les Chapman", "reviewText": "Seems study, but we will see how the plastic will hold up. Much less noise than the metal clips.", "summary": "Quiet Flag Clips", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A55GUZLX6R02M", "asin": "B001DSLLH4", "style": {"Format:": " Lawn & Patio"}, "reviewerName": "C. B. Farley", "reviewText": "This is the good one - not too many bells and whistles, but keeps the pool clean. I reduced shock to once every other week, so saved money too.", "summary": "This is the good one - not too many bells and whistles", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "AQBYR3OHVSYCJ", "asin": "B000I1M5OU", "style": {"Size:": " 15 M"}, "reviewerName": "Amazon Customer", "reviewText": "Very good to use in the fall of the year", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2015", "reviewerID": "A2F2L030OALG56", "asin": "B000M7OUH0", "reviewerName": "Ma Arsenia Santos", "reviewText": "Perfect!! ", "summary": "Five Stars", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2013", "reviewerID": "AEQXNEERGB05C", "asin": "B0001XLSGQ", "style": {"Size:": " 4-Foot"}, "reviewerName": "james caldroney", "reviewText": "everything made heavy duty, perfect size for two flats,price is easy to handle,everything you need to start seeds early,great item", "summary": "perfect assembly for seed starting", "unixReviewTime": 1360022400} +{"overall": 3.0, "verified": true, "reviewTime": "08 16, 2014", "reviewerID": "AMGN4J0S8C1OH", "asin": "B0012NVHYC", "style": {"Color:": " Terra Cotta"}, "reviewerName": "A. Nicol", "reviewText": "Great deal. Faded a bit quick but good deal", "summary": "Good deal", "unixReviewTime": 1408147200} +{"overall": 5.0, "vote": "11", "verified": true, "reviewTime": "05 15, 2014", "reviewerID": "A3G0QU7L8J2Y2D", "asin": "B000BOAG0O", "reviewerName": "Nathan M. Gant", "reviewText": "I bought a harbor freight electric pole saw but the manual wasn't specific about the chain size. Fortunately I could cross-reference chain from Oregon codes on the bar. Fits perfect!", "summary": "Right size for the job", "unixReviewTime": 1400112000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2014", "reviewerID": "AM4W0E11FQAAU", "asin": "B000K8CP7I", "reviewerName": "Dale Potter", "reviewText": "What I wanted.", "summary": "Five Stars", "unixReviewTime": 1407283200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A14RTZV8AMX17S", "asin": "B0010644VY", "reviewerName": "Peter P. Budagher", "reviewText": "Didn't grow! A waste of time and money", "summary": "Nothing!", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2018", "reviewerID": "A3RIYQ9TY8I2E3", "asin": "B0017NBWPG", "style": {"Size:": " 6-Pack"}, "reviewerName": "Peter Anrico", "reviewText": "Works mice don't like it. It kills them.", "summary": "Five Stars", "unixReviewTime": 1516579200} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A1DQJN3F2IOD3D", "asin": "B000E28UQU", "reviewerName": "T-RAY", "reviewText": "This works very well for the price. I use it to start seeds. A little \"rain\" 4 times a day resulting in great germination. Sturdy and reliable.", "summary": "Well priced ordering 2 more right now.", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AYW8LOQHT9NO0", "asin": "B00104WRCY", "style": {"Size:": " 40 Inch", "Color:": " Stainless", "Style:": " Front Controller"}, "reviewerName": "Always Number 2", "reviewText": "I bought this smoker as a gift for a friend. He uses it quite often.", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A59XDNL5CB2T5", "asin": "B00004RALL", "style": {"Color:": " Black"}, "reviewerName": "Kathy G.", "reviewText": "Perfect size for up to about six people. (Six burgers, chicken breasts, etc.) doesn't require as much charcoal as the larger size grill and they taste so much better than on a gas grill. Be sure to get the Weber table too. Makes it safer by holding the grill in place and level.", "summary": "Perfect size for up to about six people", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2013", "reviewerID": "A2WZX8H4W0BQW8", "asin": "B000WEMFSO", "reviewerName": "Milan Plechata", "reviewText": "This brush is so much better than the plastic ones I'd used before. The best part is you can clean the residue off the bristles over the coals as they heat up.", "summary": "Great brush!", "unixReviewTime": 1359244800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2011", "reviewerID": "A2PMNH4LV7AR49", "asin": "B0013XXQ68", "reviewerName": "R. Balboa", "reviewText": "Definitely OEM replacement, fit like a glove, and saved quite a bit of money. I will buy from them again.", "summary": "PERFECT FIT", "unixReviewTime": 1304380800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A2JWW3XF0Z6KMI", "asin": "B0007KP9SG", "style": {"Style:": " Cast Aluminum"}, "reviewerName": "T-Dub", "reviewText": "Nice casting to replace my plastic one of the same design", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A3SEXNQC2V4K8T", "asin": "B000SDKGC6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Joe McCarthy", "reviewText": "Borrowed trap from a friend. Placed it in the run. Got him within 2 days. So I bought one for myself and got rid of my old trap.", "summary": "Works Great.", "unixReviewTime": 1375056000} +{"overall": 4.0, "verified": true, "reviewTime": "09 17, 2017", "reviewerID": "A3D44572MFVIMI", "asin": "B000FK03I4", "style": {"Size:": " 7 in."}, "reviewerName": "Comin Seance", "reviewText": "Great product well made.", "summary": "Sturdy", "unixReviewTime": 1505606400} +{"overall": 3.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A29KYLEDQTV0E6", "asin": "B000W93LUU", "style": {"Size:": " Wasps"}, "reviewerName": "Joeybones", "reviewText": "Not sure if its working . Hard to tell if it really has any effect. But again I have not noticed a tremendous amount of wasps either.\nBeing made out of thin paper it out to be a few buck cheaper.", "summary": "Seems to work ?", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "A3HJHDO0WDRW2Q", "asin": "B000HHO1RO", "style": {"Package Quantity:": " 1"}, "reviewerName": "John P. Eversole", "reviewText": "item as stated and delivered on time", "summary": "Five Stars", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2017", "reviewerID": "A38GOD8TMYD728", "asin": "B000PGMU5C", "style": {"Size:": " 10-Foot"}, "reviewerName": "Spl", "reviewText": "Man does it warm up the pool, don't leave it on too long or your have a hot springs", "summary": "Man does it warm up the pool,", "unixReviewTime": 1500249600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "AAV9W1PTL5V2N", "asin": "B000W4QKIU", "reviewerName": "Michelle Malson", "reviewText": "I really like this flag stand. It has been through many storms and heavy winds with and without flags attached and has not budged or broken. I keep it in my front yard and put a different Toland flag on it monthly.", "summary": "Great for my flags", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "AE8A8JTZXV8G0", "asin": "B0002913MI", "style": {"Size:": " 14 in. Surface", "Color:": " Black"}, "reviewerName": "Alfred Carlson", "reviewText": "VERY GOOD", "summary": "Five Stars", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A3S52KVPOOTF36", "asin": "B000V63VRC", "reviewerName": "C Johnson", "reviewText": "High quality flag. Made of strong material and surprisingly has solid, thick stitching for the star etc. Very well made. Highly recommend.", "summary": "High quality flag. Made of strong material. Very well made. Highly recommend.", "unixReviewTime": 1500681600} +{"overall": 4.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A1Q09G6DWCSMJ8", "asin": "B000IJWUM4", "style": {"Size:": " 1.33-Gallon"}, "reviewerName": "Lee vande", "reviewText": "too soon to tell.", "summary": "Four Stars", "unixReviewTime": 1493164800} +{"overall": 5.0, "verified": false, "reviewTime": "09 29, 2014", "reviewerID": "AZPW0SQSGI7TX", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "Bicyclerepairman", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1411948800} +{"overall": 3.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A2IIUOMQEQA6Z8", "asin": "B000WZCSTO", "style": {"Size:": " 0in. x 0in. x 0in."}, "reviewerName": "Bob McC", "reviewText": "I should have read more of the reviews. The unit is nicely made but is very small. Will still put it in the MH for misc. digging.", "summary": "Tiny", "unixReviewTime": 1432166400} +{"overall": 4.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "A5ROQHFQ93WGM", "asin": "B000CZ4JCI", "style": {"Style:": " Junior with Telescoping Handle"}, "reviewerName": "Kindee", "reviewText": "I still haven't figured out how to use this properly, but I really like having it for getting in between plants. I would buy it again and recommend it to other.", "summary": "Light weight and good quality", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2016", "reviewerID": "A163SEZAXPRDY7", "asin": "B000TJLY8O", "style": {"Color:": " Terra Cotta"}, "reviewerName": "Super Steve", "reviewText": "Bought 4 of these ... for storing / moving patio planters in the Fall / Winter", "summary": "Nice Product", "unixReviewTime": 1474848000} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "A3GHC95TNZWENY", "asin": "B00004RA8P", "style": {"Size:": " 1 Pack"}, "reviewerName": "Leilani", "reviewText": "Good basic feeder for the price, works as it's supposed too,", "summary": "Good feeder", "unixReviewTime": 1406851200} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A28N408NY06UXE", "asin": "B0015031R8", "style": {"Size:": " 1 pack"}, "reviewerName": "JUAN C.", "reviewText": "good product, has helped me a lot", "summary": "Recommended", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A1YFHHCW8G8JDH", "asin": "B000VLFE6I", "style": {"Size:": " 12 lb"}, "reviewerName": "Robin L.", "reviewText": "Been in service for 3 years. Hung where it is protected from the weather. No complaints.", "summary": "Five Stars", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A1DJYOKICIJ0GS", "asin": "B000NCVKG8", "style": {"Size:": " 1 Lb Pouch"}, "reviewerName": "RLA", "reviewText": "Fresh veggies in the winter. I love them as salads and on sandwiches.", "summary": "I love them as salads and on sandwiches", "unixReviewTime": 1462492800} +{"overall": 4.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A3OOM7KDG8W1MT", "asin": "B000PB4MGC", "style": {"Size:": " 3 in x 40", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Mike", "reviewText": "Worked out great!", "summary": "Four Stars", "unixReviewTime": 1508803200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A8DRZAX1UXPGH", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "Bum L.", "reviewText": "Very heavy duty product.", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 1.0, "verified": true, "reviewTime": "02 20, 2017", "reviewerID": "A1SBOSLUDIS6UF", "asin": "B000WEIIOE", "reviewerName": "Amazon Customer", "reviewText": "hard to clean and keep clean. Buy a non stick one", "summary": "One Star", "unixReviewTime": 1487548800} +{"overall": 5.0, "verified": false, "reviewTime": "07 9, 2017", "reviewerID": "A90QZEV9ENYTD", "asin": "B000HZRF92", "style": {"Size:": " 4-Pound"}, "reviewerName": "Doberman", "reviewText": "Great stuff, keeps my above ground pool crystal clean. I put 2 tablets in a floating dispenser and they last for a full week. The clorine level is usually fairly stable and stays within the recommended range.", "summary": "Works fine, steady release of chemicals", "unixReviewTime": 1499558400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A58EX1CIY4Q6R", "asin": "B000PBXETS", "style": {"Color:": " Red"}, "reviewerName": "J-dubya", "reviewText": "Works great", "summary": "Nice product, works perfectly", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2017", "reviewerID": "A1QJLN8Y85C1N6", "asin": "B000W495SC", "style": {"Size:": " Adirondack Chair"}, "reviewerName": "jaime cardenas", "reviewText": "Great for any type of weather", "summary": "Good buy", "unixReviewTime": 1491696000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A3MYQWDKCO3AA9", "asin": "B0007MGCSU", "style": {"Style:": " 2017 Edition"}, "reviewerName": "Amazon Customer", "reviewText": "Great product fast delivery", "summary": "Five Stars", "unixReviewTime": 1405987200} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2017", "reviewerID": "A22GTQLI6RSTL6", "asin": "B000HAAOKY", "style": {"Size:": " 2.2-Ounce"}, "reviewerName": "Captain Drew", "reviewText": "Have used this product for years and this is the best price I have found!", "summary": "best price I have found!", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "12 23, 2015", "reviewerID": "A25DSP2DU6YGIU", "asin": "B001538FEO", "style": {"Size:": " 4 Pack"}, "reviewerName": "David H.", "reviewText": "Cost a little more than other sticky traps, but by far the best sticky traps I've purchased.\nI live in Tennessee and the Hobo spiders were crazy this fall, and these traps caught a ton!", "summary": "Bye spiders!", "unixReviewTime": 1450828800} +{"overall": 3.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "ADSJK5Z0E57FQ", "asin": "B0018C6N14", "reviewerName": "Linda Jamin", "reviewText": "There's no way to know since I've used topical fungicides at the same time. In any case it DIDN'T work on the arbor vitaes because I didn't get results until I used copper spray. THAT works.", "summary": "Don't know really", "unixReviewTime": 1372032000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A1CSXCOK5WCMTT", "asin": "B000F8V29K", "style": {"Size:": " 3 by 5 Foot"}, "reviewerName": "Carlo V. Principio", "reviewText": "If you want a flag that is made in the US and excellent material...this is it!", "summary": "... a flag that is made in the US and excellent material.", "unixReviewTime": 1508371200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A3QFGG8E322WOF", "asin": "B001B3WFNK", "reviewerName": "CFOUR", "reviewText": "Five-star plant it grows well I'm my 5 gallon tank", "summary": "I love my plant it is growing well done 9GreenBox", "unixReviewTime": 1438732800} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A398GT0I72TL41", "asin": "B000EM2SSG", "reviewerName": "Mike Kay", "reviewText": "Very nice shears. Cuts through everything I've thrown at it so far without difficulty.", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 2.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A5U2GGFWKZ1R9", "asin": "B000BQRQ8C", "reviewerName": "Amazon Amazing service!", "reviewText": "I think they need to put more of the stuff that attracts the flies in this huge bag or if that doesn't work, put something in that will attract more flies. Yes, a few went in.", "summary": "Did not do the job", "unixReviewTime": 1375401600} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "ACJWDKOEH1WEQ", "asin": "B00061MSS0", "style": {"Size:": " 32_ounce"}, "reviewerName": "Bob Bigwood", "reviewText": "You wanta get this fir your chicken coop will not harm them !!!!!", "summary": "Just as Discribed!!!! Works Great!!!!", "unixReviewTime": 1510876800} +{"overall": 5.0, "verified": false, "reviewTime": "02 27, 2016", "reviewerID": "A3E12VF27D96S2", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "pink", "reviewText": "Very big", "summary": "Five Stars", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A243K3Y7NEIR4G", "asin": "B000HHLHK8", "style": {"Size:": " 1 Pack", "Color:": " Red"}, "reviewerName": "sunny", "reviewText": "The birds love this basket.", "summary": "Five Stars", "unixReviewTime": 1522713600} +{"overall": 3.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A39B8SOM5ELMK9", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "harveycop", "reviewText": "Works OK when the clamp does no loosen from the frame of the pool. Does this too often and compromises the pump prime.", "summary": "just fair...works when it does not loosen from the side of the pool.", "unixReviewTime": 1446940800} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A24IAJBMHR03GA", "asin": "B000UEYZ4S", "style": {"Size:": " 1 PACK"}, "reviewerName": "Helen Orr", "reviewText": "Does what it's supposed to for half the price of local store cost", "summary": "Four Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A2RMRC0PNJUYDV", "asin": "B000VU4KM8", "reviewerName": "Frequent buyer", "reviewText": "Great device and really gets leaves and trash up.", "summary": "Happy customer", "unixReviewTime": 1446940800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A20AH70HG1UBL5", "asin": "B0010OFBD6", "style": {"Item Package Quantity:": " 2", "Package Quantity:": " 2"}, "reviewerName": "Donna J. Clay", "reviewText": "Works fabulously... will have to see how long it holds up but hopefully that'll be way down the line....", "summary": "Five Stars", "unixReviewTime": 1474329600} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2014", "reviewerID": "A5DCOCXDVGKYQ", "asin": "B0012YIB2W", "reviewerName": "Jewell Kelley", "reviewText": "Is staying alive, has been blooming but the blooms keep falling off, the blooms are very fragrant, thanks, J.K.", "summary": "Four Stars", "unixReviewTime": 1404259200} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "05 2, 2015", "reviewerID": "A333GTJJ1YE1UV", "asin": "B000H68U9K", "style": {"Size:": " 3.5 lbs."}, "reviewerName": "Kelli", "reviewText": "it does work that is the vacuum fan is great idea but the light only lasts about 3 or 4 months ((needs to last much longer year or more please help needs to change)) and the fan and quality of the product is poor...", "summary": "product needs to be updated and changed a little help is needed all the lights most of their product only 3 or 4 months", "unixReviewTime": 1430524800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81KDwuaAgJL._SY88.jpg"], "overall": 5.0, "vote": "7", "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A2BSQTEQCRHQSX", "asin": "B0013I2MSG", "style": {"Color:": " Sandstone"}, "reviewerName": "Tonia", "reviewText": "Looks great!", "summary": "Looks great", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2017", "reviewerID": "A1508AVKVR035Q", "asin": "B000BP7M4G", "reviewerName": "Paul Anderson", "reviewText": "Very strong little magnets.", "summary": "Five Stars", "unixReviewTime": 1493424000} +{"overall": 4.0, "verified": true, "reviewTime": "03 16, 2018", "reviewerID": "A1IQV9RC4K0ZNK", "asin": "B000CZ2XRG", "style": {"Style:": " Free-Standing with Faucet"}, "reviewerName": "Evangelos Iatridis", "reviewText": "LIKE IT", "summary": "Four Stars", "unixReviewTime": 1521158400} +{"overall": 5.0, "verified": false, "reviewTime": "11 3, 2014", "reviewerID": "A491QGOBO2S86", "asin": "B001DO18FS", "reviewerName": "F_S", "reviewText": "I had to order this product to replace one that went bad. It was easy to install and has worked well now for over a year. It provides accurate water temperature and air temperer readings.", "summary": "... to order this product to replace one that went bad. It was easy to install and has worked ...", "unixReviewTime": 1414972800} +{"overall": 5.0, "verified": false, "reviewTime": "04 18, 2017", "reviewerID": "A2PGYL4WLMIXXV", "asin": "B000OV8WKK", "reviewerName": "MsEvansInCA", "reviewText": "No burn orchid fertilizer and I've been using it for years. Wouldn't want to even try another brand. I use this 20-20-20 all year around.", "summary": "No burn fertilizer.", "unixReviewTime": 1492473600} +{"overall": 2.0, "verified": true, "reviewTime": "09 17, 2016", "reviewerID": "A1R31ZRER8XMEC", "asin": "B0013HO0E6", "reviewerName": "Mizbet", "reviewText": "Barely lasted one year, now the outside sensor doesn't work. It would cost me $15 plus shipping to replace.", "summary": "Not happy!!!!!", "unixReviewTime": 1474070400} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A2S5AZRKEELGM", "asin": "B000DEN8DY", "reviewerName": "N.AA..", "reviewText": "works as expected", "summary": "ok", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A36C6R8MR3LJJL", "asin": "B0013LI4GM", "style": {"Size:": " Pack of 1"}, "reviewerName": "unbelieveable", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2013", "reviewerID": "A32MHSFAUFY09P", "asin": "B001ASHLSU", "reviewerName": "DIYer", "reviewText": "Have used it every day for one year now and it has started on the first pull every time! The only complaint is the off/on switch location. I have turned it off accidentally several times when my hand slides up the handle. This bad boy has been bullet proof.", "summary": "Finally, one that works", "unixReviewTime": 1385510400} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A6W4TZ1IACE9R", "asin": "B000FHAJ90", "style": {"Size:": " 2-Pack"}, "reviewerName": "rspoor", "reviewText": "These do a good job when it's not too hot. In the heat of summer, in Texas, they can't keep up more than a day or two. Beautiful bulbs (easily break).", "summary": "Not for long term heat", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "A291Q7S3QMGBDZ", "asin": "B000GLFAJE", "style": {"Color:": " Copper"}, "reviewerName": "The General", "reviewText": "This replaced an old, worn out one. Love it.", "summary": "Love it.", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A1AA62JAHGF2TR", "asin": "B00004RBDU", "style": {"Size:": " 3 Pack"}, "reviewerName": "mommaG", "reviewText": "For the first time in 5 years, my dog got fleas ah all the scratching, vaccumming and bed washed, has about drove me insane!!! I love this flea trap!!! I wish they were a little cheaper so j could afford to have them all over my house!!!", "summary": "Saved my sanity!!!!", "unixReviewTime": 1445385600} +{"overall": 3.0, "verified": false, "reviewTime": "05 3, 2017", "reviewerID": "A2Z5GRMFO53IIG", "asin": "B00012D02W", "style": {"Style:": " Greenhouse"}, "reviewerName": "Joseph E. Readl", "reviewText": "I have had this product for about four years with no problem. BUT this year the door zipper broke.", "summary": "Good Product....Bad Zipper", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A3RCLYH7DV9IJ8", "asin": "B000HJDG0U", "style": {"Size:": " 1 Pound"}, "reviewerName": "ken1937", "reviewText": "wipe out ants fast.", "summary": "Five Stars", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A3EV5GLSFWNLG1", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Black", "Style:": " Digital/No Window"}, "reviewerName": "Brad Johnson", "reviewText": "I am actually smoking great ribs...wow. This is a great product.", "summary": "great ribs...finally", "unixReviewTime": 1465084800} +{"overall": 4.0, "vote": "11", "verified": true, "reviewTime": "03 24, 2013", "reviewerID": "A3F4K8342HPSPW", "asin": "B000IF23OS", "style": {"Size:": " 20 Inch"}, "reviewerName": "Phil", "reviewText": "just got them and very impressed. they were a lot bigger than i though they would be (good thing). they will be used for blueberry and dwarf fruit trees. the container is just as is, simple container of plastic.", "summary": "great buy", "unixReviewTime": 1364083200} +{"overall": 3.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A19BPNTO1HO4BV", "asin": "B000PBZFJK", "reviewerName": "sffone", "reviewText": "The big problem I had with this feeder is that it would not hang properly -- I could never get the feeding platform to hang level. With the feeder always hanging at an angle, some feeding ports provided more nectar than others.", "summary": "Feeding platform not level", "unixReviewTime": 1410652800} +{"overall": 3.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A39RM0Y6Y406N6", "asin": "B001693Y3Y", "style": {"Package Quantity:": " 1"}, "reviewerName": "carol aka dragonfly lady", "reviewText": "about enough to make 2-3 planters when mixed with perlite and planting soil.", "summary": "order a few bags or very large bags.", "unixReviewTime": 1491350400} +{"overall": 4.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A26H2IEUXGIYDZ", "asin": "B001EM0TZE", "reviewerName": "Kindle Customer", "reviewText": "works great and much cheaper than going to the pool store", "summary": "Four Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": false, "reviewTime": "10 20, 2014", "reviewerID": "AEIVAEDJUKW5I", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 396 GPH", "Style:": " Fixed Flow"}, "reviewerName": "BOB TYLER", "reviewText": "HAD SMALLER ECOPLUS PUMP BUT ADDED ADDITIONAL BATO BUCKETS TO SYSTEM AND NEEDED LARGER PUMP. IT WORKS GREAT WITH A GOOD FLOW OF NUKES TO PLANTS. GREAT BUY ALSO.", "summary": "IT WORKS GREAT WITH A GOOD FLOW OF NUKES TO PLANTS", "unixReviewTime": 1413763200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A1JB0CQVNWR12L", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "Kendra", "reviewText": "Just what i expected.", "summary": "Five Stars", "unixReviewTime": 1506384000} +{"overall": 4.0, "verified": true, "reviewTime": "10 22, 2015", "reviewerID": "A1KIWAANVQ2N4O", "asin": "B000NCWP44", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "DylanMitchell", "reviewText": "Gilmour makes great quality products and these washers are better than most you find. They are 3/4 so don't buy them if you have a 5/8 hose.", "summary": "Quality hose washer for 3/4 hose, does not fit 5/8 hoses", "unixReviewTime": 1445472000} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2015", "reviewerID": "A2RELP6IUPLM46", "asin": "B0016AJCGQ", "reviewerName": "Terry", "reviewText": "Fit my Felco secateurs perfectly.", "summary": "Genuine Replacement Parts", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A2TPA0F97VR3VJ", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Myer E.", "reviewText": "You got my business, tanx", "summary": "Five Stars", "unixReviewTime": 1508889600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2014", "reviewerID": "AZZTOUKVTUMVM", "asin": "B000WEKLV2", "reviewerName": "DGBradley", "reviewText": "What can I add, these look and fit just like the original bars that came on my Weber Genesis A grill.", "summary": "Just like the old ones!", "unixReviewTime": 1390867200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A11V72WYGSSXM5", "asin": "B0002FGFIO", "reviewerName": "Ronald D. Weinstein", "reviewText": "Work well to clean grill, easy to wash and keep clean in top of dishwasher. Lasts and lasts.", "summary": "easy to wash and keep clean in top of dishwasher", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A2IG3RR1D7YHA1", "asin": "B001CEJA72", "style": {"Package Quantity:": " 1"}, "reviewerName": "Malvis D. Smith", "reviewText": "Works like my other one", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "09 18, 2005", "reviewerID": "A33OF5NLPRZ5YT", "asin": "B0002UMYD4", "reviewerName": "A K Q 10 2", "reviewText": "Very nice little device. It works great and is fairly accurate. The size and color works well with our kitchen. Its very nice to see the indoor and outdoor temps at one glance. The wireless setting were a breeze once I read the instructions. No complaints at all.", "summary": "Wonderful Weather Station", "unixReviewTime": 1127001600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A22RQQ56OOQFCJ", "asin": "B0006OIZO8", "style": {"Size:": " 3x5"}, "reviewerName": "KF", "reviewText": "Very sticky. Bugs do not get out once they land on it.", "summary": "Very sticky", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A1K5YHNTHFCM3Q", "asin": "B001E06892", "reviewerName": "MIKE", "reviewText": "great replacemen for my old filter unit.", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "AOKDM5ER3NIB3", "asin": "B000V4JOMA", "reviewerName": "P. Walton", "reviewText": "I needed this for the umbrella to fit into a glass table as the stock one had come out. This product worked great, easy fit, and install. So far, wind has come up, and the umbrella is steady....great for keeping my glass table from cracking.", "summary": "Great product, easy install", "unixReviewTime": 1465084800} +{"overall": 1.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A6C1I8BIKEGXW", "asin": "B000AS22P8", "reviewerName": "Sometimes unhappy", "reviewText": "This product is just what I wanted but it just didn't register the correct temperature. It was off by 5-10 degrees and could not be adjusted properly. I returned it for a prompt credit", "summary": "Unhappy", "unixReviewTime": 1437091200} +{"reviewerID": "A10ECGQ3HEX7FP", "asin": "B00128C6G0", "reviewerName": "Faithful", "verified": true, "reviewText": "Did not grow", "overall": 1.0, "reviewTime": "07 23, 2015", "summary": "One Star", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A13ME6X8RTKE6I", "asin": "B0018U03AS", "reviewerName": "W.P.", "reviewText": "The mulch feature works MUCH better than my original Torro mulching blade.", "summary": "Better than the OEM Torro blade", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A1MM9BEXXE880G", "asin": "B00002N674", "style": {"Size:": " 50 Feet"}, "reviewerName": "Karen C. McCoy", "reviewText": "Gilmour makes the best products. perfect weight and strength for a serious gardener.", "summary": "just what I needed for an add-on hose", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": false, "reviewTime": "06 30, 2017", "reviewerID": "A1HFO0V451RSDX", "asin": "B000KL6T18", "style": {"Size:": " 16-Pound Bag"}, "reviewerName": "MsSueToo ", "reviewText": "This bird food is by far the best I've ever bought. I have bought many different brands and the quality is superior to the others. My bird's are very happy !!!!", "summary": "Happy Birds", "unixReviewTime": 1498780800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A39E49Q06376TH", "asin": "B00107039U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "David E. Ward", "reviewText": "Love this kit makes the test strips useless and lets you test all aspects of your water chemistry.", "summary": "Great Kit", "unixReviewTime": 1423180800} +{"reviewerID": "AYQN3UUVF7BWF", "asin": "B0002ATZ18", "reviewerName": "Flatware Seeker", "verified": true, "reviewText": "We researched hammocks and landed on this one and we're glad we did. Comfy, large and a beautiful hammock. Installed easily.", "overall": 5.0, "reviewTime": "06 1, 2014", "summary": "Love it!!", "unixReviewTime": 1401580800} +{"overall": 2.0, "verified": true, "reviewTime": "08 1, 2016", "reviewerID": "A19YQJC5ZPIJVR", "asin": "B00004TBJT", "style": {"Color:": " White", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "not accurate", "summary": "Two Stars", "unixReviewTime": 1470009600} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2016", "reviewerID": "A12QX5WRFEHC4Z", "asin": "B000XTKAUI", "style": {"Item Package Quantity:": " 10", "Package Quantity:": " 10"}, "reviewerName": "Robert Brownell", "reviewText": "very good service and product\nThanks", "summary": "very good service and product", "unixReviewTime": 1476057600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A2XIIOS32X81I5", "asin": "B0018TY80A", "reviewerName": "Starz4you", "reviewText": "Used it to attach to impeller blade to after cutting it to fit to improve snow thrower performance and much less ice build up in discharge chute.", "summary": "Used it to attach to impeller blade to after cutting ...", "unixReviewTime": 1458000000} +{"reviewerID": "A2ABSQQGKU4NMB", "asin": "B00004R9UA", "reviewerName": "R.L.R.", "verified": true, "reviewText": "A LITTLE LIGHT", "overall": 4.0, "reviewTime": "06 14, 2016", "summary": "Four Stars", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "A2BU5J9IQEPDJQ", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "George and Anna Forrester", "reviewText": "This is a bit of a new twist on a necessary item.", "summary": "This seems to be a new twist.", "unixReviewTime": 1450483200} +{"overall": 3.0, "verified": true, "reviewTime": "08 2, 2013", "reviewerID": "A2I85CXWERIJVM", "asin": "B0010XT4PS", "reviewerName": "Doone", "reviewText": "We use it but the bromide levels stay pretty high with it. It is cute and tips when tablets are low.", "summary": "Ducky", "unixReviewTime": 1375401600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A3G52OHG8BVZ93", "asin": "B000HCLLMM", "style": {"Size:": " X-Large"}, "reviewerName": "Iceman", "reviewText": "Very nice, well made looks good too", "summary": "Nice", "unixReviewTime": 1464480000} +{"overall": 2.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A2CRN33134Z12H", "asin": "B000CO3GEQ", "reviewerName": "carol s", "reviewText": "Well...the birds in my backyard definitely notice the sound...they look in the direction...and take off! I am not sure what this thing is saying to them but it is definitely not making them happy!", "summary": "I am not sure what this thing is saying to them but it is definitely not making them happy!", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "A2V63PKTP6OTYY", "asin": "B001C1E0L6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Sharon C. Maxwell", "reviewText": "This is a replacement bag and it came fast and it is great, it picks up everything in the pool", "summary": "Just what we needed", "unixReviewTime": 1400803200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2014", "reviewerID": "AO4RCSZK83ENV", "asin": "B0014ZQIRE", "reviewerName": "Pandora", "reviewText": "If you would like to capture sunshine this is it, well pleased. The reflections are bright and clear, the colors are amazingly distinct.", "summary": "If you would like to capture sunshine this is it", "unixReviewTime": 1410220800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "AJJKN62U1KZ6A", "asin": "B0014DMB0O", "reviewerName": "Docwas", "reviewText": "Easy to add weight with a variety of materials. Very stable. Glad I selected this one from the many available.", "summary": "Great flag floor stand", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A2PB4BDSK3OE1T", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "Matthew Gross", "reviewText": "Works great!", "summary": "Excellent Value!", "unixReviewTime": 1433116800} +{"overall": 4.0, "verified": false, "reviewTime": "02 18, 2015", "reviewerID": "A3CNM5N4INTQHK", "asin": "B0015Z417W", "reviewerName": "Cpt", "reviewText": "It does the job by lifting the cover and keeping it off the ground, easy to use", "summary": "Spa caddy", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2016", "reviewerID": "A3BA273H8K1G77", "asin": "B000BOC7QK", "style": {"Color:": " Original Version"}, "reviewerName": "Billy K", "reviewText": "Chain cuts and performs like the original. Would not buy anything but.", "summary": "Original replacement makes the difference", "unixReviewTime": 1477612800} +{"overall": 3.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A3D7L2CLNFAFH9", "asin": "B000KOPVP0", "reviewerName": "tctopcat", "reviewText": "The deer do seem to be coming to this however the coons like it a lot more. I prefer the molasses infused blocks myself.", "summary": "... seem to be coming to this however the coons like it a lot more", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A1NMM0RDRF6R84", "asin": "B000RYMGCO", "style": {"Style:": " 30-Inch"}, "reviewerName": "Blaydese", "reviewText": "Works great!\n\nThis is the SMALL version, Home Depot has the larger one.\n\nMakes putting in posts, plants, stakes, etc. so much easier.", "summary": "Just what I needed, no more post digger...", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A1UWK7D7CPQ92O", "asin": "B00004RA82", "reviewerName": "Carl Le Blanc", "reviewText": "very good chains to use. AAA+++", "summary": "Five Stars", "unixReviewTime": 1482364800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "AMHBNXX529XQB", "asin": "B0013NRY66", "reviewerName": "Mikel John", "reviewText": "This is a nice flag for $7 You can see the image on both sides. I wouldn't leave out in the weather all day everyday. It's a little thin as expected, But it will be perfect for camping weekends at ren fest.", "summary": "You can see image on both sides", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A2ML3X6FOB1WGA", "asin": "B0012GTU3O", "reviewerName": "Aaron Turner", "reviewText": "Easy to use and accurate gauge. Much better then those gauge strips you stick on the side of the tank.", "summary": "Easy to use and accurate gauge.", "unixReviewTime": 1475539200} +{"overall": 3.0, "verified": false, "reviewTime": "07 27, 2013", "reviewerID": "A1YM3S5OIASTBT", "asin": "B001BLP28M", "reviewerName": "Amazon Customer", "reviewText": "These bags cost way to much for the length of time to replace them. The zipper is a lot easier to use but the bag still tears in a couple of months. I guess it depends of what kind of debris it picks up and mine has to pick up a lot of rough leaves from neighbors tree.", "summary": "the zipper is better then the velcro but bags still tear", "unixReviewTime": 1374883200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "AMTJBCIAPLDO3", "asin": "B000XTMG8W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "George E. Davidson", "reviewText": "Great seller, fast shipping, well made product, thanks.", "summary": "Gilmour 528T Solid Brass Twist Nozzle", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2015", "reviewerID": "ASL1L2OYZIL9B", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "camaroz53209", "reviewText": "Worked perfectly, need to remember to change it more regularly.", "summary": "Five Stars", "unixReviewTime": 1430092800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "AXNF73340WVUK", "asin": "B000XS5EZA", "reviewerName": "Richard", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1449532800} +{"reviewerID": "A1EQ53L6WAX48L", "asin": "B00128C6G0", "reviewerName": "Richard South", "verified": true, "reviewText": "An interesting tomato----different in looks but good tasting", "overall": 4.0, "reviewTime": "03 13, 2016", "summary": "Four Stars", "unixReviewTime": 1457827200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A2N80BSH7X8CM", "asin": "B000SZGU42", "reviewerName": "Jeff Crowe", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "AS39MLYV0KZNZ", "asin": "B0014SKUN4", "reviewerName": "H. Boggs", "reviewText": "This allows us to tilt our American Flag in a more proud and upward position.", "summary": "Great for angled facia.", "unixReviewTime": 1417478400} +{"overall": 2.0, "vote": "5", "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A1W83LEYOCCLZB", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "Szoo2", "reviewText": "Looks like OME but not as durable. In this case, you get what you pay for. They look and fell identical except they wear out twice as fast.", "summary": "Get what you pay", "unixReviewTime": 1493596800} +{"overall": 4.0, "verified": true, "reviewTime": "04 11, 2011", "reviewerID": "AF5ETZ8HTFJVW", "asin": "B0012W3V4C", "reviewerName": "Randy", "reviewText": "Easy to install and helps keep track of hours run on my generator. I will now know when to change the oil.", "summary": "Tracks your runtime", "unixReviewTime": 1302480000} +{"overall": 3.0, "verified": true, "reviewTime": "08 9, 2013", "reviewerID": "A1BKEIZB0CJSTL", "asin": "B0013I2MSG", "style": {"Color:": " Granite"}, "reviewerName": "Roberta", "reviewText": "I purchased this rock to hide some of the equipment and electrical outlets for my pond. I like the shape but the color is on the blue side and it looks artificial. I am planning on painting it with a granite textured spray paint in a greyer tone.", "summary": "Purchased to Hide Pond Equipment", "unixReviewTime": 1376006400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A34ZGCLI9575RV", "asin": "B0002YSY20", "reviewerName": "Brichell", "reviewText": "Great product, fast shipment", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": false, "reviewTime": "07 28, 2014", "reviewerID": "A1JBQQ0BO9H7Z4", "asin": "B000WGTK62", "reviewerName": "mike w", "reviewText": "I've taken this on 4 camping trips this year. I sometimes had to spray the area 3 or 4 times when it was windy but it took care of the insects.", "summary": "works great.", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2015", "reviewerID": "ARNW1GGYB8FW", "asin": "B001AN7RGG", "reviewerName": "Jeff Freeman", "reviewText": "Skeptical at purchase time, but surprisingly they work great!", "summary": "but surprisingly they work great!", "unixReviewTime": 1426636800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A1ZLM4F6FE84D8", "asin": "B0015031R8", "style": {"Size:": " 1 pack"}, "reviewerName": "Porscheguy", "reviewText": "The VERY BEST ant bait/killer on the market for small \"sweet\" ants.", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 4.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "ALFM8MV7A9TVF", "asin": "B0016AJC0W", "style": {"Size:": " 3\" x 50'"}, "reviewerName": "C.S. Forester", "reviewText": "Worked okay!", "summary": "Four Stars", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2012", "reviewerID": "A4X3DZ41QN5BW", "asin": "B0012FRZFU", "reviewerName": "MartyB", "reviewText": "For me this was an outstanding buy on Amazon. Delivery, a day early and packaging was perfect. I used it last weekend to trim my shrubs, it did a nice job and worked wonderfully. I only wish it could pick up and the trimmings as well.", "summary": "Well Worth For Me", "unixReviewTime": 1334361600} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "APH4EG6DRPMCT", "asin": "B00022O68S", "style": {"Color:": " Gray", "Style Name:": " Fits: Oversized Wicker Chairs (up to 36\" W x 41\" D x 41\" H)"}, "reviewerName": "bev", "reviewText": "Purchased two and they fit my wicker chairs to a \"T\"! Velcro to fasten around the legs is a great addition. Fabric seems like it will hold up. Winter hasn't hit yet so I'm hoping they'll look the same come spring.", "summary": "Velcro to fasten around the legs is a great addition. Fabric seems like it will hold up", "unixReviewTime": 1416787200} +{"overall": 3.0, "verified": false, "reviewTime": "09 11, 2014", "reviewerID": "A1M5HJLJ6EDHFU", "asin": "B000VIC4K0", "reviewerName": "VICKIE KETCHUM", "reviewText": "seeds won't sprout, followed directions????", "summary": "Three Stars", "unixReviewTime": 1410393600} +{"overall": 2.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A2IND015H56V2M", "asin": "B000OVCI2S", "style": {"Size:": " 1 pound"}, "reviewerName": "Mark E", "reviewText": "didn't work", "summary": "Two Stars", "unixReviewTime": 1489276800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "08 16, 2011", "reviewerID": "AUISG9VPOKYXT", "asin": "B000WEKLV2", "reviewerName": "Jeff", "reviewText": "I ordered the flavorizer bars and a couple of other Webber parts for my grill and I now have a new grill.\nI looked at these bars in a store then checked them out here, big savings for the same product.\nThey work great!\nHighly recommend these.", "summary": "Weber Outstanding", "unixReviewTime": 1313452800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2012", "reviewerID": "A1BQFTITD6JC7F", "asin": "B0012QB29E", "reviewerName": "Walt", "reviewText": "This is an excellent product that does a great job. I was also very pleased with how fast I received my order!", "summary": "Excellent Product", "unixReviewTime": 1349395200} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A3NETOFQ8DYKNI", "asin": "B000W44GH2", "style": {"Size:": " Small"}, "reviewerName": "C-JAMM'S", "reviewText": "Very well made and looks nice on the patio in the winter. It has held up very well through the heavy rain and winds we have had this winter. Highly recommend for patio furniture protector.", "summary": "Patio furniture protector", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A2G5SZIZDM9I84", "asin": "B000FFA08C", "style": {"Size:": " 8 Ounces"}, "reviewerName": "KEN", "reviewText": "Works well with Dr. Bronner's Sal Suds soap for bugs and fungi on plants.", "summary": "Great stuff.", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2017", "reviewerID": "A3UCNWNP27VX6F", "asin": "B001D61DKQ", "reviewerName": "Robert T.", "reviewText": "EXCELLENT", "summary": "Five Stars", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A1EJZYR0L84ONN", "asin": "B001AH3C98", "style": {"Color:": " Red"}, "reviewerName": "mms", "reviewText": "work good.!", "summary": "Five Stars", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2014", "reviewerID": "A2Q9ZWQ5NVT19E", "asin": "B000KKMMR4", "style": {"Color:": " Charcoal"}, "reviewerName": "Johnson", "reviewText": "It works as well as my older doormat did. I have had one for many years and now have three more. I like how well they remove dirt from my shoes.", "summary": "So far so good", "unixReviewTime": 1397779200} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A28NAJSQW618RN", "asin": "B0017SWFJ8", "style": {"Size:": " 1-Pack"}, "reviewerName": "O.G.", "reviewText": "Quickly cleans the hot tub.", "summary": "Works very well.", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A3QVFMPVJ1OEG8", "asin": "B000CSH7VA", "style": {"Size:": " 4 feeding ports"}, "reviewerName": "Cheryl Breeden", "reviewText": "Nice, if only we can get some Hums to visit", "summary": "Five Stars", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2016", "reviewerID": "A2IXM4R9BRGHJU", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "Korewo Q1200 de tukauniwa totemo gouriteki desu.", "summary": "Five Stars", "unixReviewTime": 1477526400} +{"overall": 3.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "AYVZ7OCRNRSTF", "asin": "B000BO919Q", "reviewerName": "love dogs", "reviewText": "the chain saw leaks and there is always oil in the case", "summary": "hate the square box", "unixReviewTime": 1500768000} +{"reviewerID": "A24D0TSE4ELXA2", "asin": "B000YJ45S0", "reviewerName": "Kay Edwards", "verified": true, "reviewText": "Used this before along with the barley straws, and it\nworks great. I usually don't have any problems as long as\nI replace the barley straws every 6 months and give a few\nextra measurements of the pond cleaner in with the straw\nbales.", "overall": 5.0, "reviewTime": "05 20, 2014", "summary": "Pond Cleaner Barley", "unixReviewTime": 1400544000} +{"overall": 3.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A2VZKY18KL4091", "asin": "B0010XX2ME", "style": {"Color:": " Grey & Blue"}, "reviewerName": "mom of 3 teenage girls!", "reviewText": "breaks after about a year", "summary": "Three Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2014", "reviewerID": "A3BXSR4ZFZS72V", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "VictoriaIng", "reviewText": "Perfect replacement tail hose scrubber. These look, fit and feel like the OEM part. Will purchase more for sure.", "summary": "Perfect replacement tail hose scrubber", "unixReviewTime": 1417132800} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "02 13, 2016", "reviewerID": "A1T60BXZR1U447", "asin": "B000ZZUNJS", "style": {"Pattern:": " Case Pack of 1"}, "reviewerName": "shelley rosa", "reviewText": "Did not work at all. I even contacted the company for further instructions. I got no relief from these what-so-ever. I then bought the Raid ones and in 2 days my major ant problem was gone. I will never pinch pennies on ant relief again.", "summary": "Waste of Money. Provided Zero Relief From Ants.", "unixReviewTime": 1455321600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "A7KE3P1DNABTX", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 158 GPH", "Style:": " Fixed Flow"}, "reviewerName": "GauloisUSA", "reviewText": "As good as expected", "summary": "Five Stars", "unixReviewTime": 1475366400} +{"overall": 4.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A3902BQHEKT4ML", "asin": "B00169MW5A", "reviewerName": "Barton Brothers", "reviewText": "Very good rain gauge. My only gripe is that it is difficult to place back into the slotted holder. I wish that could be engineered better.", "summary": "Very good rain gauge", "unixReviewTime": 1416355200} +{"reviewerID": "A1RTHYS2X2DK40", "asin": "B001ANQVZE", "reviewerName": "Dancing", "verified": true, "reviewText": "Nice product for ticks.", "overall": 5.0, "reviewTime": "07 11, 2015", "summary": "Five Stars", "unixReviewTime": 1436572800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A1WRJSVJO0NOCG", "asin": "B000IF23OS", "style": {"Size:": " 12 Inch"}, "reviewerName": "cyn n vin", "reviewText": "I use a lot of these pots, in all different sizes. They look nice and they get the job done!", "summary": "Good Pots!", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A10W3MOS0SK8PR", "asin": "B000PGMU5C", "style": {"Size:": " 12-Foot"}, "reviewerName": "hard working nurse", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2014", "reviewerID": "A3R6V6CA02AMQO", "asin": "B000X3KTHS", "reviewerName": "DKS", "reviewText": "Not must first. After many years in the sun, the plastic dies, so I need a new one.\n\nProvides excellent data. Easy to use and read.", "summary": "Excellent product", "unixReviewTime": 1395792000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2017", "reviewerID": "AKGQDCBIINJDA", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Black", "Style:": " Digital/No Window"}, "reviewerName": "DMZ", "reviewText": "Second one - one for my son as a gift and the older one that I have works perfect. Good bang for the buck.", "summary": "... gift and the older one that I have works perfect. Good bang for the buck", "unixReviewTime": 1487548800} +{"overall": 4.0, "verified": true, "reviewTime": "03 23, 2009", "reviewerID": "A6VWVVEFTOWNA", "asin": "B000WEMG24", "reviewerName": "Mike", "reviewText": "This is a well-made charcoal grill that is easy to assemble. It has an 22.5 inch cooking grate that is adequate for most families. Weber makes quality product.", "summary": "Good charcoal grill", "unixReviewTime": 1237766400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A3QRR8PSCBI07C", "asin": "B000WEOQSQ", "reviewerName": "JJM", "reviewText": "Exact replacement for my Weber grille. I have regained the high temperatures that had been lost with the old (original) regulator.", "summary": "Exact replacement - Works great", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "ACDJYQK8NC88R", "asin": "B000BX1KWI", "style": {"Color:": " Multi"}, "reviewerName": "Brenda", "reviewText": "Pole is awesome and my Flag works wonderful.", "summary": "Five Stars", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A2JWBB5ZRTFALR", "asin": "B000P58124", "style": {"Size:": " 2-Inch", "Style:": " 120-Square-Foot"}, "reviewerName": "Ibanez Musician", "reviewText": "Filter works well for my 13k + gallon pool. The top is very easy to remove and secures well.", "summary": "Nice filter housing.", "unixReviewTime": 1408752000} +{"reviewerID": "AWR3RVYUJFNKC", "asin": "B000VHE8RS", "reviewerName": "Dr. David!", "verified": true, "reviewText": "Easy to install and program:\n\nhttps://www.youtube.com/watch?v=FyNXr34XS0w\n\nI upgraded all my sprinkler heads to Rainbird MiniRotary heads.\n\nCould not find these at Home Depot, so thank you AMAZON, once again !!", "overall": 5.0, "reviewTime": "07 11, 2015", "summary": "Rainbird Rotaries Rock !", "unixReviewTime": 1436572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "AJBZA21X823IN", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "Suzanne H", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2014", "reviewerID": "A1TJCZHLOH7DGB", "asin": "B000WYOOQ0", "reviewerName": "sdimilla", "reviewText": "exactly what I expected", "summary": "Five Stars", "unixReviewTime": 1405641600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 21, 2014", "reviewerID": "AHNW06CRQD33O", "asin": "B00004YURI", "reviewerName": "Fletch711", "reviewText": "I think it died after about a year, but she had fun making it beep and giving everyone a headache on the beach. I have no idea if she found anything but it kept her occupied for a very long time.", "summary": "My nice (age 5) loved this", "unixReviewTime": 1390262400} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A15ZBTEQ4IOE7X", "asin": "B0019Y0YCA", "style": {"Size:": " Mini"}, "reviewerName": "M", "reviewText": "The hummingbirds like this feeder and can sit and feed. It is easy to clean and since it is small, I don't waste a lot of nectar. Out of season, it is small and will be easy to store. it was simple to put together.", "summary": "Nice little feeder", "unixReviewTime": 1502841600} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2016", "reviewerID": "A3500F2KEJXPE8", "asin": "B000786GKS", "style": {"Size:": " 3/4 HP motor, 230/115 volts"}, "reviewerName": "Patti Baal", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1469232000} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "AHNKFCTA89H8T", "asin": "B000WEIII0", "reviewerName": "volleyball dad", "reviewText": "very nice", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A2F6SEQMT22LKF", "asin": "B000WEIJWU", "reviewerName": "Walter W. Spencer Jr.", "reviewText": "Matched existing perfectly with not problems.", "summary": "Five Stars", "unixReviewTime": 1404777600} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2017", "reviewerID": "A27V62CCR9K90R", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Gregory W Walton", "reviewText": "These save a lot of clean up mess.", "summary": "Four Stars", "unixReviewTime": 1502928000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "ACI7IQIUJSY3B", "asin": "B000ZOQ2KI", "style": {"Style Name:": " Shepard w/Sheep"}, "reviewerName": "baby girl", "reviewText": "Looks very good.", "summary": "Five Stars", "unixReviewTime": 1478304000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A27PQTP4ILSVMI", "asin": "B0015IXB6G", "reviewerName": "jim", "reviewText": "Good value", "summary": "Five Stars", "unixReviewTime": 1470268800} +{"overall": 4.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "A11UH55ICNO4R9", "asin": "B000RE7W28", "style": {"Package Quantity:": " 1"}, "reviewerName": "John R.", "reviewText": "Great product, in the past I have had critters chew holes in my propane hose for me grill. It is NOT going to happen again with this thing on it!\nit was a little long for my Genesis ii E-210 so I used a wire snip to trim it to length. I am happy with it & do recommend it.", "summary": "A must have for propane grill hoses!", "unixReviewTime": 1488758400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A7HWTJQ77WRQ", "asin": "B000E28UQU", "reviewerName": "L. Greene", "reviewText": "Works well and serves its purpose.", "summary": "Lawn and Garden Sprayer", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A35HCT8LBZ5TCQ", "asin": "B0012OPMQA", "style": {"Color:": " Cherry Finish"}, "reviewerName": "Debra", "reviewText": "Wonderful chimes. Purchased as a gift & both myself & the recipient love them. Makes a wonderful gift!", "summary": "Love these chimes.", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2017", "reviewerID": "A3KDDSKB2LSVCI", "asin": "B001CJKUS0", "style": {"Color:": " Black"}, "reviewerName": "Jokergeorge", "reviewText": "Fits great,custom fit for my Char-Griller Duo grill. Actually slightly bigger than the grill,so complete coverage. It\"s really great material that has really beaten back the elements A+++++", "summary": "Great coverage", "unixReviewTime": 1508198400} +{"overall": 4.0, "verified": false, "reviewTime": "02 1, 2013", "reviewerID": "ADWMG8BBYMUWJ", "asin": "B000FI2VHM", "reviewerName": "Lynn Welch", "reviewText": "My cherry tomatoes came up in 3 days and they are doing very. This would be a fun kit for children.", "summary": "cherry tomato kit", "unixReviewTime": 1359676800} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A33Q17P5FNASCZ", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Tarry Smith", "reviewText": "Some things should never change. This is one of them. It works like a champ and is sturdy. Winner.", "summary": "Some things should never change", "unixReviewTime": 1404345600} +{"overall": 3.0, "verified": false, "reviewTime": "10 12, 2016", "reviewerID": "AZ3VO1IO33KJ9", "asin": "B000ETMB5Y", "reviewerName": "navyusveteran", "reviewText": "I haven't used this as yet. But love it anyway. :)", "summary": "But love it anyway", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2013", "reviewerID": "A2Z0UMHDRDCS5J", "asin": "B000LNV85C", "reviewerName": "wyleone", "reviewText": "This is the exact replacement part for your pump timer. Works great easy to install. Keeps time without constant adjustment.", "summary": "Exact repacement", "unixReviewTime": 1376179200} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2017", "reviewerID": "A304KMEYHUQYA7", "asin": "B000YPQPSW", "style": {"Size:": " 16 x 8 x 8.5 inches"}, "reviewerName": "Britenz", "reviewText": "They did not seem heavy enough to hold down the tent.", "summary": "Four Stars", "unixReviewTime": 1509494400} +{"overall": 2.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "AAU2HJ5V9KO6T", "asin": "B00186YV0K", "style": {"Size:": " 5 2,500-Gallon Packets"}, "reviewerName": "catlady", "reviewText": "Well. I'm iffy on this because 2 of my frogs died after using", "summary": "Two Stars", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A2EKUOYCGYTDW3", "asin": "B0008DBP7Q", "reviewerName": "steve", "reviewText": "Great accessory for my detector. I am very well satisfied! Thank you", "summary": "Five Stars", "unixReviewTime": 1409875200} +{"reviewerID": "A2EQ6FOUKUNP9Q", "asin": "B0013FEGEM", "reviewerName": "Tim Moore", "verified": true, "reviewText": "not a perfect fit on my L111 JD. it's a bit too big....and the material lets you slide around a bit in the seat. that's why i gave it 3 stars...it's ok....about what i would expect for the money", "overall": 3.0, "reviewTime": "06 6, 2015", "summary": "better than buying an expensive replacement seat", "unixReviewTime": 1433548800} +{"overall": 1.0, "verified": true, "reviewTime": "11 1, 2016", "reviewerID": "ABFVEN7ZIB7TO", "asin": "B001D1X0ES", "reviewerName": "Brock Fergusson", "reviewText": "C---- J----", "summary": "One Star", "unixReviewTime": 1477958400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "ARJAR42HS5FFF", "asin": "B0012Y1D5E", "reviewerName": "Margo", "reviewText": "Love the grill! Very well made, holds heat, and cleans easily.", "summary": "Love it!", "unixReviewTime": 1420156800} +{"reviewerID": "ADPSVWOCHZW9J", "asin": "B000CZ4FS6", "reviewerName": "Philip J. Filleul", "verified": true, "reviewText": "There are better... the prongs are not sharp, its very heavy, in the end I gave up with it. Sorry...", "overall": 2.0, "reviewTime": "06 9, 2016", "summary": "Heavy and hard to use", "unixReviewTime": 1465430400} +{"overall": 1.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A48BM9P1CXMS4", "asin": "B001BVVSLM", "reviewerName": "Vincent Rogers", "reviewText": "My fingers to long. Glove fingers to short. Was not comfortable since I could not get decent range of motion. Sent it back.", "summary": "Fingered", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2013", "reviewerID": "A2FCGDCV199Q7S", "asin": "B0009YD66M", "reviewerName": "FishGeek", "reviewText": "good stuff works at a lower temp then barly bails i use in fish tank allso seams to work welll", "summary": "good", "unixReviewTime": 1360108800} +{"overall": 1.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A1GYL763NVT9I7", "asin": "B0002568YK", "style": {"Size:": " 2 Bales", "Color:": " Brown"}, "reviewerName": "egtc", "reviewText": "I wish I could say it worked but after 3 weeks--nothing!", "summary": "One Star", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "AYY6RT432C33E", "asin": "B000A3IMP2", "style": {"Size:": " 12.5-inch"}, "reviewerName": "Amazon Customer", "reviewText": "Love the easy visibility. I can easily read it 10 feet away.", "summary": "Five Stars", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A3IDJ59YE4W4M9", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "E. Santiago", "reviewText": "Had a Toro Blower/Vac. for quite a few years. Was very happy with it's performance. So when it was time to replace it, I looked for another one and it's doing just like my last one. Working great and meeting my needs.", "summary": "Was very happy with it's performance", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2012", "reviewerID": "ATQWQIEYEIPR0", "asin": "B0002FGFIO", "reviewerName": "K-9 Sasha", "reviewText": "These should be available in every store. Not only are they great for grills but dishes and pans as well.", "summary": "Terrific!!!", "unixReviewTime": 1355356800} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "A1DKO7UVMRN52P", "asin": "B000HHLQNQ", "reviewerName": "Robert", "reviewText": "Kills em all fast!", "summary": "Five Stars", "unixReviewTime": 1494633600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2016", "reviewerID": "A260NUR5PNVR2I", "asin": "B000MCZV8C", "style": {"Color:": " Copper"}, "reviewerName": "J. Fitzgerald", "reviewText": "This is beautiful and works well- we were having a problem with our seed getting wet and moldy, and this fixed things! It's been up over a year and still has it's coppery shine- whatever it is sealed with does a good job.", "summary": "This is beautiful and works well- we were having a problem with ...", "unixReviewTime": 1480032000} +{"overall": 3.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "AJDR39KQIMM99", "asin": "B000I1M5NG", "style": {"Size:": " 5 M", "Style:": " Halts Crabgrass"}, "reviewerName": "George", "reviewText": "It works ok", "summary": "It works so so", "unixReviewTime": 1476662400} +{"overall": 3.0, "vote": "5", "verified": true, "reviewTime": "10 30, 2013", "reviewerID": "A3DPI6ZMEAZ7SW", "asin": "B000RK4GI0", "reviewerName": "NoBodySpecial", "reviewText": "It is the correct size, but they quality is low.\nIt's low because the stitching runs over certain areas, there are threads loss and coming out all over, and It will not fold to fit correctly in a award case.\nJust your basic of flags.", "summary": "US Flag", "unixReviewTime": 1383091200} +{"overall": 4.0, "verified": false, "reviewTime": "07 26, 2014", "reviewerID": "AEI5ANO4HOF72", "asin": "B000HHO8RW", "reviewerName": "Terry", "reviewText": "Works great at a better price.", "summary": "Good price.", "unixReviewTime": 1406332800} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "A3NH7LIHT4GT2T", "asin": "B00004R9PM", "reviewerName": "George W.", "reviewText": "all good", "summary": "Five Stars", "unixReviewTime": 1417392000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A2IJ94U6U2S1SO", "asin": "B0013KZRUE", "style": {"Size:": " 12 PK"}, "reviewerName": "Sam Henderson", "reviewText": "What I was expecting and they delivered.", "summary": "As advertised", "unixReviewTime": 1464048000} +{"overall": 4.0, "verified": true, "reviewTime": "03 11, 2018", "reviewerID": "A2FYMNCON6I16U", "asin": "B000W495SC", "style": {"Size:": " Adirondack Chair"}, "reviewerName": "Pat", "reviewText": "We live in the northern part of the country and these covers are used outside all summer and then in a semi-enclosed porch during the winter. So far so good -- they have made it through 2 seasons without tearing as the previous versions did", "summary": "Holding up well after 2 Northern seasons", "unixReviewTime": 1520726400} +{"overall": 2.0, "verified": true, "reviewTime": "12 25, 2013", "reviewerID": "A2PZXMQW8PE8DH", "asin": "B0017R7A1M", "reviewerName": "Amazon Customer", "reviewText": "The plant and we set it up with new soil and tiny flies appeared. Never had this problem with this brand of soil. So we figured the plant had friends. Used fly paper.and insect killer and they are just about gone", "summary": "plant seemed fine but the guests were not", "unixReviewTime": 1387929600} +{"overall": 4.0, "verified": true, "reviewTime": "07 17, 2013", "reviewerID": "A18F6RHP0K28PF", "asin": "B0017Q2NDI", "style": {"Color:": " Brown"}, "reviewerName": "capt ez", "reviewText": "have hat it up for over a year now shaws no sign of wear or fatieg won't have to buy another for quiet some time", "summary": "have hat it up for over a year now shaws ...", "unixReviewTime": 1374019200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A19NB2W08YM1QA", "asin": "B00192ANSW", "style": {"Size:": " 1 Pack"}, "reviewerName": "Lynn", "reviewText": "nice to stick these in the ground than to do the mess with measuring, watering, spilling....", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": false, "reviewTime": "09 28, 2016", "reviewerID": "A2E8AA70MWGFHP", "asin": "B0001O0B6S", "style": {"Style:": " Dial Seed Sower"}, "reviewerName": "BAB", "reviewText": "This little guy is a must have for those who hate dealing with little seeds. Has a dial to adjust to the seed size, and makes the whole planting process much easier.", "summary": "... little guy is a must have for those who hate dealing with little seeds", "unixReviewTime": 1475020800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "A3BZR0YC0KARPE", "asin": "B0001PG2RO", "style": {"Size:": " 18\"", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "KEEPS GOOD TIME AND EASY TO READ", "summary": "Five Stars", "unixReviewTime": 1448582400} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A3KCXLWKQ5OPFF", "asin": "B001ASHLSU", "reviewerName": "fortsam", "reviewText": "Starts great!! However the attachments continue to fall off while running", "summary": "Three Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A1JWBTASPHL8IS", "asin": "B0017SVJ7W", "reviewerName": "Jeffrey C.", "reviewText": "Works well.", "summary": "Works as it should", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A1GCBBVRZJSTVW", "asin": "B000WEIIOE", "reviewerName": "yashua", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2015", "reviewerID": "A1WBXO66ICRPUJ", "asin": "B000HCNEW2", "style": {"Size:": " Small"}, "reviewerName": "Jim no longer does what Lynn wants.", "reviewText": "Good stuff.", "summary": "Five Stars", "unixReviewTime": 1425254400} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A38EAZ2FFPL6SV", "asin": "B000MVGZI8", "reviewerName": "Ashley", "reviewText": "Fits my mason jars perfectly! Can't wait to try it out with the chicks when we get the coop completed! Such a cute little feeder!", "summary": "Fits my mason jars perfectly! Can't wait to try ...", "unixReviewTime": 1484265600} +{"overall": 5.0, "verified": false, "reviewTime": "09 18, 2014", "reviewerID": "A27JRBEGAAZR9R", "asin": "B000E28UQU", "reviewerName": "MS LCSW", "reviewText": "Inexpensive and gets the job done.", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2014", "reviewerID": "A26C5CQPCWT8C9", "asin": "B000BQ7W86", "reviewerName": "P. Smith", "reviewText": "It fits my Toro weed trimmer well and has made it easier to use without undue strain Need to pad it with a towel..", "summary": "helps me weed trim longer", "unixReviewTime": 1398384000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/711O9xkSCeL._SY88.jpg"], "overall": 2.0, "verified": true, "reviewTime": "06 25, 2017", "reviewerID": "A59T9ASEORYHE", "asin": "B0013KS986", "style": {"Size:": " Pkg of 1", "Color:": " Red/White/Blue"}, "reviewerName": "Richard", "reviewText": "I purchased 3 and I expected they would hang down in a semi circle. They don't. They're so stiff and the pleats don't seem to be well made, so one of them actually looks almost square. I do not recommend these.", "summary": "Don't hang well", "unixReviewTime": 1498348800} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A365VCR0M74XV1", "asin": "B0001AUF8G", "style": {"Size:": " 30 Ounce"}, "reviewerName": "donny", "reviewText": "seems to work well, I add bits to plastic coffee containers and set them around my house' perimeter, approx. (1/2 acre) area on a 6.5 acre lot.", "summary": "cut down on skeeters and safe for pets and wildlife", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "A30G4BROKASV0E", "asin": "B000K1NPOM", "reviewerName": "LongDread", "reviewText": "Excellant! It works for my Craftsman YT-4000 tractor lawnmower. I replaced my OEM belt after 4yrs. Probably let it go too long but its done know.", "summary": "Excellant", "unixReviewTime": 1466294400} +{"overall": 1.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A1Z3SL83CHLHNX", "asin": "B000FJTXRC", "reviewerName": "P. B.", "reviewText": "Returned this to the manufacturer. We did not get any birds on it after 6 weeks of use. we swapped it out for a $4 feeder from Walmart and have had a steady stream of birds since.", "summary": "Returned this to the manufacturer. We did not get ...", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2ZBQZBEOPPEI0", "asin": "B0013LI4GM", "style": {"Size:": " Pack of 1"}, "reviewerName": "DFPavlock", "reviewText": "I like this plastic TRay for repotting plants. IT is a little on the big side for storing though", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A9SU72K1KOYF4", "asin": "B001BLHFI2", "reviewerName": "fander", "reviewText": "Works well with Polaris pool cleaner.", "summary": "Polaris Cleaner", "unixReviewTime": 1467072000} +{"overall": 4.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A2KW9XU0KYRTQ8", "asin": "B0010QD5QO", "style": {"Color:": " Black"}, "reviewerName": "B M", "reviewText": "The squirrel still figured out how to get into our bird feeder, but it did slow him down.", "summary": "Four Stars", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A3EAMS9CUBZQ23", "asin": "B000BZYBYU", "reviewerName": "MacGyver", "reviewText": "Accurate thermometer within -+1 degree", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 4.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "AGE47AQGBLNW8", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "Nicki Russell", "reviewText": "Addition for Intex Ultra Frame pool.", "summary": "Works great after I used cable ties to keep it from floating up.", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A1XN58WNIKTU47", "asin": "B000F0BVYE", "style": {"Size:": " 5 lbs"}, "reviewerName": "John", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "AF8WS97V36FTK", "asin": "B000LNRVXK", "style": {"Size:": " 5 in x 40'"}, "reviewerName": "Chris Geaghan", "reviewText": "Good quality, works well and easy to use. Looks good as well!", "summary": "Five Stars", "unixReviewTime": 1430438400} +{"overall": 3.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A2ZNM1WK7M22T3", "asin": "B0007PZNB4", "reviewerName": "Roses 4ever", "reviewText": "Had only 1 week and floats sideways now not sure why but not real happy with item. It does look almost real floating around.", "summary": "... floats sideways now not sure why but not real happy with item", "unixReviewTime": 1425340800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 2, 2010", "reviewerID": "AM80UR7V46A9S", "asin": "B000HM6ARI", "style": {"Size:": " 3' x 5'"}, "reviewerName": "D. S.", "reviewText": "Bought this flag to replace our old one. It was a good price and slightly larger than our old one. It's a beautiful flag. The price was great.", "summary": "Very nice", "unixReviewTime": 1275436800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2016", "reviewerID": "A2BGBPFR0LYNE", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Clyde Shultz Jr.", "reviewText": "Well made, bright colors.", "summary": "Five Stars", "unixReviewTime": 1479686400} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A2718ASA927N5M", "asin": "B0015Z3OZ2", "style": {"Color:": " Black"}, "reviewerName": "T. J. Craig Jr.", "reviewText": "Very good quality at a fair price... can't ask for more.", "summary": "High Quality", "unixReviewTime": 1475107200} +{"overall": 4.0, "verified": true, "reviewTime": "05 28, 2014", "reviewerID": "A2T03OMJVICBBI", "asin": "B0012Y1D5E", "reviewerName": "GregJ", "reviewText": "What can I say. It covers my weber bbq and does it very well. This was a replacement for one that I have had for about ten years. I would expect this to last 10 years as well. The BBQ is still perfect after 30 years.", "summary": "Nice Cover", "unixReviewTime": 1401235200} +{"overall": 1.0, "verified": true, "reviewTime": "08 5, 2017", "reviewerID": "A27ECUG6UTA158", "asin": "B00002N8NR", "reviewerName": "Amazon Customer", "reviewText": "Useless and disappointing! The spring breaks after one week of use. On all 3 one I bought.", "summary": "One Star", "unixReviewTime": 1501891200} +{"overall": 2.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A3JQOYMFX01CUL", "asin": "B000BQLWCS", "reviewerName": "Greg Grundtisch", "reviewText": "The critter dies in its hole -- then the maggots-- then the blowflys by the thousands. Yes you can bury it and then other critters will dig it up, then more flys.\nIt does kill them if they are trapped in the hole, but they seem to find escape routs.", "summary": "The critter dies in its hole -- then the maggots-- ...", "unixReviewTime": 1408406400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "AUIQTTPIMCVQ4", "asin": "B001BZS5OQ", "style": {"Style:": " Standard Round"}, "reviewerName": "mama-coop", "reviewText": "I put this on my deck and I planted my tomato plants in them and it looks great", "summary": "Five Stars", "unixReviewTime": 1404000000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2013", "reviewerID": "A9Q4H18ZB2FVS", "asin": "B000WEIJWU", "reviewerName": "J. Fox", "reviewText": "Refurbished my old spirit 210 and these were a great replacement part, fit perfectly just like the originals and work great.", "summary": "Perfect replacement", "unixReviewTime": 1373328000} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "AUC3QYW6UJH8E", "asin": "B00004RB23", "style": {"Size:": " 1 PACK"}, "reviewerName": "survivor", "reviewText": "Exact Replacement part for my V-twin Briggs on my John Deere LA130", "summary": "Exact Part", "unixReviewTime": 1463011200} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "AWTJRHRKDJFES", "asin": "B000GRNOTQ", "style": {"Size:": " 1 pack"}, "reviewerName": "CoolDeals", "reviewText": "Good", "summary": "OK", "unixReviewTime": 1467072000} +{"overall": 3.0, "verified": true, "reviewTime": "04 17, 2014", "reviewerID": "A1D01MGXB9TTDG", "asin": "B000BO73TQ", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Two Fifty", "reviewText": "I don't have deer problem, so I don't know about them. The other smaller animals just thumbed their noses at us and kept on pestering us.", "summary": "Didn't work for me", "unixReviewTime": 1397692800} +{"overall": 4.0, "verified": true, "reviewTime": "06 19, 2013", "reviewerID": "A1QEZCQUWR96AQ", "asin": "B000WCW4M8", "reviewerName": "Donna Cheresnowski", "reviewText": "I order the 2-seater bench and I like it. However, it's a good thing most of my family members are thin because I don't think it would hold up to heavy people. Nice wood, nice looking. It will probably last a few years.", "summary": "Bench", "unixReviewTime": 1371600000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2016", "reviewerID": "A2SLW88NXDZ2GF", "asin": "B0009GZA6O", "reviewerName": "Abigdogmom", "reviewText": "Great for spreading grass seed, lime and fertilizer. I say some professional landscape people using one of these and had to have one. Amazon came through.", "summary": "Great for spreading grass seed", "unixReviewTime": 1475452800} +{"overall": 4.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A25T26RFI6V2JX", "asin": "B000MOIWWW", "reviewerName": "jt", "reviewText": "Works fine", "summary": "Four Stars", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "A313X5LH01RPLC", "asin": "B0009KMWES", "style": {"Style:": " Pump Spray, 24-Oz"}, "reviewerName": "Cheryl", "reviewText": "Works wonders", "summary": "No more chigger bites", "unixReviewTime": 1505779200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2014", "reviewerID": "A1MSF6N71B3KAH", "asin": "B0014JNG52", "reviewerName": "Grampy in Ionia", "reviewText": "Just what one might expect in a product like this.", "summary": "Good product.", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A393JM2616IVUQ", "asin": "B0009JXYQY", "style": {"Size:": " 22 in. Surface", "Color:": " Black"}, "reviewerName": "Sly", "reviewText": "very nice. Boils water in very short time", "summary": "Five Stars", "unixReviewTime": 1474156800} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A1FY8NOC0ZQ3LI", "asin": "B000HHM0JK", "reviewerName": "Matthew", "reviewText": "Outstanding! Would purchase again!", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A3ABPKQ916WWH9", "asin": "B000NYX870", "reviewerName": "DR Patton", "reviewText": "Does the same job as the other brand I replaced that costs 50% more. Used on a 25 gallon sprayer with a spray bar and a hose, wand.", "summary": "Great value", "unixReviewTime": 1436486400} +{"reviewerID": "A3FNOSCPPESDF9", "asin": "B000DEN57S", "reviewerName": "Mike S.", "verified": true, "reviewText": "It really does make shoveling snow easier because you don't have to bend over as much. It lets you implement the 'lift with your legs, not your back' advice.", "overall": 5.0, "reviewTime": "12 14, 2015", "summary": "Really helps with shoveling snow", "unixReviewTime": 1450051200} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A2IIODDPU7RBD0", "asin": "B000LNX06C", "style": {"Size:": " 1 Pack"}, "reviewerName": "Karen Edmondson", "reviewText": "These worked like a charm! Recommend!!!!", "summary": "Five Stars", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2016", "reviewerID": "A3K2C2B9HRVQM9", "asin": "B00004TBKM", "reviewerName": "momofallboys", "reviewText": "Best fly trapper out there. bag is always full (I have chickens which tend to mean I have a lot of flies from all the poop). This works great!", "summary": "Fly bag. does the job", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2014", "reviewerID": "A2UIRA0X7TN6D3", "asin": "B000NJBA5C", "style": {"Size:": " 1-Pack"}, "reviewerName": "moosel", "reviewText": "Non-toxic, non-irritating, this really works well, I couldn't get the little bit of cloudiness out with any chemicals until this.", "summary": "works great", "unixReviewTime": 1389916800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A1KWHPA5NKAWNO", "asin": "B00178OB6I", "reviewerName": "Randall A. Hillman", "reviewText": "good to do business with. works on bermua grass but it takes a little time to get started better have another grass ready to cover bare spots.", "summary": "grass killer", "unixReviewTime": 1356480000} +{"overall": 4.0, "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "A3J4EANDO3NM6S", "asin": "B0015AUY3W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "The Photographer", "reviewText": "This is a good solid quick connect unit. The only thing that I wish Amazon would have made more cleat is that this doesn't automatically stop the water flow when you disconnect the two pieces of the unit.", "summary": "Quick connect hose connector", "unixReviewTime": 1369440000} +{"reviewerID": "A19ZYWKDCBYGXD", "asin": "B0013JJ79M", "reviewerName": "RWU from Napa, CA", "verified": true, "reviewText": "As advertised", "overall": 4.0, "reviewTime": "10 15, 2015", "summary": "Four Stars", "unixReviewTime": 1444867200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A25JGOX1Q1JCDS", "asin": "B001D13K16", "style": {"Size:": " 1 Pack 25 Tablets"}, "reviewerName": "Susan", "reviewText": "A good product for pond plant care. They have to be placed quickly in the water plants or they will disintegrate.", "summary": "Good product", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "A33K4HDNZ4ADU5", "asin": "B0009NU5YY", "style": {"Size:": " 830 sq. in.", "Color:": " Black"}, "reviewerName": "karey combs", "reviewText": "Great product", "summary": "Love my grill", "unixReviewTime": 1475539200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2LMGKXT3ZY8XT", "asin": "B0015AMEHG", "style": {"Color:": " Twilight Blue", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "KJ", "reviewText": "great stuff", "summary": "Five Stars", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "AUUV3XDYB16X5", "asin": "B000A16TE0", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "J. Busse", "reviewText": "These work fine. The insert seems to last longer and is easier to clean than the originals I had that did not have it.", "summary": "nice.", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2TH8JWQRTUAG6", "asin": "B000MVGZI8", "reviewerName": "Amazon Customer", "reviewText": "just what I wanted for mkaing bird feeders", "summary": "bird feeder supplies", "unixReviewTime": 1438214400} +{"overall": 3.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A32YF1DITVG57V", "asin": "B001H1EQO2", "style": {"Size:": " Up to 5,000-sq ft", "Style:": " Spreader"}, "reviewerName": "D", "reviewText": "Great Product........overpriced for plastic!", "summary": "Works-But $$$ for plastic!!!", "unixReviewTime": 1477785600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "08 3, 2011", "reviewerID": "A3TGQAGQOQL8H6", "asin": "B000DCOOEI", "style": {"Size:": " 16L x 4W x 3H in."}, "reviewerName": "et2jack?", "reviewText": "Works great for the hard to get to weeds (which are always near the plant stem). I use the regular sized one first,\nthen final touch with the mini one.", "summary": "\"Mini Hula Ho\"", "unixReviewTime": 1312329600} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A2X1ELQRK0Z8QU", "asin": "B000LNY4C6", "style": {"Size:": " 5-Pound", "Flavor Name:": " Apple"}, "reviewerName": "Garland Crawford", "reviewText": "Nice", "summary": "Five Stars", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2013", "reviewerID": "A1X0DXG1JRXL6K", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "Dale C.", "reviewText": "The No-Spill 1450 5-gallon Gas Can is a NO BRAINER!! It is very easy to use and you could POOR OUT A SHOT GLASS OF GAS WITHOUT SPILLING ANY GAS!!! Try that with any other gas can!!!", "summary": "THIS GAS CAN IS SUPER", "unixReviewTime": 1388275200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A168K00M6U87E9", "asin": "B00178IMPO", "reviewerName": "Carolyn's corner", "reviewText": "This was So easy to set up and boy does it work.", "summary": "Great product", "unixReviewTime": 1469059200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "A1WUA82JUKIVPH", "asin": "B0011FPEX6", "reviewerName": "eric j okeefe", "reviewText": "Simple install, works as intended. Combined with rear deck wheels, I now have all the functionality of the expensive mowers at a few hundred dollars less. Installed on Ariens 42 from home depot.", "summary": "works!", "unixReviewTime": 1399507200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A2DPB0B9MKYFN1", "asin": "B0015I0UL0", "style": {"Size:": " 0.5-Gallon"}, "reviewerName": "Matt H.", "reviewText": "Weeds hate this stuff", "summary": "Five Stars", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2017", "reviewerID": "A1P4W20BLESQ5Y", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "LIN", "reviewText": "Nice grip and easy squeeze.", "summary": "Five Stars", "unixReviewTime": 1508112000} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2014", "reviewerID": "A3PD1LW2MYHIH9", "asin": "B000R4PWX4", "style": {"Style Name:": " 1 piece"}, "reviewerName": "Anna M. Leuenberger", "reviewText": "Seems to be a well made plasticized sign which will stand up to the elements fore the short time we need it. We have a 3 day long reunion /50th celebration coming up and this will look nice in the courtyard", "summary": "Will work", "unixReviewTime": 1397692800} +{"overall": 1.0, "verified": true, "reviewTime": "09 22, 2012", "reviewerID": "AOA7NY2649Z9I", "asin": "B001EGOVTU", "style": {"Size:": " Case Pack of 1"}, "reviewerName": "MyOnlineOpinions", "reviewText": "Small critters are attracted to these bait stakes. I checked my first one this morning after three days. It's gone. Ants aplenty. No bait stake.", "summary": "If you live in the country, DON'T Buy THESE", "unixReviewTime": 1348272000} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "AAVYOI33Z6WRX", "asin": "B000FJTXT0", "reviewerName": "Adrianne Streckfus", "reviewText": "This is a great feeder that is very well made and a good deterent of squirrels when you add a baffle on top for good measure. I love the lifetime warranty!", "summary": "This is a great feeder that is very well made and a good ...", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A3K570Y3FZHOTU", "asin": "B000A0OMUY", "reviewerName": "Elizabeth", "reviewText": "Love these baffles...they do what it is designed to do. Keeps those pesky squirrels at bay. Just wish they had been available in black.", "summary": "Get the job done", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "ACUMF6FMZO51", "asin": "B0014C7XS0", "reviewerName": "Duane B. Wade", "reviewText": "Super sharp. Light, plan to carry it hiking. The plastic case is very conveient.", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A23YUNQ379QVO7", "asin": "B0002568SQ", "style": {"Size:": " 1-Gallon"}, "reviewerName": "DA", "reviewText": "Good product, good price...", "summary": "Good product, good price...", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A6X1YETG40T98", "asin": "B000CSYKII", "reviewerName": "Jacques", "reviewText": "A+++++", "summary": "Five Stars", "unixReviewTime": 1463616000} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A1RR6J6RGHFRFY", "asin": "B000HHLHK8", "style": {"Size:": " 1 Pack", "Color:": " Red"}, "reviewerName": "Debbie Hadsock", "reviewText": "I haven't had many birds on this feeder, but I'm not sure if it's the feeder or the seed.", "summary": "I haven't had many birds on this feeder, but ...", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A27GR6GN5DWRBP", "asin": "B0016FVYCG", "style": {"Size:": " 7 Pounds / 3.2 Kg."}, "reviewerName": "1711tab", "reviewText": "Pond & Fish love it...", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "A3PK1CL0ODOQBJ", "asin": "B0015AOPP0", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "MR T", "reviewText": "THE HOSE MENDER WORKED PERFECTLY AND WAS VERY SIMPLE TO USE. I HAVE USED OYHER MENDERS AND THIS ONE WAS THE EASIEST TO USE. THERE WERE NO LEAKS AFTER MY HOSE WAS FIXED", "summary": "HOSE REPAIR", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A2OZEILB033FAD", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Black", "Style:": " Digital/No Window"}, "reviewerName": "Darrell", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "A3SUGLTW5GYN13", "asin": "B0002KHDLW", "style": {"Size:": " 1 Gallon"}, "reviewerName": "Randall", "reviewText": "can you say Great Tomatoes!", "summary": "Five Stars", "unixReviewTime": 1497484800} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A2SE2RUBJSZVLD", "asin": "B000W42U66", "style": {"Size:": " Medium", "Color:": " Pebble"}, "reviewerName": "BxJ", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1480636800} +{"overall": 4.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A2SG72WUED1JIS", "asin": "B000P1TB9K", "reviewerName": "Doug K.", "reviewText": "This is a functional and good-looking squirrel baffle. The squirrels haven't found the feeder yet, so I don't know how well it will deter them. The quality seems good and the construction is solid.", "summary": "Looks good and seems well-built", "unixReviewTime": 1384732800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "A1BJFSE0CBOTUD", "asin": "B000HRYGAQ", "reviewerName": "Scott D", "reviewText": "Works fine. Hoping to never need it or the generator ;-)", "summary": "Five Stars", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A2WUQD7I08MN9Y", "asin": "B0002568SQ", "style": {"Size:": " 2.5-Gallon"}, "reviewerName": "James E. Weaver,Sr.", "reviewText": "Great Product", "summary": "Five Stars", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A9EH3M3RRC6Y3", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "PinkMango", "reviewText": "Excellent!!", "summary": "Excellent!!", "unixReviewTime": 1467590400} +{"reviewerID": "A1WS67NR938KY0", "asin": "B000VU222S", "reviewerName": "Aaron Montgomery", "verified": true, "reviewText": "Only lasted one and a half PA winters", "overall": 3.0, "reviewTime": "04 18, 2015", "summary": "Three Stars", "unixReviewTime": 1429315200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A1S1JS4HQMATDP", "asin": "B000HCR8C4", "style": {"Size:": " Standard"}, "reviewerName": "robin West", "reviewText": "very nice great", "summary": "Five Stars", "unixReviewTime": 1423872000} +{"overall": 3.0, "verified": true, "reviewTime": "08 24, 2016", "reviewerID": "AGNG3DAOENZH4", "asin": "B0014BMBA6", "reviewerName": "Capitol Rock", "reviewText": "It's what you should expect for the price. No complaints.", "summary": "Three Stars", "unixReviewTime": 1471996800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A30CJK65SJINH5", "asin": "B000MVIAAO", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "nanp", "reviewText": "Well made and fit table and covers the 4 bench seats.", "summary": "Five Stars", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2017", "reviewerID": "AOTRJPX2MUXEU", "asin": "B000BQPW6A", "reviewerName": "Wisconsin Customer", "reviewText": "A WELL-MADE GARDEN TOOL FOR THE MONEY.", "summary": "Five Stars", "unixReviewTime": 1490400000} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2015", "reviewerID": "AROY97ZLQR9X2", "asin": "B0012MQPZE", "reviewerName": "Matt D.", "reviewText": "As described. Seems a bit more heavy duty than the ones you get at the big box stores. I have a heavy flag that broke a lesser bracket, so far this one has held up. I wish it was offered in black but I just painted it. *MLD*", "summary": "As described. Seems a bit more heavy duty than ...", "unixReviewTime": 1433462400} +{"overall": 3.0, "verified": true, "reviewTime": "07 12, 2014", "reviewerID": "A3H7KKN99G8E8P", "asin": "B00198IUKY", "style": {"Size:": " 1"}, "reviewerName": "Cornelia Sisenstein", "reviewText": "Good", "summary": "Three Stars", "unixReviewTime": 1405123200} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2016", "reviewerID": "A3N5LBB3UR0TUG", "asin": "B000A1EJRO", "style": {"Style:": " 9-Inch Poly Blade Car Shovel"}, "reviewerName": "lleweck", "reviewText": "perfect fpr the snow. not too heavy", "summary": "Five Stars", "unixReviewTime": 1467417600} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A18VFPQK0VEV6I", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 396 GPH", "Style:": " Fixed Flow"}, "reviewerName": "Amazon Customer", "reviewText": "Might have been a little too strong for my application but it works well.", "summary": "Four Stars", "unixReviewTime": 1496620800} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2013", "reviewerID": "A2T2C5K9CGM4ZV", "asin": "B000WEMFSO", "reviewerName": "Patrick Doherty", "reviewText": "I bought this with a new weber grill and it works well. It has a long handle which keeps my hands out of the heat.", "summary": "Great grill brush", "unixReviewTime": 1366243200} +{"overall": 3.0, "verified": true, "reviewTime": "07 1, 2014", "reviewerID": "A19M0JZ4LQOVBZ", "asin": "B0010QD5QO", "style": {"Color:": " Black"}, "reviewerName": "SMITTY", "reviewText": "Squirrels can't get around this!", "summary": "Baffled nuts", "unixReviewTime": 1404172800} +{"overall": 4.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A1G3ZHC1SU2U82", "asin": "B00104IYJO", "style": {"Package Quantity:": " 1"}, "reviewerName": "Dianaru", "reviewText": "Seems to work ok for a while. Not a permenant fix for sure unless you hit the bug square on. But better than most others I've tried", "summary": "But better than most others I've", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A4Z39ULXZBYLX", "asin": "B0015WUQ24", "style": {"Size:": " 4 - 16 OZ bottles"}, "reviewerName": "Steve", "reviewText": "It makes life easier and saves one job by combining watering and feeding at the same time.", "summary": "2 jobs in one", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "AYFIONC36F256", "asin": "B000HHLQNQ", "reviewerName": "Gordon J. Spencer", "reviewText": "Death sentence for pesky rodents", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A2F6OT6OXEA2D", "asin": "B00144D8CI", "reviewerName": "Buster Florida", "reviewText": "Not any stronger than one of the regular setting on my spray nozzle.", "summary": "Worthless", "unixReviewTime": 1480809600} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2009", "reviewerID": "A3HMYMA43OZ4UP", "asin": "B0014CX9W4", "reviewerName": "William P. Carlucci", "reviewText": "Easy setup and very accurate. Small unit that hangs very easily on a wall for early morning weather check.", "summary": "Good value", "unixReviewTime": 1261958400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A2VJTHRN3RPIZT", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Kindle Customer", "reviewText": "Good Weber quality", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 4.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "AVDY3CVCDHNPJ", "asin": "B000WEIIOE", "reviewerName": "Richard Z.", "reviewText": "Works great.", "summary": "ROAD KILL CHEF", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A39E7OURBJ3GY7", "asin": "B0010QD5QO", "style": {"Color:": " Black"}, "reviewerName": "Sheryl Hernly", "reviewText": "It's been funny watching the squirrels try to get to my feeder with NO luck, works great! I painted it to match my bird feeder.", "summary": "It's been funny watching the squirrels try to get to my feeder ...", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A2SK203ZYY5NLG", "asin": "B000PS9XMI", "reviewerName": "Ricky R.", "reviewText": "works like a charm.", "summary": "Five Stars", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A13VPDIYTYX7JT", "asin": "B0001PG2RO", "style": {"Size:": " 18\"", "Package Type:": " Standard Packaging"}, "reviewerName": "City Grill'n", "reviewText": "Love this clock. Mounted outside on wall with overhang so rarely gets wet. Face of the clock happens to face north. It was fun watching the clock set itself.", "summary": "Love this clock", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2013", "reviewerID": "A2B2TBIGV1F6SW", "asin": "B00002N8KH", "reviewerName": "Tden", "reviewText": "{t is as good as an expensive power cleaner. took the paint right off the front porch just as well as a several hundred dollar high pressure cleaner. What a bargin. Nice product.", "summary": "Waterjet Exceeds Expectations", "unixReviewTime": 1382140800} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2014", "reviewerID": "A2313W9U7RYVTO", "asin": "B001ENM906", "reviewerName": "Alex B", "reviewText": "As described at half the cost of the name brand.", "summary": "Good deal!", "unixReviewTime": 1408320000} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A13VFIH1LC6F8U", "asin": "B000ZOPXG2", "style": {"Size:": " 1-pack"}, "reviewerName": "Zoe H.", "reviewText": "Perfect, just what I wanted. it looks very nice...and is very light...gone are the days I can haul heavy planters...thank goodness for these lightweight planters that are so pretty!", "summary": "Perfect, just what I wanted", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "AEO3QHL72QAQC", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "Hai S.", "reviewText": "Big and deep bag, captures plenty of dirt and debris. Plugs in to standard pool pole.", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "AFM4SZG8VS77E", "asin": "B000GH472Y", "reviewerName": "Seann", "reviewText": "was the exact replacement. had to really use the internet to match up model and serial number to get exact match. ordered one from another vendor on amazon and it was bad quality. this vendor had exact top quality material so it worked like is should would use them again", "summary": "exact replacement", "unixReviewTime": 1387497600} +{"overall": 4.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A3DF37MM6U6A1V", "asin": "B000HHM43W", "style": {"Size:": " 23-Inch"}, "reviewerName": "Pat roaming the u.s.a.", "reviewText": "Great size. Not as strong as I had hoped for. Want it to hang a heavy, sometime,s wet plant on.", "summary": "GOOD length. Many usages, hummingbird feeder, light weight plants etc.", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": false, "reviewTime": "10 5, 2015", "reviewerID": "A2PU7ZW2VBIAE5", "asin": "B0009YHU5U", "style": {"Size:": " 1-Pound"}, "reviewerName": "theholzer", "reviewText": "It is safe and it works!!!", "summary": "It is safe and it works!!!", "unixReviewTime": 1444003200} +{"overall": 3.0, "verified": false, "reviewTime": "09 7, 2015", "reviewerID": "A3J9T84USTXM9Y", "asin": "B000K1CR0K", "style": {"Size:": " 20.5 in."}, "reviewerName": "NeuronPetkowski", "reviewText": "This is small. Though nice to look at, it hardly produces any sounds even with occasional gust of wind. Wish there were a larger version.", "summary": "Dragging Fly WIth Dragonfly.", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A1L5W16FV3F8TF", "asin": "B000B6Q6BA", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Bob S.", "reviewText": "Okay - how can someone rave about a shovel?\n\nI don't know but all I can say is that this is a BEAUTIFUL design and a BEAUTIFUL shovel. Good weight, shape and feel.\n\nWORRY FREE BUY - just get it.", "summary": "Outstanding - my god", "unixReviewTime": 1372723200} +{"overall": 1.0, "vote": "9", "verified": true, "reviewTime": "08 26, 2011", "reviewerID": "A1IKKZ3VZ39OLI", "asin": "B000EM2SSG", "reviewerName": "patti", "reviewText": "I only had these for 3 months and they are completely rusted. I cannot use and waited too long to return, I don't advise purchasing these.", "summary": "Rust!!!!", "unixReviewTime": 1314316800} +{"overall": 3.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A17XD4JTJM0K14", "asin": "B000LL4PXQ", "reviewerName": "melvin", "reviewText": "to small", "summary": "Three Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2013", "reviewerID": "A2EYMXNJ8G3CU9", "asin": "B0015Z3N3U", "style": {"Size:": " 16 fl. oz.", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Michael van Haaren", "reviewText": "This 2-stroke oil is super... the self measuring bottle makes it quite easy to dispense the correct amount. Recommend this for all your 2-stroke oil/gas equipment.", "summary": "Great choice", "unixReviewTime": 1371513600} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2017", "reviewerID": "A1HB2WO1V8T2CY", "asin": "B001F24KB2", "reviewerName": "CMarie Valdez", "reviewText": "My former Seal Plate to my Pentair WhisperFlo pump had cracked around the drilled screw holes after 16 years of use. This replacement was what I needed, together with the separately purchased castle seal almond for plate.", "summary": "Pentair 074564 18-Seal Plate WFE for Pool...", "unixReviewTime": 1502755200} +{"overall": 1.0, "verified": true, "reviewTime": "06 30, 2014", "reviewerID": "AVWGVCJBFD9X7", "asin": "B00004TBJT", "style": {"Color:": " White", "Package Quantity:": " 1"}, "reviewerName": "Mynx H.", "reviewText": "What a waste of money, plastic and my time. Sometimes the thermometer works but the hygrometer doesn't work ever. Skip this one.", "summary": "Cheap junk", "unixReviewTime": 1404086400} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A1F0OXB80257BW", "asin": "B000MRD5JO", "reviewerName": "Karen S.", "reviewText": "Great stuff!", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 1.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A2BRR3G050HEAL", "asin": "B000FI4O90", "style": {"Color:": " Black"}, "reviewerName": "isabel matos", "reviewText": "It just wasn't for me", "summary": "One Star", "unixReviewTime": 1424822400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "A2G2VXM55Q7ZNL", "asin": "B0012HJ7TK", "reviewerName": "Sono Gal", "reviewText": "This is beautiful and so well made. I cant wait to get this on the top of my chicken house.", "summary": "This is beautiful and so well made", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A1LJHLBZGS4BOP", "asin": "B000NCWP44", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Judy L Williams", "reviewText": "Sturdy rubber washers, the best.", "summary": "Five Stars", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2014", "reviewerID": "A373HKXPLK5B3P", "asin": "B0007LQ3RQ", "style": {"Size:": " 24\" x 7.75\" x 6.75\""}, "reviewerName": "Bill", "reviewText": "I have had many bird feeders and with them a lot of squirrels and pigeons. This feeder is the BEST, I get only songbirds. The feeder is well made and can be cleaned in the dishwasher.", "summary": "This feeder is the BEST, I get only songbirds", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A2X65G16WWUFCQ", "asin": "B001ECOGEY", "reviewerName": "BARBARA A.", "reviewText": "Perfect replacement part", "summary": "Five Stars", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2016", "reviewerID": "A38T0TF0XBA4BS", "asin": "B000OCSPP6", "reviewerName": "Lauren Myer", "reviewText": "Nice for the 1000 gal pools", "summary": "Five Stars", "unixReviewTime": 1474761600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2017", "reviewerID": "A28YE0WDAXOR0W", "asin": "B0002UVS2M", "style": {"Style:": " PlantHouse 4"}, "reviewerName": "Amazon Customer", "reviewText": "Perfect little house for my turtle pond", "summary": "Five Stars", "unixReviewTime": 1511568000} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2015", "reviewerID": "A1OJ9D9GRYDFB9", "asin": "B00004SD74", "reviewerName": "Txevey", "reviewText": "Whoa, for a women that has to do all her \"Handyman\" work, herself, these are the best so far. Lightweight, easy to use, I am very happy with my purchase.", "summary": "My Handyman, is me.", "unixReviewTime": 1439683200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A3K5HKENU3VTO0", "asin": "B00004RA9A", "style": {"Size:": " 3.04W x 1.01D ins."}, "reviewerName": "Vicki L B", "reviewText": "Sturdier than the original bee guards, harder plastic, and they stay on.", "summary": "Sturdier than the old bee guards", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "AD0POEAYW8VCA", "asin": "B000WEMGM4", "reviewerName": "Mike", "reviewText": "they work good. shipping was fast", "summary": "Five Stars", "unixReviewTime": 1485648000} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A3A8TWGJDAV3F8", "asin": "B000F92LB2", "reviewerName": "MARCOS PUIG", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "A9FADYGRH4KV1", "asin": "B000XTH1GY", "reviewerName": "Rick", "reviewText": "Shoots out soap foam like a champ", "summary": "Five Stars", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A14O5XQ3F1PF17", "asin": "B000NJBA5C", "style": {"Size:": " 1-Pack"}, "reviewerName": "John C.", "reviewText": "Clears up cloudy water in no time. No added smells. Will buy again.", "summary": "Helps clear cloudy water.", "unixReviewTime": 1497398400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 19, 2012", "reviewerID": "A3E9O1VNJ3U324", "asin": "B001BZNAOQ", "reviewerName": "Ruso Minnifield", "reviewText": "Since I ordered and installed this unit I have not seen or hear a rat. I don't know how it works but it does. I have not seen my wife's boy friend lately. It really works. Get rid of rats today!!!", "summary": "Works Great", "unixReviewTime": 1326931200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A332OBC88IUVPF", "asin": "B000J2CUPW", "style": {"Size:": " 1 Quart"}, "reviewerName": "Shilo", "reviewText": "Works well for my coco coir grow medium.", "summary": "As advertised", "unixReviewTime": 1484092800} +{"overall": 3.0, "verified": true, "reviewTime": "02 7, 2015", "reviewerID": "A1OD3T406E85MM", "asin": "B00140UWDK", "reviewerName": "00tima", "reviewText": "ok", "summary": "Three Stars", "unixReviewTime": 1423267200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2017", "reviewerID": "AJCVAN6SX9J7F", "asin": "B0002DKB36", "style": {"Size:": " 10 lb"}, "reviewerName": "m7c57", "reviewText": "Wow, I purchased this food for our Squirrels. So far it has attracted Blue Jays, Cardinals, and Doves. This is great for us!! We welcome all birds and squirrels. We will purchase again.", "summary": "Birds Too Are Attracked!", "unixReviewTime": 1504224000} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A1KBXPHW4JM8AB", "asin": "B0009PUR0O", "reviewerName": "John S", "reviewText": "Works as expected, great for flame grilling", "summary": "great for flame", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2017", "reviewerID": "A2JIC1U2RH12VL", "asin": "B000I15AH4", "style": {"Size:": " 16 oz.", "Style:": " Pack of 1"}, "reviewerName": "arthur", "reviewText": "This work better and faster than any other that I have used.", "summary": "Five Stars", "unixReviewTime": 1502582400} +{"overall": 3.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "AOS5B22QY4H", "asin": "B00008DHPC", "reviewerName": "William", "reviewText": "Very good sturdy product. Cheaper alternatives (some even disposable after a few uses) available. I bought this as a gift and was happy with it. For my own use, though, something cheaper is acceptable.", "summary": "Very good sturdy product", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2018", "reviewerID": "A3EM7JEQA5JXSB", "asin": "B00004RAMW", "style": {"Size:": " Pack of 1"}, "reviewerName": "Carol RN", "reviewText": "Yes, they work. We bait ours with peanut butter.", "summary": "Works, bait with peanut butter.", "unixReviewTime": 1514851200} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A101GDRKHYM662", "asin": "B0009I52AQ", "style": {"Size:": " HPS 150W", "Style:": " Complete Systems"}, "reviewerName": "cindy", "reviewText": "This light is very powerful for the wattage. I had it in a small grow tent and all my cattleya's got sunburn!", "summary": "This light is very powerful for the wattage. I ...", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A8Y520XGRYSY7", "asin": "B0012NVHYC", "style": {"Color:": " Khaki"}, "reviewerName": "NineseveN", "reviewText": "Great unit. As good as the much more expensive umbrellas.", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2016", "reviewerID": "A5YY8ERQUAZ1Y", "asin": "B000A13FHO", "reviewerName": "R. keller", "reviewText": "This pump was a perfect fit for the Briggs engine on our neighbor's John Deere rider.", "summary": "Bargain Price", "unixReviewTime": 1465689600} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A1AQYYIPM2WEAD", "asin": "B000WEPHGQ", "reviewerName": "Steve Miller", "reviewText": "perfect replacement", "summary": "perfect replacement", "unixReviewTime": 1445817600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A2NMDSBVNTTQOR", "asin": "B000GE420O", "style": {"Size:": " 2 Gallons", "Color:": " Yellow"}, "reviewerName": "D Sal", "reviewText": "I love the color, no longer looking for it. Color screams at you, is very user friendly and I live that it holds so much water", "summary": "Love This", "unixReviewTime": 1355443200} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1WNRSOC1FXZLZ", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "Jan J.", "reviewText": "Works really good", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A1TF5QSI7ZZYOM", "asin": "B0000VUNB0", "reviewerName": "Sir Trever The Magnificent", "reviewText": "keeps my washer clean in shape. worth the investment unless you leave it in your garage and your garage is always spotless and dust free. cover isn't made out of anything special but keeps stuff out. haven't tested it in the rain but i didn't buy it to protect from that.", "summary": "works as intended.", "unixReviewTime": 1417046400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A178Z33PCD6EIQ", "asin": "B0015I3ESG", "reviewerName": "Arturo", "reviewText": "received Expired one", "summary": "One Star", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A2ZN88NLI7VHF3", "asin": "B00173ELYK", "style": {"Size:": " 2-1/2-Gallon"}, "reviewerName": "Tom", "reviewText": "Great watering can very well made & I think this can is going to last a long time", "summary": "Five Stars", "unixReviewTime": 1440806400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "11 20, 2010", "reviewerID": "A1QOEC7AI07AK4", "asin": "B000WEMHGO", "reviewerName": "Karl", "reviewText": "I've cooked about three times with the rotisserie and it worked perfect. I really like the on and off switch to stop the rotisserie while checking if the item is cooked to the right temp. Will worth the money and very will built.", "summary": "Works perfect...", "unixReviewTime": 1290211200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A32JXS9ISF6B7S", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "joedaddy", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1437696000} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A3ICYACEWZZZ1J", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "Bronco38", "reviewText": "This is a heavy duty scoop. It's good for top floaters and scooping bottom debris...even in deep water. It's a good well made scoop. Glad I bought it!", "summary": "Well made for all pool scoop jobs!", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "AT4WJ0BMI9DAD", "asin": "B0012XXE3E", "reviewerName": "Y. Huang", "reviewText": "i use this product to make beer can chicken and its great. i have a weber genesis and the chicken skin is always crispy and the steaming action from this roaster makes the meat tender, juicy and full of flavor. this is also very easy to clean since it has the non-stick coating.", "summary": "beer can chicken w/ weber", "unixReviewTime": 1388188800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A1AHOH6YN3RYO6", "asin": "B000VU4KM8", "reviewerName": "P in PA", "reviewText": "Works great only thing is user error great for pick up and mulching leaves and bigger vegetation but be sure to shut off or the fine mulch back flow fly's all over the place doesn't pick up small fine dirt.", "summary": "Works great only thing is user error great for pick up ...", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A8JIUGWSNXZQ9", "asin": "B000WEMGM4", "reviewerName": "C. Wojcik", "reviewText": "Great for controlling heat in grill. Use them when I am smoking out require indirect heat I even use them to old my old charcoal when I reuse the used charcoal I save smaller pieces. World recommend to everyone", "summary": "if you use indirect heat a must have", "unixReviewTime": 1407542400} +{"overall": 3.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "AISAEIDN4D5W5", "asin": "B0007IMT8G", "reviewerName": "J_A_R", "reviewText": "...on the thin side. I wonder how long it will last in the elements of the northeast. Good price point.", "summary": "A little...", "unixReviewTime": 1397433600} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2014", "reviewerID": "A1U29J8EEBPETK", "asin": "B0000CGE87", "reviewerName": "Marlyn", "reviewText": "This basket held our 4pound brisket and performed great. It was coated thick with the charred BBQ rub used on the brisket. I thought the clean up would be easiest to just toss in the trash, but after 10 minutes soaking, it cleaned up easy and fast with a brush.", "summary": "Be A Pro!", "unixReviewTime": 1404172800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A2K5QBGSY6FMZB", "asin": "B000BPAVCG", "style": {"Size:": " Qty 1"}, "reviewerName": "carobearo", "reviewText": "Well-made, easy to clean, easy to set, and appropriately sized and weighted for rats. The rat can't trigger the trap until his entire tail clears the door. Put some newspaper under the trap to catch droppings.", "summary": "good rat trap", "unixReviewTime": 1439337600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A2GRAXUTSKEK78", "asin": "B000NCWP44", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Happy and...", "reviewText": "Not really an accurate review because did not end up needing to use them.", "summary": "Didn't use them.", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "A1GB3CVT24IY8O", "asin": "B000XS5EZA", "reviewerName": "Jean B.", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"reviewerID": "A2L3XYN1Z8WMC2", "asin": "B001ANQVZE", "reviewerName": "sailor", "verified": true, "reviewText": "Very pleased with this product.\nWorks great against ticks etc when out hunting or hiking.\nWill be ordering much more !", "overall": 5.0, "reviewTime": "05 16, 2013", "summary": "Great against ticks...", "unixReviewTime": 1368662400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A2SPB2IBBGKMA8", "asin": "B001GPA2HE", "reviewerName": "Samohi Viking", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2014", "reviewerID": "A2142KSU7FESFX", "asin": "B00169QQWK", "reviewerName": "Jay Pea", "reviewText": "they were nice to use for the pool. easy to change. i think i ordered to many for the summer but better have to many than not enough.", "summary": "needed these", "unixReviewTime": 1394668800} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A2988XWWGBSOXQ", "asin": "B0001P4PSC", "style": {"Color:": " Cherry"}, "reviewerName": "AspenSnowman", "reviewText": "Great size for my particular cabinet style smoker. Not \"barky\" at all, just high quality core stock hardwood chips.", "summary": "Five Stars", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A1QOA9ZEAH3ZV2", "asin": "B001AN7RGG", "reviewerName": "Len Goldstein", "reviewText": "they work great and leave very little residue.", "summary": "Five Stars", "unixReviewTime": 1510790400} +{"overall": 2.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A1XJ8GJZ8Q84WY", "asin": "B000WEOQWC", "reviewerName": "S Gutman", "reviewText": "It does not have any straps to attach to the legs. I've already lost two covers to high winds in the winter time in the past. I am sending it back to you folks.", "summary": "It does not have any straps to attach to the ...", "unixReviewTime": 1426809600} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A1W8D9X8KKA6W8", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Milton", "reviewText": "it fits as the original", "summary": "good", "unixReviewTime": 1432944000} +{"overall": 4.0, "verified": true, "reviewTime": "05 27, 2013", "reviewerID": "A2U9NB5QHDB0XP", "asin": "B001002BTW", "reviewerName": "kingfan", "reviewText": "Received the product very quicky, followed the directions and applied to tree suckers. Will see if it takes care of the problem.", "summary": "Tree sucker spray", "unixReviewTime": 1369612800} +{"overall": 2.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "AZR1758OF3SWE", "asin": "B000PGMU5C", "style": {"Size:": " 15-Foot"}, "reviewerName": "Julia Carroll", "reviewText": "Basically a giant sheet of bubble wrap and I honestly don't think it made much of a difference aside from helping keep leaves out.", "summary": "Basically a giant sheet of bubble wrap and I honestly ...", "unixReviewTime": 1450483200} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "ADEOYOY6I8GW3", "asin": "B000PBZFJK", "reviewerName": "carolyn o.", "reviewText": "I love this hummingbird feeder it's a little small, And very easy to clean.", "summary": "Four Stars", "unixReviewTime": 1504569600} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "A36VKR5CFJ482X", "asin": "B000WCXKOE", "reviewerName": "Theizzy", "reviewText": "It is easy to install and it looks great. priced well. the back cushions are a bit tricky to connect (it requires folding it for the Velcro to reach but once done it's ok).\nIt makes our porch look great.", "summary": "Great Value and it looks good", "unixReviewTime": 1367452800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A3VXL1ZL2U5OD3", "asin": "B000WEKMRU", "reviewerName": "Paul Anders", "reviewText": "Exactly what I needed, when I needed it for a reasonable price.", "summary": "Five Stars", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "A43OO5K1D733Q", "asin": "B00004RB14", "reviewerName": "Angel", "reviewText": "work good", "summary": "Five Stars", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A3A0HRT5LRCXJU", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "T. McKay", "reviewText": "Works pretty well. Good quality build too.", "summary": "Quality.", "unixReviewTime": 1447027200} +{"overall": 3.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A2PW7XA5S7U9EQ", "asin": "B0002568YK", "style": {"Size:": " 2 Bales", "Color:": " Brown"}, "reviewerName": "Charlene King", "reviewText": "Nice small bales. They may have helped the water garden a little, but I still had a lot of algae.", "summary": "I don't think it helped that much.", "unixReviewTime": 1441670400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 26, 2011", "reviewerID": "ABIP6UI9T1UYG", "asin": "B000HVGDHQ", "reviewerName": "Amazon Customer Joan LeBlanc", "reviewText": "We ordered this Brinkman Electric Smoker from Amazon because I could never get it right with briquetts. It arrived promptly and works great. Did chicken for Easter and it was wonderful.", "summary": "Superb", "unixReviewTime": 1303776000} +{"overall": 4.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A34NA317024B66", "asin": "B000XS3EFW", "reviewerName": "R. Wagner", "reviewText": "Spreader worked just fine on its first time out. It feels solid.", "summary": "Four Stars", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A21P6I932TZMXM", "asin": "B00004TBJI", "reviewerName": "Mr Twigbert", "reviewText": "Works... Not much more I can say..", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2009", "reviewerID": "A2OPUBXA8ZW6XF", "asin": "B000E7SU3I", "reviewerName": "Tony Z", "reviewText": "I own a small lawn care business. I keep two in my truck all the time. It saves me a lot of space compared to hauling a regular garbage can around.", "summary": "Its a space saver", "unixReviewTime": 1252627200} +{"overall": 1.0, "verified": false, "reviewTime": "08 22, 2014", "reviewerID": "AQ03O8TLSKETW", "asin": "B000EPPFEC", "reviewerName": "Barry MacEwan", "reviewText": "Forget it....buy one from Home Depot, they work and I couldn't find that brand on Amazon", "summary": "no good", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A20DH35UWPNHXE", "asin": "B000HCUERU", "reviewerName": "maxine c derby", "reviewText": "fits perfectly", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": false, "reviewTime": "08 6, 2016", "reviewerID": "A2KP3SP3C0QYFC", "asin": "B0014E3MT2", "style": {"Size:": " 12\" hose"}, "reviewerName": "Gerald", "reviewText": "Worked great", "summary": "Five Stars", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A17QKJ9JTI4W2I", "asin": "B000V9OH90", "style": {"Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "Very easy to program. Replaced my old Orbit controller.", "summary": "Five Stars", "unixReviewTime": 1475193600} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "ALQNWM4YU2WB1", "asin": "B0018TZZUM", "reviewerName": "Timothy E. Youngblood", "reviewText": "Great product and exactly as advertised.", "summary": "Works great on my walk behind trimmer", "unixReviewTime": 1406678400} +{"overall": 3.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A23QEH11LDIMW3", "asin": "B00144D8CI", "reviewerName": "Richard Sr.", "reviewText": "Not much different than the older version, certainly no more pressure. One new feature, can be shut off without turning off the water at the hose bib.", "summary": "Keep that Algae and bird poop off your siding !", "unixReviewTime": 1435017600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A2GXDVHK4N6AXM", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Christopher Eliades", "reviewText": "Same as original.", "summary": "Same as original.", "unixReviewTime": 1468540800} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "AX68WML58ZFVH", "asin": "B000063XHT", "reviewerName": "Richard W. Sarver", "reviewText": "I could tell only by removing this Octenol which I have not done. My rating is for the combination Octenol + BK-15D \"zapper\".", "summary": "unknown", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A1TSVF0848ZSPL", "asin": "B000Y87XG2", "style": {"Size:": " 1/2\" x 15'"}, "reviewerName": "Avid Watcher", "reviewText": "Best Hose Company, a Quality item", "summary": "Five Stars", "unixReviewTime": 1501286400} +{"overall": 2.0, "verified": true, "reviewTime": "11 16, 2013", "reviewerID": "AKI6X9S2T08LO", "asin": "B0012YGT9O", "reviewerName": "Judi T", "reviewText": "It arrived severely damaged and despite many attempts to revive it in sun outside or inside in high light it died. There was no way of saving it.", "summary": "It came damaged and it died", "unixReviewTime": 1384560000} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A1VLG1XR30M3NY", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "IVJ", "reviewText": "Very weather proof material, fits tightly for our 40 inch pit. Very snug, therefore the 4 stars. Very pleased with the material.", "summary": "I recommend", "unixReviewTime": 1496793600} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A2UYK76VVI4SC9", "asin": "B000FJZ150", "style": {"Size:": " 4-Rack Digital Electric Smoker"}, "reviewerName": "T. Washington", "reviewText": "Best price I could find for an excellent product.", "summary": "Five Stars", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A2FOMZJACXAYF1", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Dan", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1477353600} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A2A4YU549JXRNS", "asin": "B0013KBWZI", "reviewerName": "Amazon Customer", "reviewText": "Very disappointing. N0ne of the seeds germinated. It could be, the crows ate them.", "summary": "No plants came up", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A1A2B0IFI0W79P", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "Raymond", "reviewText": "What a great product not a real fine mesh so it is easy to pull through the water.", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A2BS5WZZUFU6HK", "asin": "B0014FW076", "reviewerName": "Greg Mowery", "reviewText": "everything was great", "summary": "gwmowery", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2011", "reviewerID": "A1XQGG15HFSTG5", "asin": "B000068XMM", "style": {"Color:": " Olive Green"}, "reviewerName": "chatham7", "reviewText": "This allows me to do anything outside within a 15ft radius without getting bitten. It works so well, I bought another.", "summary": "Works as advertised", "unixReviewTime": 1313366400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2017", "reviewerID": "AEGJME1VJMMWL", "asin": "B000MV5V6A", "style": {"Size:": " Qty 1"}, "reviewerName": "JB", "reviewText": "Clean system and easy to use - got 2 rabbits this morning, one in each trap, used carrots to attract them - we will now take the traps and drop the rabbits in the woods where they belong.", "summary": "Works great!", "unixReviewTime": 1496534400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "AZ73JBMVUTKTR", "asin": "B000F8V29K", "style": {"Size:": " 4 by 6 Foot"}, "reviewerName": "Bo Cross", "reviewText": "Great quality. Hanging on my 25' flag pole, looks great", "summary": "Great quality", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "A20BUNSLEKLOK4", "asin": "B000E1RNF0", "style": {"Size:": " 1 Gallon"}, "reviewerName": "Chad A", "reviewText": "Super awesome price.", "summary": "Five Stars", "unixReviewTime": 1466640000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "AQERG0HGDMYL7", "asin": "B001F6S9TC", "reviewerName": "Tyrus B. Foster", "reviewText": "This valve is an exact replacement for the original. The original was 20 years old and the top broke.", "summary": "good replacement valve", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A9HATPGS5N254", "asin": "B000QD1UUU", "style": {"Color:": " White & Blue"}, "reviewerName": "Loretta Lafferty", "reviewText": "Works very well in my hot tub.", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 3.0, "verified": true, "reviewTime": "07 8, 2016", "reviewerID": "A3VF5U93WLMKND", "asin": "B000PGMU5C", "style": {"Size:": " 12-Foot"}, "reviewerName": "Jaime F.", "reviewText": "Works but likes to float out of place", "summary": "Works pretty good but likes to float out if place", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A24GP6HLEPCTJ0", "asin": "B000KL6T18", "style": {"Size:": " 16-Pound Bag"}, "reviewerName": "Gerald Smith", "reviewText": "Birds like it and we have been fans of Wagner from our Costco days in Ca. but can't find in Missouri.", "summary": "Birds like it and we have been fans of Wagner from ...", "unixReviewTime": 1442361600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "08 19, 2016", "reviewerID": "A386IMAUR9GMKW", "asin": "B000H97G3I", "style": {"Size:": " 17", "Color:": " Black"}, "reviewerName": "68droptop", "reviewText": "Very poor quality casters that fell apart after less than one year. Hardly any actual moving of the plant over that time frame either. Very disappointed.", "summary": "Very poor quality casters that fell apart after less than one ...", "unixReviewTime": 1471564800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2013", "reviewerID": "A16RPMEX8DA3WB", "asin": "B000WEKLV2", "reviewerName": "Mac Ross", "reviewText": "pull the old rusty ones out, a little scrub of the wire brush, put in place fired it up good to go", "summary": "Just Like New", "unixReviewTime": 1375315200} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A3VGR6D8TTQJOO", "asin": "B0001P4PSC", "style": {"Color:": " Mesquite"}, "reviewerName": "Charles J.", "reviewText": "lOVE TO SMOKE MEATS ON GRILL. i HAVE A LARGE GAS GRILL AND 2 CHARCOAL SMOKERS. THIS WAS A MUST.", "summary": "WESTERN MESQUITE WOOD SMOKING CHIPS", "unixReviewTime": 1402012800} +{"reviewerID": "A349OD1TGPYBHW", "asin": "B00169FKLI", "reviewerName": "M. T. Talmage", "verified": true, "reviewText": "Works.... little more expensive on Amazon but do not have to drive all over town to buy... Good for about 4-6 weeks per application depending on the amount of local rain..... Have used for several years to save my hosta plants.", "overall": 5.0, "reviewTime": "08 7, 2014", "summary": "Deer Scram.... no deer 'salad bowl' in my yard!", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": false, "reviewTime": "09 2, 2014", "reviewerID": "A2H0ONZ3DWWMEA", "asin": "B0015QXLSQ", "reviewerName": "Shirley Gill", "reviewText": "so great for the pool", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2014", "reviewerID": "A2UGVJT2Z0R8N", "asin": "B00002NCEM", "style": {"Size:": " 4\" Pop-up Height"}, "reviewerName": "mt", "reviewText": "Easy to adjust", "summary": "Five Stars", "unixReviewTime": 1415664000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A1VCYHJ4SKIHDI", "asin": "B000A1E690", "reviewerName": "Steve", "reviewText": "Was well packaged what I expected hope I don't have to use", "summary": "Back saver", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A17NO0E58V8G02", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Betty D Butler", "reviewText": "This is an OEM part in perfect condition with no issues.", "summary": "Five Stars", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A2EUP9822U2RAH", "asin": "B00004TBKM", "style": {"Size:": " 1 Pack"}, "reviewerName": "PTRdallas", "reviewText": "These work well. I've used them before but purchased them locally. The local store was out so I bought them on Amazon. They were a little more expensive, but not enough to keep me from buying them. Great product.", "summary": "Great product.", "unixReviewTime": 1404777600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51db4L-8X8L._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/41RmAuvCg1L._SY88.jpg"], "overall": 1.0, "vote": "13", "verified": true, "reviewTime": "11 24, 2012", "reviewerID": "A1OVW2O5XSWVOG", "asin": "B000ND5EW8", "reviewerName": "Angel", "reviewText": "The way they pack my plant was good and the delivery was fast. When I got my plant it got about 4 leaves/stem but one was about to die! I will post the plant that I got", "summary": "Not satisfied at all!", "unixReviewTime": 1353715200} +{"overall": 4.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A96AK2IH1DXV0", "asin": "B000E28UQU", "reviewerName": "Mac's Mom", "reviewText": "Works pretty well do you do have to pump it again after a few minutes.", "summary": "Four Stars", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2017", "reviewerID": "AHOHHGRYY8T92", "asin": "B000MOIWWW", "reviewerName": "Amazon Customer", "reviewText": "Works better than the battery operated stuff", "summary": "Five Stars", "unixReviewTime": 1501891200} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "AA8198VDE17WS", "asin": "B0016APS6E", "reviewerName": "Charles P. Cogdill", "reviewText": "Like a Pro", "summary": "Five Stars", "unixReviewTime": 1416355200} +{"overall": 3.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "ARTUC506TAU6E", "asin": "B000MD5816", "style": {"Color:": " white"}, "reviewerName": "Ron Dickerson", "reviewText": "This actually seems to be fairly well-made, and is exactly as described. The only drawback is the hole is so small that the finches in my area can't fit inside of it.", "summary": "This actually seems to be fairly well-made, and is ...", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "A2GG21V85C7TGW", "asin": "B0017ORLEG", "reviewerName": "carol pollard", "reviewText": "fit well", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2013", "reviewerID": "A1YETAWZLFAQXM", "asin": "B000WZL5GQ", "reviewerName": "Jack Wilson", "reviewText": "They looked very nice in my front windows this past Christmas. They come with suction cups and were easy to install.", "summary": "Very Nice", "unixReviewTime": 1360195200} +{"overall": 1.0, "verified": false, "reviewTime": "04 2, 2017", "reviewerID": "A3CFVYYW53JJGR", "asin": "B000ZOM7YS", "style": {"Size:": " 30 inch"}, "reviewerName": "Seaside", "reviewText": "Size, type, info, photo of BRACKET??", "summary": "One Star", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2014", "reviewerID": "A2W0HIDLGWT0F2", "asin": "B000OCSPP6", "reviewerName": "lismil", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1405987200} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A3GA0MG5O7OPI4", "asin": "B001E2OPI6", "reviewerName": "Bizzy Bee", "reviewText": "I love this wind chime. I hung it on my patio among my bird feeders and it looks lovely and doesn't disturb the birds. Very rainbow-like colors! I didn't want a puny small wind chime like you see in the dollar stores, so I paid attention to size when I ordered it.", "summary": "I love this wind chime", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A2ZE2CQN7ZDCCA", "asin": "B00004DTNH", "style": {"Color:": " Black"}, "reviewerName": "JC", "reviewText": "I wish I bought one of these a long time ago. I used a cheap weed wacker before I bought this and my edges were always all over the place. Now they are very straight. Only time will tell if it will break like a lot of reviewers have claimed, but so far so good.", "summary": "It works", "unixReviewTime": 1501718400} +{"overall": 2.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "AB6QTBDBMHCBM", "asin": "B00004R9UM", "reviewerName": "BIK", "reviewText": "Does not work on a Sears Craftsman reel mower. The pipe is too small to fit around the axle.", "summary": "Two Stars", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A1SGAUAKPJMC0X", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 396 GPH", "Style:": " Fixed Flow"}, "reviewerName": "BELIEVER", "reviewText": "Works very well.", "summary": "Five Stars", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": false, "reviewTime": "07 14, 2014", "reviewerID": "A21CI7W36JT86R", "asin": "B00198IUKY", "style": {"Size:": " 1"}, "reviewerName": "kris thomas", "reviewText": "Holding up well, and works great on the BBQ.", "summary": "Good scraper", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2016", "reviewerID": "A117S84E686T5Z", "asin": "B000GOW0GM", "style": {"Package Quantity:": " 1"}, "reviewerName": "Cole H.", "reviewText": "A lot stouter than you think.", "summary": "Five Stars", "unixReviewTime": 1453075200} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A1JH5EKCDJPXSH", "asin": "B000ESNCGW", "style": {"Size:": " 1.5 Horsepower", "Style:": " Single Speed"}, "reviewerName": "LBDDiaries", "reviewText": "Works exactly as desired and described. Is replacing an older Hayward in our salt water swimming pool and we have always been happy with Hayward products. Will continue to purchase them!", "summary": "Works As Described!", "unixReviewTime": 1430956800} +{"overall": 5.0, "vote": "16", "verified": false, "reviewTime": "12 27, 2011", "reviewerID": "A34I26ZIWXC4QC", "asin": "B00123OUMI", "reviewerName": "sgill5", "reviewText": "Best metal detector I have ever owned thats under 300. Does what it was suppose to and it has a pin pointer !!!! Love this thing", "summary": "best in the price range", "unixReviewTime": 1324944000} +{"overall": 5.0, "verified": false, "reviewTime": "06 21, 2013", "reviewerID": "A3VDHNNJJOGIV", "asin": "B001GJ3FIS", "reviewerName": "Beverly Buck", "reviewText": "Works like a charm once the rubber gasket is in place correctly. I love all the settings and the grip.", "summary": "Excellent product for the price!", "unixReviewTime": 1371772800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "AJ96W1UUIFABM", "asin": "B0015AMEDK", "style": {"Size:": " 48-Scoops"}, "reviewerName": "Kristin Lenox", "reviewText": "I appreciate the slow release. Appears to work well.", "summary": "Easy to use", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A4YV49T8Y0X94", "asin": "B000FJX5DU", "style": {"Size:": " 250' Roll"}, "reviewerName": "RobbyB", "reviewText": "Great quality hose", "summary": "Great quality hose", "unixReviewTime": 1464393600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "05 20, 2013", "reviewerID": "ABI3SFP4SD1I4", "asin": "B000WEOSLG", "style": {"Size:": " 47 in."}, "reviewerName": "Guess Who", "reviewText": "Wind chime is so-so. Diameter of tubes is only 1/2\". There is NO ring on cord to hang it up. You will have to put a ring on it or it will wear out the bare cord and fall down and apart.", "summary": "Small Wind Chime", "unixReviewTime": 1369008000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2018", "reviewerID": "A2U11KRH12U9PN", "asin": "B0019BK8AG", "style": {"Pattern:": " 1 Pack"}, "reviewerName": "METYKB", "reviewText": "Works great!!!!!", "summary": "Five Stars", "unixReviewTime": 1524182400} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A2DCHSS09S4XW6", "asin": "B0010OHFCQ", "reviewerName": "Raffi", "reviewText": "does the job as expected", "summary": "Five Stars", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A8RLWLINXVECH", "asin": "B0017678BA", "reviewerName": "Robin W. Coffey", "reviewText": "Works great.", "summary": "Five Stars", "unixReviewTime": 1470268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A217K3UEKS28C", "asin": "B001DNYIJC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Gary Sloan", "reviewText": "worked great good price", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "AVZZQHDV9RX71", "asin": "B001E70A6M", "style": {"Size:": " 1 Gallon"}, "reviewerName": "Amazon Customer", "reviewText": "Fulvic works wounders i love this stuff 100 percent will make a difference leaves pray twords the light", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"overall": 3.0, "verified": true, "reviewTime": "03 16, 2017", "reviewerID": "A2Q98VS829MUO", "asin": "B0017NBWPG", "style": {"Size:": " 6-Pack"}, "reviewerName": "Yo daddy", "reviewText": "Better options out there for mice in my opinion.", "summary": "Catch camel crickets pretty good.", "unixReviewTime": 1489622400} +{"overall": 3.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A1UUOKT3IB0IS8", "asin": "B000W43GKK", "style": {"Size:": " Deep Seat Lounge"}, "reviewerName": "CGD", "reviewText": "Had to return, dimensions were taken but it was far too big for chairs.", "summary": "Three Stars", "unixReviewTime": 1501113600} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A33C3XH28RJ9JG", "asin": "B000SE60WA", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Huxley", "reviewText": "as advertised and shipped in a timely manner...", "summary": "Four Stars", "unixReviewTime": 1409961600} +{"overall": 1.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "AH71FND4LI9FE", "asin": "B00004SD72", "reviewerName": "T. D. Powell", "reviewText": "very hard to hold and use for arthritic hands.", "summary": "Too Hard to Handle", "unixReviewTime": 1404864000} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "AZE22IKHL5CPX", "asin": "B00004DTNH", "style": {"Color:": " Black"}, "reviewerName": "Robby Smiley", "reviewText": "Ehhh. Dealing with gas is better when it comes to something like this. But it was money well sent.", "summary": "Dealing with gas is better when it comes to something like this", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "A2BF0W2BX5CEWG", "asin": "B000SE6VWE", "style": {"Size:": " 50-Inch"}, "reviewerName": "mike Roberts", "reviewText": "mower cover for my commercial cub cadet!", "summary": "Just what I wanted to order!!!!! Thanks , Mike", "unixReviewTime": 1404000000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "ALIFAYQ4MY8DO", "asin": "B00107039U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Nathan stiff", "reviewText": "Good kit", "summary": "Five Stars", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A2HAEEZTR7QKX3", "asin": "B000MOL29W", "style": {"Size:": " 1-Pack"}, "reviewerName": "Jerel", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1487203200} +{"overall": 3.0, "verified": true, "reviewTime": "06 10, 2015", "reviewerID": "ABBUUP83FJTTD", "asin": "B000BQQMJQ", "style": {"Size:": " Small"}, "reviewerName": "B. P.", "reviewText": "I've had it for weeks now and haven't caught anything yet?? Not sure if it works or not..", "summary": "No catch", "unixReviewTime": 1433894400} +{"overall": 4.0, "verified": false, "reviewTime": "07 12, 2014", "reviewerID": "AL70GG9NV2L7S", "asin": "B0015AOT4W", "style": {"Style:": " Square"}, "reviewerName": "California", "reviewText": "With 55 lbs. of water pressure, this covers an area of 36 sq. ft. for me. The pattern is not completely uniform, but with a 30 minute set it works fine. No moving parts and easy to move around.", "summary": "With enough water pressure- 36 sq. ft.", "unixReviewTime": 1405123200} +{"reviewerID": "A2X6PID4QIPREF", "asin": "B0012Y0ZT4", "reviewerName": "Peter G.", "verified": true, "reviewText": "Not real accurate -always registers on the cool side", "overall": 3.0, "reviewTime": "10 28, 2016", "summary": "Three Stars", "unixReviewTime": 1477612800} +{"overall": 2.0, "verified": true, "reviewTime": "03 2, 2018", "reviewerID": "A3T76SZ2F9EXR2", "asin": "B000F8V29K", "style": {"Size:": " 4 by 6 Foot"}, "reviewerName": "todd lindsey", "reviewText": "After 7 months of continuous use the flag has faded over 70%. This is mostly through the winter months, don't believe it will hold up for an entire summer. It has not ripped or torn, just faded.", "summary": "After 7 months of continuous use the flag has faded ...", "unixReviewTime": 1519948800} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A2TPVRGXRWS9Z8", "asin": "B0015FND44", "style": {"Color:": " Jolly Roger Red Bandana"}, "reviewerName": "ed", "reviewText": "I'm a pirate", "summary": "Five Stars", "unixReviewTime": 1441843200} +{"reviewerID": "ABWRP4D4EEN0R", "asin": "B001ESSJOQ", "reviewerName": "Nonna", "verified": true, "reviewText": "I will never buy this again it is almost impossible to use the cone nothing fits!\nnone of our wine bottles, soda bottles or water bottles no matter the size.", "overall": 1.0, "reviewTime": "04 21, 2014", "summary": "Did this already", "unixReviewTime": 1398038400} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2016", "reviewerID": "A1E6Z1M1J9NCV1", "asin": "B00149P89E", "reviewerName": "Durwood", "reviewText": "Better than steel wool...doesn't rust and a little more substantial.", "summary": "No Mice so Far", "unixReviewTime": 1465862400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "A2GVXL01YMQVPS", "asin": "B000YMU8JC", "reviewerName": "DM", "reviewText": "a good tool to have handy", "summary": "Five Stars", "unixReviewTime": 1492732800} +{"overall": 4.0, "verified": true, "reviewTime": "06 12, 2013", "reviewerID": "ATI6QCHKJNBPK", "asin": "B0014CA7TM", "reviewerName": "Susan L Butler", "reviewText": "change or wash them often and spray with some filter oil and your motor will love you by lasting longer.", "summary": "it works like it should", "unixReviewTime": 1370995200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "AHTSB36857PQ1", "asin": "B000WFXDMK", "style": {"Style Name:": " Standard"}, "reviewerName": "PickyPixie", "reviewText": "Way too small. I shopped and shopped hoping to get one large enough. But, couldn't do it .", "summary": "Why can't they take a picture of the actual item?", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A3ALJT9CJBMZWS", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Max Mustang", "reviewText": "Ok, made in China! But well made in China. High Quality at a very reasonable rate. Me thinks American Banner/Flag manufacturers are Price Fixing!", "summary": "\"WELL MADE\" in China", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2017", "reviewerID": "AZCLX9E0LV2XB", "asin": "B000UH9S3I", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "S Gardner", "reviewText": "Fit my inground pool skimmer perfectly. I love the metal bar handle. It seems to be holding up better and staying in place better than the plastic handled one I had before. I will be buying one for the other skimmer.", "summary": "Love it.", "unixReviewTime": 1504051200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "09 11, 2010", "reviewerID": "A17MFLMA5K8JC2", "asin": "B000F1N6G4", "reviewerName": "L. Gale", "reviewText": "My first order of 3 cost a total of $13 with shipping. When I proceeded to order another 3 the total cost with shipping jumped to $39. Not worth it, will go else where.", "summary": "Order all you need with the first order as the shipping charges with the second order is a shocker", "unixReviewTime": 1284163200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "AYYZDVX7IK9FX", "asin": "B000FJX3BE", "reviewerName": "Jacob G.", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A2VGYO8ZNR3SXF", "asin": "B00004RA8P", "style": {"Size:": " 1 Pack"}, "reviewerName": "JD Rios", "reviewText": "I have had one just like this for 10 years. They are very durable and attract the birds very well. Have been able to find replacement parts also to keep the older one going.", "summary": "Feeder", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2MLSDGIJ6USW8", "asin": "B00002N66T", "style": {"Size:": " 3/4 Inch"}, "reviewerName": "Viola", "reviewText": "Good.", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 2.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A12033C83FBKFS", "asin": "B000RYMGCO", "style": {"Style:": " 30-Inch"}, "reviewerName": "William", "reviewText": "good quality but the bit is simply too small to make a hole for a typical flower bulb. works great excepting the diameter of the hole, but the diameter is a key variable, right?", "summary": "does not make hole big enough for most bulbs", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "AN3TXBIZ1QTYN", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Jay Z", "reviewText": "Perfect fit", "summary": "Five Stars", "unixReviewTime": 1420070400} +{"overall": 3.0, "verified": true, "reviewTime": "10 29, 2016", "reviewerID": "AS1PVNDONHLZJ", "asin": "B000KKKDSE", "reviewerName": "Aidin", "reviewText": "its great except for the pipes connecting the gas!", "summary": "right size", "unixReviewTime": 1477699200} +{"overall": 5.0, "verified": false, "reviewTime": "09 25, 2016", "reviewerID": "A1W6CIKBUUPS2P", "asin": "B000BWY878", "style": {"Size:": " 20 lb"}, "reviewerName": "ALB", "reviewText": "So far this has been amazing for fixing the dead spots in my yard caused by a grub infestation. Currently on my 3rd application and I've have needed far less grass seed reseeding. I'm looking forward to when this stuff works at full strength after next year's applications.", "summary": "Grub control for patchy lawn spots", "unixReviewTime": 1474761600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "AMFMEWKFEC8VY", "asin": "B000RYOAQY", "style": {"Size:": " 1"}, "reviewerName": "Kenneth J. O'Connor", "reviewText": "Really easy to use, does a good job. Very sturdy will not break. Wish the handle was just a little longer.", "summary": "Really easy to use", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A3MS4QAWSPMRVU", "asin": "B0013NXQTU", "reviewerName": "Antonio L Perez", "reviewText": "Great very useful, happy to bought it.", "summary": "Great very useful", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2017", "reviewerID": "A1R1WC4RZARTE2", "asin": "B00004RA82", "reviewerName": "HG", "reviewText": "Very good product!", "summary": "Five Stars", "unixReviewTime": 1513555200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2016", "reviewerID": "A3KZ3SCFAD4Y6Y", "asin": "B000PGE032", "style": {"Size:": " Pack of 1"}, "reviewerName": "robbieonerobbie", "reviewText": "great product, just use it, you decide", "summary": "Five Stars", "unixReviewTime": 1468627200} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A8BBY83MXJYL8", "asin": "B000S61YO2", "style": {"Color:": " N/A"}, "reviewerName": "Aaron Nunya", "reviewText": "Works great", "summary": "Would buy again", "unixReviewTime": 1463356800} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2013", "reviewerID": "AYS1ENV505LN2", "asin": "B0012RS2I2", "style": {"Color:": " Black"}, "reviewerName": "Scott Rodgers", "reviewText": "Works great. The only thing that could be better is if it would fit over the grill with the side tables extended so I could leave the tools stored hanging from the shelf.", "summary": "Works great.", "unixReviewTime": 1385683200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "10 1, 2013", "reviewerID": "A313LUIU4DMXI4", "asin": "B000RUGIY0", "reviewerName": "James C. Hawkins", "reviewText": "One must have a good dispenser. And one must use correct protective gear. Several applications are needed to control fungus.", "summary": "Decent product", "unixReviewTime": 1380585600} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A9U1JTE7HSOLA", "asin": "B0011MM5AO", "reviewerName": "L Army", "reviewText": "Working!", "summary": "Four Stars", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "AROG8ZYI1WLDE", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Janice", "reviewText": "Pleased", "summary": "Five Stars", "unixReviewTime": 1414022400} +{"overall": 2.0, "vote": "6", "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A2VG7O1OJ09MOK", "asin": "B00149SW4M", "style": {"Color:": " Canvas/Tan"}, "reviewerName": "Shlean", "reviewText": "Pillow was nice for a couple days, but its covered in mold now. It got a little damp and exploded into mold, It wasn't in direct rain, it was inside a screened arbor and got a bit of sideways rain once.", "summary": "Good if you never let it get damp.", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2014", "reviewerID": "A2W6ZQR673UV7Z", "asin": "B0017678BA", "reviewerName": "C. Larson", "reviewText": "Works great in my pond, cleared the water up n just a few days.. will order more!", "summary": "Five Stars", "unixReviewTime": 1410825600} +{"overall": 1.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A26MCM0YJZ53OP", "asin": "B000PGMU5C", "style": {"Size:": " 15-Foot"}, "reviewerName": "Linda Thomas", "reviewText": "Not happy at all. It literally fell apart with little tiny plastic bubbles falling into pool. I tried contacting Intex and THAT alone was a nightmare. I would NOT recommend this to anyone. I also will never buy from Intex either. Not a good experience period.", "summary": "Don't waste your $$$ Pitiful", "unixReviewTime": 1516838400} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "ARX62NAYVE9WG", "asin": "B001ASHLSU", "reviewerName": "SoFloBusinessMan", "reviewText": "nice and quiet, worry about tipping it over and the oil spilling out of chamber and running dry and blowing it up, something you do not let your neighbor borrow as when he gives it back to you, it will be finished!", "summary": "nice and quiet", "unixReviewTime": 1454371200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A2FDR91T3OCELQ", "asin": "B000LNY4C6", "style": {"Size:": " 5-Pound", "Flavor Name:": " Mesquite"}, "reviewerName": "Jayrod", "reviewText": "Great flavor smoke to your meat. Don't get too crazy with it as it could leave a bitter taste to your food. Couple chunks will go a long way!", "summary": "Great flavor smoke to your meat", "unixReviewTime": 1464048000} +{"overall": 4.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "AAVAV8IY75QKE", "asin": "B001ACRZFA", "style": {"Size:": " Case Pack of 1"}, "reviewerName": "BLR", "reviewText": "ok", "summary": "Four Stars", "unixReviewTime": 1466467200} +{"reviewerID": "A3HE6K7ST1PUDV", "asin": "B001FK81PU", "reviewerName": "Richard", "verified": true, "reviewText": "This is my second feeder. It is squirrel proof. Period. Make sure to hang it out of reach for raccoons. They can figure out how to stretch to clean it out without making the feeder close.", "overall": 5.0, "reviewTime": "09 18, 2016", "summary": "Perfect!", "unixReviewTime": 1474156800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2018", "reviewerID": "A1ONITT5109O0L", "asin": "B000A3IMP2", "style": {"Size:": " 12.5-inch"}, "reviewerName": "sbb77", "reviewText": "easy to read", "summary": "Five Stars", "unixReviewTime": 1517011200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2017", "reviewerID": "A3P6RV388LMZ3X", "asin": "B0009JXYQ4", "style": {"Color:": " Black"}, "reviewerName": "Joseph Vinson", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1502236800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2013", "reviewerID": "AJIKQ1JEBC0UA", "asin": "B000VSDHAQ", "reviewerName": "Gryphon", "reviewText": "This is as described. Very sturdy and string. Durable. Protects your investment in a saw. Well Worth the Cash to keep store and transport your saw", "summary": "Durable and Strong", "unixReviewTime": 1368057600} +{"reviewerID": "A1NE67ZPAMSI1S", "asin": "B000V89QYM", "reviewerName": "jim & barb", "verified": true, "reviewText": "very good price, and all we use is spa frogger items for our spa. they work well, and last much longer than they say they do.", "overall": 5.0, "reviewTime": "10 24, 2015", "summary": "good deal, nice product", "unixReviewTime": 1445644800} +{"overall": 4.0, "verified": false, "reviewTime": "07 27, 2016", "reviewerID": "A3V2CVN5O85D5Q", "asin": "B001B1OI0A", "reviewerName": "Mariflor de Leon", "reviewText": "So far so good", "summary": "Four Stars", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "A3GBULTIVS4LNA", "asin": "B000A26WVE", "reviewerName": "Amazon Customer", "reviewText": "Great snow shovel, light, cleans down to the pavement, ideal to finish up after using a gas snow thrower, the metal edge really helps with\nhardened/packed snow.", "summary": "Suncast SC1350 19-inch Shovel/Pusher", "unixReviewTime": 1426118400} +{"overall": 4.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A3DWY17PYC86O", "asin": "B001ACNVHG", "style": {"Size:": " 3\" x 50'"}, "reviewerName": "Gerard D. Bernier", "reviewText": "No surprises was as advertised.", "summary": "Four Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2014", "reviewerID": "AM4WXP8YJ02PE", "asin": "B000OWEB0O", "style": {"Size:": " 1 quart"}, "reviewerName": "cloud watcher", "reviewText": "used for 2 months now - great results - the leaves are still on our young fruit trees! First year we have been able to do this...", "summary": "Deer stopper spray", "unixReviewTime": 1399507200} +{"overall": 2.0, "vote": "10", "verified": false, "reviewTime": "05 16, 2010", "reviewerID": "AVK9YXUZOR98H", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "SKP", "reviewText": "This is a good product but Amazon's price is too high! Found same product, same size at 2 garden stores yesterday for $9.97.", "summary": "Good product - price too high", "unixReviewTime": 1273968000} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "A1PTKRGAZN8YO7", "asin": "B000V63VRC", "reviewerName": "Jim from Panama City, Florida", "reviewText": "Works very well. Just what I wanted!", "summary": "Works very well. Just what I wanted!", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "A1FS4IY3UUL5JW", "asin": "B0001P4PSC", "style": {"Color:": " Hickory"}, "reviewerName": "Dennis", "reviewText": "good smoke flavor", "summary": "Five Stars", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2013", "reviewerID": "A29C9A79DFHF2O", "asin": "B000VLFE6I", "style": {"Size:": " 12 lb"}, "reviewerName": "Amazon Customer", "reviewText": "This thing works. I fill it about once per week for 8 laying hens. No complaints. I do have to shake it daily to keep it from binding up, especially if it is humid or rainy.", "summary": "A workhorse.", "unixReviewTime": 1384387200} +{"reviewerID": "A2014SZEJEK7RI", "asin": "B000MOHJRG", "reviewerName": "Jose bravo", "verified": true, "reviewText": "Very good", "overall": 5.0, "reviewTime": "05 5, 2015", "summary": "Five Stars", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A19SNOEXF29R", "asin": "B0001AUF8G", "style": {"Size:": " 30 Ounce"}, "reviewerName": "joanne", "reviewText": "these are great for sprinkling around yard , in flower pots where small amounts of water stand and create habitat for those asian tiger mosquitoes", "summary": "very convenient", "unixReviewTime": 1414195200} +{"overall": 4.0, "verified": true, "reviewTime": "06 17, 2011", "reviewerID": "A9MR81J2M63FF", "asin": "B000EEW4NI", "reviewerName": "William A. Osmeyer", "reviewText": "This proved to be compatible with my electric power washer, and so far it works fine. It appears to be solidly made, but only time will tell how well it holds up. For the time being at least, my old power washer has new life.", "summary": "A good product", "unixReviewTime": 1308268800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A16UXBAW4ISYMQ", "asin": "B0015MNIN8", "style": {"Package Quantity:": " 1"}, "reviewerName": "ANTONIO HERNANDEZ", "reviewText": "very good product", "summary": "Five Stars", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2012", "reviewerID": "A2G9ED7HI7C25O", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer Susie", "reviewText": "These drip pans work very well with our Weber Genesis Silver BBQ grill. They are easy to use and hold the drippings from cooking well.", "summary": "Great replacement pans", "unixReviewTime": 1356912000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2013", "reviewerID": "A1283NUJ88KUCN", "asin": "B000WEPHGQ", "reviewerName": "Francis Pereyra", "reviewText": "Awesome. I got it installed right after I got it today and my gas grill got a second chance at life ;)\nIt works perfect.", "summary": "Second life of my Gas Weber!", "unixReviewTime": 1370217600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "AFKZ7UHX658SK", "asin": "B000HHMIV0", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "These are nice and the quality is great. They are working very well to keep my sedum from falling. I found some at Menard's for much less money but they were not the same quality as these. Very happy with them.", "summary": "These are nice and the quality is great", "unixReviewTime": 1494633600} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "06 9, 2012", "reviewerID": "A17WER66R17JEF", "asin": "B000ZIIUHW", "reviewerName": "Larry Finley", "reviewText": "I orderd these to replace some nasty lava rock. I put these on top of a rock grate that I ordered. They help with eliminating flare ups. My steaks are now the best yet that I have done on an old grill.", "summary": "Better Grilling", "unixReviewTime": 1339200000} +{"overall": 5.0, "verified": false, "reviewTime": "09 28, 2016", "reviewerID": "A2YNLKYBE3TDQK", "asin": "B000E7MTUI", "style": {"Size:": " Pack of 5"}, "reviewerName": "Roxanne I Bohnow", "reviewText": "These are great for micro gardening. I love that I can grow a full bed of sprouts in these trays with very little soil base.", "summary": "These are great for micro gardening", "unixReviewTime": 1475020800} +{"overall": 3.0, "verified": true, "reviewTime": "07 4, 2017", "reviewerID": "A3S5W0IJJJOYR8", "asin": "B0013I2LVY", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "D. Kiley", "reviewText": "This is tiny, for some reason I thought it would be a sturdier unit but it does what is supposed to do . Mist is fine although narrow", "summary": "Mist is fine although", "unixReviewTime": 1499126400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2012", "reviewerID": "A2XWNL7JV2VE7", "asin": "B000WEIII0", "reviewerName": "Jessica L.", "reviewText": "Nice heavy, and high quality barbecue set. We are sure this will last us for a long time. We have no issues with the product and it works just as expected. Excellent purchase!", "summary": "High Quality", "unixReviewTime": 1354752000} +{"overall": 4.0, "verified": true, "reviewTime": "07 16, 2013", "reviewerID": "A25HQGY2HUXJ1K", "asin": "B001DNL8MM", "reviewerName": "Bob", "reviewText": "Seems cheaply made. Only time will tell, I use it alot and so far is holding up. I wish it were a bit longer, less bending over.", "summary": "Works well...but.", "unixReviewTime": 1373932800} +{"overall": 4.0, "verified": true, "reviewTime": "04 15, 2014", "reviewerID": "A1GX6OKHTL2ZHK", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "marvin", "reviewText": "this product worked good. i could have used bigger bottles. i ran out of the ph up. i would suggest this product for the gardener who want spot on ph", "summary": "top of the line", "unixReviewTime": 1397520000} +{"overall": 4.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A1WU9HTN8GRGQ6", "asin": "B0013GQFNQ", "reviewerName": "Kara Kelso", "reviewText": "Extremely difficult to germinate and keep alive the first few weeks, but they ARE growing wonderfully in a pot. Seeds grew as promised.", "summary": "but they ARE growing wonderfully in a pot", "unixReviewTime": 1429488000} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A2KCYOX7Z5QUUI", "asin": "B00004SD7C", "style": {"Size:": " 10 Gallon"}, "reviewerName": "Robert Kemp", "reviewText": "Just what I wanted.", "summary": "Four Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "A28IQXTT326X34", "asin": "B000LNUA9W", "reviewerName": "Kitty", "reviewText": "Works well, good plastic design", "summary": "Quality Product", "unixReviewTime": 1449964800} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "AIVVJLKWGXYGC", "asin": "B0015Z3NSK", "style": {"Style:": " Straight Shaft Trimmers"}, "reviewerName": "ShopTherapy", "reviewText": "As described. Works well.", "summary": "Four Stars", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A12FMHJLPA2JNQ", "asin": "B000NV6HOE", "style": {"Flavor Name:": " Hickory"}, "reviewerName": "Duffy", "reviewText": "Works great with the tray I got for smoking on my grill. Will be ordering again", "summary": "Five Stars", "unixReviewTime": 1493510400} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A111MWCGO13JEJ", "asin": "B000FJVRAS", "reviewerName": "Ron", "reviewText": "Works well so far. I have had it in my pool for 2 months.", "summary": "Four Stars", "unixReviewTime": 1405382400} +{"overall": 5.0, "vote": "9", "verified": false, "reviewTime": "07 9, 2009", "reviewerID": "A3GDYVCSYEW1SN", "asin": "B000BO8XZO", "reviewerName": "Blazing Tartan", "reviewText": "Sprayed on citrus trees when leaf miner damage is evident will kill off the grubs that are embedded in the leaves. This works really well and a re-spray isn't required until leaf miners show up again--and they will. It's the only thing I know that will control these pests.", "summary": "Controls leaf miner on citrus trees", "unixReviewTime": 1247097600} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2018", "reviewerID": "A2W777S8E1XSFC", "asin": "B00173ELYK", "style": {"Size:": " 2-1/2-Gallon"}, "reviewerName": "Adrean", "reviewText": "Excellent buy. Will never buy a plastic can ever again. The carrying handle is a nice touch that makes carrying this thing a breeze. Great capacity at 2.5 gallons. Every gardner needs this!", "summary": "Excellent buy. Will never buy a plastic can ever ...", "unixReviewTime": 1523145600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A34XIXQLX7QNGF", "asin": "B0002KHDLW", "style": {"Size:": " 1 Gallon"}, "reviewerName": "Amazon Customer", "reviewText": "works great as always", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "ACSNL0L1C7G9P", "asin": "B000ATUKBU", "style": {"Size:": " 17 Gallon Round"}, "reviewerName": "flashlightnut", "reviewText": "GREAT PRICE AND QUALITY!", "summary": "USING IT FOR PLANTER", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A1TPH46V3U22YC", "asin": "B0016ALHZA", "reviewerName": "W. Hiers", "reviewText": "I LOVE Felco pruners. Part of what I love is the ability to replace parts that wear out or fail. Replacing the blade was a snap.", "summary": "I LOVE Felco pruners", "unixReviewTime": 1438646400} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "AET2T5XF95Y7P", "asin": "B0000CBJCQ", "style": {"Style Name:": " Apple"}, "reviewerName": "old man", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2016", "reviewerID": "ALVYYLWI6EUE1", "asin": "B001H1HI42", "reviewerName": "Ralph J. Sterba", "reviewText": "works good", "summary": "Five Stars", "unixReviewTime": 1481760000} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2013", "reviewerID": "A2JSP7M5XH17ZF", "asin": "B000HHQNBG", "style": {"Size:": " 1Pack"}, "reviewerName": "Anna", "reviewText": "Is holding up great in the Colorado winds. Using it to cover strawberries for the winter and is working great!", "summary": "Works Great!", "unixReviewTime": 1387497600} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2010", "reviewerID": "A2B0X8M31AI911", "asin": "B0002568SQ", "style": {"Size:": " 2.5-Gallon"}, "reviewerName": "GolfingFool", "reviewText": "Had some heavy string algae in our waterfall/pond in spite of a cold winter. Three applications seem to have cleared it up, so will now go on a maintenance program as recommended.\n\nA year and a half later...still using 2+ oz. per week and have no problem with the algae.", "summary": "Works for Me", "unixReviewTime": 1268697600} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2018", "reviewerID": "A337ES400J1K1I", "asin": "B0011TOPD2", "style": {"Color:": " Copper/Blue"}, "reviewerName": "Leon Qubick", "reviewText": "bigger than I thought it would be but looks nice. spins freely.", "summary": "Four Stars", "unixReviewTime": 1520985600} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2014", "reviewerID": "AEB38NC4FM8OW", "asin": "B000K1M1RY", "reviewerName": "Rich", "reviewText": "Fast delivery and perfect part...", "summary": "Five Stars", "unixReviewTime": 1415404800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 2, 2012", "reviewerID": "AIGVWAUX6O0LB", "asin": "B0013E1VTG", "reviewerName": "Stephen Krupnik", "reviewText": "This is the best suet feeder I've ever loaded and hung. Quality recycled materials, heavy duty cable hanger, easy to load and clean, and the birds love it. It even withstands frequent inquiry by squirrels and raccoons.", "summary": "Happy Woodpeckers", "unixReviewTime": 1354406400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2017", "reviewerID": "A13VUQ7VLY2W9A", "asin": "B000VM0GUQ", "style": {"Size:": " Country Star"}, "reviewerName": "Christine", "reviewText": "Arrived pretty fast and works great.", "summary": "Five Stars", "unixReviewTime": 1512777600} +{"overall": 4.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "AGDBMI7051AYB", "asin": "B001AN7RGG", "reviewerName": "chris", "reviewText": "I used to go all eco conscious and use old newspaper but got tired of ash flying around and not working anyway; these just do the job fine", "summary": "I used to go all eco conscious and use old ...", "unixReviewTime": 1417046400} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2017", "reviewerID": "A3VXQUU4ZWGTNW", "asin": "B000JETF1M", "style": {"Size:": " 20oz Bottle"}, "reviewerName": "K. Wolcott", "reviewText": "I can report that Eastern Pennsylvania spider mites and ear wigs were successfully defeated by Garden Safe. I'm so happy! I was tired of those little buggers eating the annuals in my planter boxes and attacking my perennial daisies. Def would purchase again.", "summary": "Took down the spider mite army and vanquished the earwig hoard", "unixReviewTime": 1499212800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "A2EQ45QBSVOA05", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "S. Woolard", "reviewText": "I'm a tiny woman and I can handle this just fine, love the power and cleaning up is a breeze!", "summary": "No gas blowers for me, I love my earth too much for that!", "unixReviewTime": 1473724800} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A1OMFQZ3PEDDTK", "asin": "B001GPCW1S", "reviewerName": "Galen Shubert", "reviewText": "It is OEM but quite stiff in cold water and requires daily un-tangles. Not everyone runs a cleaner all winter, I guess.", "summary": "OEM ---- just as good as new", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A1FHVGZHZRAZOM", "asin": "B0016AJCGQ", "reviewerName": "Theodore A.", "reviewText": "Form fit and function Just like to original", "summary": "Five Stars", "unixReviewTime": 1428105600} +{"reviewerID": "A2UI8Y7N88X6JY", "asin": "B000WEMFS4", "reviewerName": "tig", "verified": true, "reviewText": "I bought two of these as Christmas gifts and could not have been happier with them. They appear to be extremely durable in addition to comfortable. I plan on buying two more for my wife and I sometime in the future.", "overall": 5.0, "reviewTime": "01 1, 2013", "summary": "This chair is awesome!", "unixReviewTime": 1356998400} +{"reviewerID": "A2IA65YJGBLWK8", "asin": "B000VU222S", "reviewerName": "donald r gendron", "verified": true, "reviewText": "LIKE IT", "overall": 5.0, "reviewTime": "12 5, 2016", "summary": "Five Stars", "unixReviewTime": 1480896000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2013", "reviewerID": "A1SZEBF6EJ64CK", "asin": "B000EW6EGI", "reviewerName": "Claude D. Hasan", "reviewText": "This is a great gadget to help save your filters and your pump. I was told the screen inside gets brittle and breaks with time, but an easy fix is putting a nylon stocking over the mesh. I just got mine a few months ago, so I have not reached that stage yet so I cannot tell you.", "summary": "Great at catching larger leaves", "unixReviewTime": 1373241600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "ANVYOJF94QCQL", "asin": "B000BX1KWI", "style": {"Color:": " Multi"}, "reviewerName": "Kindle Customer", "reviewText": "Our old flag pole broke from a high wind, but with Amazon Prime, this new one was at my door in a single day--not even the two as guaranteed. It's perfect.", "summary": "Came in one day!", "unixReviewTime": 1419552000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A2LLYZTMXZ1TBN", "asin": "B000BQY7XO", "style": {"Style:": " Spreader"}, "reviewerName": "Dan", "reviewText": "Super easy to use. great distribution with a steady hand.small hopper so have to refill often, but not designed for people with a yard that would require much more.", "summary": "Little small, but works great.", "unixReviewTime": 1498608000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A229Y2YSETA4Z8", "asin": "B0001PG2RO", "style": {"Size:": " 18\"", "Package Type:": " Standard Packaging"}, "reviewerName": "melstrom1000", "reviewText": "Use this on our pool deck. It's handsome, well made, and the perfect size for our needs.", "summary": "La Crosse Tech WT-318PL", "unixReviewTime": 1484092800} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A1T5GXIMODJVJA", "asin": "B0015Z3NSK", "style": {"Style:": " Straight Shaft Trimmers"}, "reviewerName": "Kenneth D Stohler", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2016", "reviewerID": "AG355LE366BHX", "asin": "B000UJVC3U", "style": {"Size:": " 3' x 250'"}, "reviewerName": "M. Prewitt", "reviewText": "I've used this product twice, both with wood chip mulch beds. Once was for a rose garden at the church I attended, another was around our home. In both cases it held up great, and kept the weeds down. It was a great help and made weed control much easier.", "summary": "In both cases it held up great, and kept the weeds down", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "ASH6AVULH66W3", "asin": "B00004ZB4K", "style": {"Size:": " 3.5 Inch"}, "reviewerName": "William J Wester", "reviewText": "Works well", "summary": "Five Stars", "unixReviewTime": 1437782400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A3LFWSR4S5P7U0", "asin": "B0012YMHL8", "reviewerName": "Amazon Customer", "reviewText": "Love this plant helping me out with the gnat in house from other plants. and it seemed to flower right away on both different time i bought this plant.", "summary": "great plant", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2014", "reviewerID": "A1MPBNCW55YJ9A", "asin": "B000WEPH98", "reviewerName": "J W", "reviewText": "Good Deal", "summary": "Five Stars", "unixReviewTime": 1405382400} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A3SKZGCJKH5DPQ", "asin": "B0014SKUN4", "reviewerName": "MAGGI HALL", "reviewText": "SOLID AND WELL MADE", "summary": "HOLDS FLAG POLE SECURELY", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A3W3J1JDSA02M9", "asin": "B000QFSAJW", "reviewerName": "Gustav", "reviewText": "This is the good stuff. I have used it for several years and never had a problem. I have a flock of 25-50 birds, and I think that this grit is an important part of keeping them healthy.", "summary": "The Good Stuff", "unixReviewTime": 1462752000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A1A648N08EEUVW", "asin": "B000Q90XTS", "reviewerName": "E. Nemeth", "reviewText": "Works as advertised, fair price, well made", "summary": "Five Stars", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A1DXNZD2QBOKO7", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Clever", "reviewText": "Fit well on the grill", "summary": "Good price.", "unixReviewTime": 1523664000} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A29FZJ90BAQELX", "asin": "B000E1RPQC", "style": {"Size:": " 1 Quart"}, "reviewerName": "petterson almeida", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1475712000} +{"overall": 3.0, "verified": true, "reviewTime": "09 6, 2016", "reviewerID": "A37DS4YK0RYQS", "asin": "B000W93LUU", "style": {"Size:": " Wasps"}, "reviewerName": "jutty", "reviewText": "Not sure it did anything, but it isn't expensive so why not?", "summary": "Three Stars", "unixReviewTime": 1473120000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A16GASU1QQ3RQC", "asin": "B000KKXULG", "reviewerName": "Lethal", "reviewText": "looks good", "summary": "Five Stars", "unixReviewTime": 1490227200} +{"overall": 1.0, "verified": true, "reviewTime": "08 25, 2013", "reviewerID": "AIS9C5HXSH4X4", "asin": "B000QUWTS0", "style": {"Size:": " 1 X Pack of 3"}, "reviewerName": "Glenda Chirn", "reviewText": "Used in open carport area. Didn't help AT ALL! Moved frequently, changed colors frequently. Eventually just taken down & tossed. Wasted money... don't recommend.", "summary": "Maybe North Carolina birds are smarter!", "unixReviewTime": 1377388800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "AXNZDRBP95ANX", "asin": "B000C70MTK", "style": {"Size:": " 1 qt"}, "reviewerName": "Kathy", "reviewText": "Fast shipping. Just as described.", "summary": "Great!", "unixReviewTime": 1454284800} +{"overall": 1.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A2GVJ6U2XGSGFJ", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "Ed Espi", "reviewText": "Completely useless. As simple of an installation as this seems, I have yet to get this to work. Makes the pool filthy because it prevents normal filtration flow.", "summary": "Completely useless. As simple of an installation as this seems", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A2YFZMU3CC1ZWT", "asin": "B000SQ32MY", "reviewerName": "Fishchaser", "reviewText": "It is a great product. Holds a lot of tablets and look very durable.", "summary": "Five Stars", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A1U2Q9JKTVRW9H", "asin": "B0015AOT4W", "style": {"Style:": " Circle"}, "reviewerName": "Lynne Hatcher", "reviewText": "It stays put and has a great spray", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 3.0, "verified": true, "reviewTime": "06 22, 2015", "reviewerID": "A2LWQIM3I2QOGT", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "I hate this game.", "reviewText": "not sure if its really working.....still lot of bites", "summary": "Three Stars", "unixReviewTime": 1434931200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A4N9VJ9ARGY1N", "asin": "B0012W21R0", "reviewerName": "Dan's Small Engine Repair", "reviewText": "bought 3 to have in stock and 2 are defective return window is closed", "summary": "defective", "unixReviewTime": 1496793600} +{"overall": 3.0, "verified": true, "reviewTime": "03 12, 2017", "reviewerID": "A3MSH4X6W92GO9", "asin": "B001GLVBG4", "style": {"Color:": " Yellow"}, "reviewerName": "VS", "reviewText": "If I had the right size tank it would work in a stationary place. Don't know if I would use in a truck or RV moving.", "summary": "Just a plastic stand", "unixReviewTime": 1489276800} +{"overall": 5.0, "vote": "8", "verified": true, "reviewTime": "05 23, 2017", "reviewerID": "A3O1EFKA6UXFHR", "asin": "B000NPHZ5K", "style": {"Size:": " 7 Pounds"}, "reviewerName": "FW", "reviewText": "I can't be 100% if the Mole and/or Gopher left my backyard because of this product or the change in seasons. But one week after using this, I stopped seeing new tunnels.", "summary": "One week after using this, I stopped seeing new tunnels.", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": false, "reviewTime": "07 19, 2014", "reviewerID": "A3UJG4L7OS4RNG", "asin": "B000VO8FIY", "reviewerName": "Nick Marcantonio", "reviewText": "Cheap, strong, useful!\nIt's a metal rake for your garden. You should understand what it's for. It fulfills its purpose easily. No issues.", "summary": "GET ONE.", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A1IFM9MV5SJU6M", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "66Vettster", "reviewText": "Great value!", "summary": "Weber Barbecue Pans", "unixReviewTime": 1510531200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "ADVAOWPCRO67", "asin": "B000X9BNG8", "reviewerName": "I tell it like it is", "reviewText": "Stocked up on these for Weber E670 (see my amazing review).\n\nWeber OEM. Good price. Hold up well.\n\nPurchase again? YES", "summary": "OEM Replacement", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "AYZ5M99CFK6LG", "asin": "B001ACPZ0W", "style": {"Size:": " 1 Pack", "Package Quantity:": " 1"}, "reviewerName": "Rita A.", "reviewText": "Very good charcoal to make terrariums.", "summary": "Five Stars", "unixReviewTime": 1419811200} +{"overall": 3.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A29L9FQ61DYWUE", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "Reaching New Heights", "reviewText": "Works but have to keep an eye on the product, after rain needs adjustment, after hot weather needs to be adjusted.", "summary": "Works some times.", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2015", "reviewerID": "A1S28VNG7NF0LX", "asin": "B0012XXE3E", "reviewerName": "Amazon Customer", "reviewText": "Works as described. Excellent quality and prompt delivery thanks to Prime!", "summary": "Excellent quality and prompt delivery thanks to Prime", "unixReviewTime": 1421798400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2016", "reviewerID": "A38HWKGV6ZI6HW", "asin": "B00158UK4C", "reviewerName": "scamp", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1458691200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A30YLX8NQ7XX45", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "SC", "reviewText": "Fits just right.", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A3MMBMD562U788", "asin": "B0007KP9S6", "style": {"Size:": " 1 Pack"}, "reviewerName": "lighthousecollector", "reviewText": "This product is ok, but I wish the screws that came with it were better. They would not go into my wood posts on my porch.", "summary": "Ok Product", "unixReviewTime": 1478908800} +{"overall": 4.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A3F0IE0Q55WNJ3", "asin": "B000WEIII0", "reviewerName": "Scott", "reviewText": "The weight is good, the length is perfect for both my large grill and smoker but I wish the tongs would have the ability to lock when closed", "summary": "Really nice set", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2017", "reviewerID": "A2IL12SZX60YIR", "asin": "B000WQZCQO", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Amazon Customer", "reviewText": "Its great not having to worry about turning it on. That is why I ordered this one because of the automatic feature. It has been working great since it was installed.", "summary": "Its great not having to worry about turning it on", "unixReviewTime": 1510617600} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "AX9VPRY2Z5Q14", "asin": "B0014SKUN4", "reviewerName": "Gary L. Sr.", "reviewText": "All good!", "summary": "All good!", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "AJGUM08DXL2K5", "asin": "B0017L7FKY", "reviewerName": "Wild Willie", "reviewText": "Great product! I Highly Recommend it! Growing well.", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "A3R2GRDULSJCM5", "asin": "B00004R9WN", "style": {"Size:": " 0.75\" x 0.75\" x 4'"}, "reviewerName": "cap214", "reviewText": "good and strong", "summary": "Five Stars", "unixReviewTime": 1452124800} +{"overall": 3.0, "verified": true, "reviewTime": "12 18, 2014", "reviewerID": "ATA2A39PVHRH2", "asin": "B000HOSYY8", "reviewerName": "Baja Bound", "reviewText": "Only rated a three as it did not fit the older can I had purchased it for. Probably works great for a can it fits. Make sure you check the diameter of the spout you are trying to fit.", "summary": "Looks well made, just did not fit my can", "unixReviewTime": 1418860800} +{"overall": 3.0, "verified": true, "reviewTime": "02 5, 2010", "reviewerID": "A1BVXCHZZ525W4", "asin": "B000VUZV4E", "reviewerName": "Cheryl", "reviewText": "I would have liked this stand better if it were taller. I found this planter stand to be inadequate for average planter pots to fit into openings.", "summary": "Planter stand", "unixReviewTime": 1265328000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A3IJUUQ2TFOGDL", "asin": "B0007ZERTI", "reviewerName": "Robert Brink", "reviewText": "Fine product & fit!", "summary": "Five Stars", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": false, "reviewTime": "12 16, 2013", "reviewerID": "A2L3BEVNQLRSKR", "asin": "B000FPL680", "reviewerName": "Hannah Salinas", "reviewText": "My hibiscus plants love this plant food. It nurishes them so well leaving them happy, vibrant, and blooming. They are gorgeous because of it.", "summary": "Gorgeous hibiscus plants", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2014", "reviewerID": "APHHO1R7HH2ZQ", "asin": "B00004R9VV", "style": {"Size:": " 1-1/2-Acre Coverage"}, "reviewerName": "Don", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1404604800} +{"overall": 4.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A18TQZDZ3VWY16", "asin": "B0012CBRXE", "reviewerName": "munster", "reviewText": "Fits pretty tight. Kind of hard to get off", "summary": "Good quality", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A37ME4XMTX0UP0", "asin": "B0015AP1QM", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "mike", "reviewText": "Works perfectly", "summary": "Works perfectly.", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A3PZYNNT34F21Y", "asin": "B000KL6T18", "style": {"Size:": " 16-Pound Bag"}, "reviewerName": "bison_burger", "reviewText": "Wow, the birds are eating it up likebird seed.", "summary": "Five Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A248LHR3OIB4F6", "asin": "B000EM9DFC", "reviewerName": "antiquity", "reviewText": "Sits on top of my refrigerator and I give it a glance when ever I go out side...it reliable and I would recommend", "summary": "recommend", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "AJ24WRGOFXIIP", "asin": "B000E28UQU", "reviewerName": "Woody", "reviewText": "very nice", "summary": "Five Stars", "unixReviewTime": 1468108800} +{"overall": 1.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "AIPCR5HPGREUQ", "asin": "B0015AOW7G", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Mountain Mama", "reviewText": "no better than a regular stream on a regular nozzle", "summary": "Nope. Not at all high pressure", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2014", "reviewerID": "A3CY78KIILLCF4", "asin": "B000XUHGHC", "reviewerName": "Smart_Kilted_Man", "reviewText": "Very good quality for the price. Extend the life of yours by hanging it in a shady spot and taking it inside when it looks like rain. As another reviewer mentioned the two biggest enemies of a hammock are sun and rain.", "summary": "Just as described", "unixReviewTime": 1403222400} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A2DEV69SHNSUQO", "asin": "B000E1RIUU", "style": {"Size:": " 1 Pack"}, "reviewerName": "AmazonBuyer", "reviewText": "Finally a better mouse trap. Works like a charm and no suffering (for the mouse). Safe around pets and children.", "summary": "Finally a better mouse trap", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2015", "reviewerID": "A21K2BKKA6UW4O", "asin": "B001ACPZ0W", "style": {"Size:": " 1 Pack", "Package Quantity:": " 1"}, "reviewerName": "Amy Martin", "reviewText": "Used in a terrarium. No problems.", "summary": "Five Stars", "unixReviewTime": 1444348800} +{"overall": 4.0, "verified": true, "reviewTime": "04 5, 2014", "reviewerID": "A1573PHPBIZIHP", "asin": "B00107039U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Kristopher Landmeier", "reviewText": "This is a great product and is easy to use. I would recommend this to anyone that can read directions. It fits a good pool chemical regiment.", "summary": "This works well.", "unixReviewTime": 1396656000} +{"overall": 1.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A24Z4QBZ4Y3GJF", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Stainless steel", "Style:": " Top Controller/Window"}, "reviewerName": "jh", "reviewText": "work for Christmas, then for superbowl would not work would not heat no reading for the temp.\nAmazon would not give credit for this item , now talking to Masterbuilt ??", "summary": "work for Christmas, then for superbowl would not work ...", "unixReviewTime": 1423526400} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "A3S7038TH4ZIFS", "asin": "B00008BKX5", "style": {"Style:": " Extender"}, "reviewerName": "Robert Mathison", "reviewText": "A+++ Good Value", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A2YDMLEMCLWL0E", "asin": "B0014FTQ0K", "reviewerName": "kenneth p.", "reviewText": "No problems. Fits and works as it should.", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 1.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A3VGHDZA5XPCWP", "asin": "B0012VY2TQ", "reviewerName": "Itsme", "reviewText": "did not use until after a month of receiving it. Lasted all of 4 hours before Bursting at Mid Point. Waste of Money.. Seller would not help with any discount etc off a new one... based on 30 day past purchase..", "summary": "Lasted all of 4 hours before Bursting", "unixReviewTime": 1470182400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A3PCDQ3T2CDUW5", "asin": "B000LNRVXK", "style": {"Size:": " 5 in x 40'"}, "reviewerName": "Yvonne Z", "reviewText": "Easy to install and cut. It is 5 inches so for me pretty high since I was unable to bury any of it due to rock.", "summary": "Easy to install", "unixReviewTime": 1479772800} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A38IYPXHJC0TVG", "asin": "B0015MJWJ2", "reviewerName": "joseph grasso", "reviewText": "Got it fast !!! put it on started on first pull sounds great !!!", "summary": "put it on started on first pull sounds great!!", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A15M5BFBORB4E4", "asin": "B000GD8M2E", "style": {"Color:": " Earth Brown"}, "reviewerName": "adm", "reviewText": "Well made tables- made in USA", "summary": "Five Stars", "unixReviewTime": 1407542400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2012", "reviewerID": "A3RMU7PHA66T5S", "asin": "B0002YVU12", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "RPD", "reviewText": "This was a much more economical purchase than buying 50 foot spools 2 or 3 times a summer. Now I have enough to last several years for what I would have payed for in a single year", "summary": "a great buy", "unixReviewTime": 1346716800} +{"overall": 4.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "AVKPCQL5EFZ19", "asin": "B000BQUEEA", "reviewerName": "lastguy", "reviewText": "Part of the system and works well saving time.", "summary": "Four Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A1H3Z8GDMGPXHV", "asin": "B001GNBCTI", "style": {"Color:": " Tan"}, "reviewerName": "John Thomas Jr.", "reviewText": "This leaf bucket is great for picking up leaves. A must to have in every homeowners arsenal.", "summary": "Five Stars", "unixReviewTime": 1486339200} +{"overall": 3.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A2SOOSS06G40RW", "asin": "B001D10EWO", "reviewerName": "Amazon Customer", "reviewText": "Found other method for moles. Still haven't used ir", "summary": "Three Stars", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "AT1U8GZZ2CR8O", "asin": "B001D240AA", "style": {"Package Quantity:": " 1"}, "reviewerName": "Rafael Garcia", "reviewText": "This product was amazing! Reseeded my lawn and in about 7 days grass started growing. No hard work at all. I just threw the seeds onto to existing lawn and it just started popping up all over the place. It is now November and my grass is totally green.", "summary": "Greener than money", "unixReviewTime": 1446681600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "AMITJK74C40PG", "asin": "B0001AUF8G", "style": {"Size:": " 30 Ounce"}, "reviewerName": "Andrel L. Hughes", "reviewText": "Really Works!!", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 3.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "A2QI7T7HS6Y4W5", "asin": "B00005OU5U", "style": {"Color:": " Maroon Flower"}, "reviewerName": "Amazon Customer", "reviewText": "Nice looking feeder, but hard to clean without the proper brush. The plastic base doesn't snug tight as well either, pretty easy to strip.", "summary": "Nice, but hard to Clean", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A3AWAADEHXCWW3", "asin": "B000E65320", "reviewerName": "ab", "reviewText": "good bistro size table", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "AQV8WZALT7YEG", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Timothy Quinn", "reviewText": "High quality. Unfortunately not American made.", "summary": "Four Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2010", "reviewerID": "A7UVHYKARQ4WS", "asin": "B000BQN4T2", "reviewerName": "Linus van Pelt", "reviewText": "I finally had this installed by my electrician. He said it was the best system on the market. The directions are easy to follow, and the system works like a gem. Great being from the NE when the power can go out for multiple days on end.", "summary": "Cheapest price I could find anywhere Great system professional appearance", "unixReviewTime": 1263427200} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A2BALMNFYNSGQG", "asin": "B0013V2LIO", "reviewerName": "KatsRule", "reviewText": "Wrks", "summary": "good", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A1WTV3VT96TVQS", "asin": "B00004RA8P", "style": {"Size:": " 1 Pack"}, "reviewerName": "Hot Body (Consignment)", "reviewText": "I have so many hummers, these feeders make it simple for me to fill up and refill and please the very hungry hummingbirds I have.", "summary": "Simple and Easy to Refill and Clean", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2014", "reviewerID": "A1F7AO6LUW0ACL", "asin": "B000KFWKEE", "reviewerName": "Gary Layne Harp", "reviewText": "I really do like these prisms hanging in my windows because the send rainbows to all 4 walls in my room and make me smile when I enter the room.", "summary": "brightens up my room", "unixReviewTime": 1396656000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2017", "reviewerID": "A1T29VVIM8NKX5", "asin": "B000WYOOQ0", "reviewerName": "Rose", "reviewText": "works great and last me about 10 yrs.", "summary": "Five Stars", "unixReviewTime": 1501977600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2017", "reviewerID": "A2MORBED5QFJYZ", "asin": "B000F8V29K", "style": {"Size:": " 3 by 5 Foot"}, "reviewerName": "E F.", "reviewText": "Best looking and long lasting. Best for the cost.", "summary": "Great flag", "unixReviewTime": 1495584000} +{"overall": 4.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A7J8Y1TDIN69G", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Hribal", "reviewText": "It came fast but a little too short for my firepit. Probably my fault but it will still work.\n\nI like how tight fit/pull string that goes around the base of the cover.", "summary": "I like how tight fit/pull string that goes around the base ...", "unixReviewTime": 1452988800} +{"overall": 2.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "A2XUX3J9F4JUH8", "asin": "B0018NHDIK", "style": {"Size:": " 75 Feet x 1/2 Inch", "Color:": " Green"}, "reviewerName": "Swankie", "reviewText": "Does not hold like regular Velcro does!", "summary": "Two Stars", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "AO8U901S35LJ3", "asin": "B000NSGNOG", "reviewerName": "6639EKC", "reviewText": "Good price.", "summary": "Five Stars", "unixReviewTime": 1430784000} +{"overall": 5.0, "verified": true, "reviewTime": "01 2, 2014", "reviewerID": "A33IBAITBKQUSL", "asin": "B0015VDT56", "style": {"Color:": " beige"}, "reviewerName": "Carol", "reviewText": "This birdfeeder is well made with a material that will last thru all kinds of weather--the seed doesn't clump together and get moldy--This is my second one--well worth the extra money", "summary": "Best birdfeeder", "unixReviewTime": 1388620800} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2016", "reviewerID": "A2760Q7SY6FO4W", "asin": "B000Y8Z06C", "style": {"Size:": " 1-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "FIT PERFECTLY", "summary": "FIT PERFECTLY", "unixReviewTime": 1475798400} +{"overall": 4.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A320Y8RSHWG8I7", "asin": "B0012RS2I2", "style": {"Color:": " Black"}, "reviewerName": "V Sheung", "reviewText": "Fits in the whole set perfectly, the only thing is it was not tied to the grill so in one morning I found out flew to next door due to strong winds. I now use clips to clip it tight to the stand.", "summary": "Mini Webber Grill Cover", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A2YCPC8F0EKZ24", "asin": "B000WEKLTE", "style": {"Size:": " Large"}, "reviewerName": "Joan", "reviewText": "love our weber gas grill and need the drip pans for it.", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2014", "reviewerID": "ALRK7AJO16OJT", "asin": "B0015MLQ00", "reviewerName": "The Retired Guy", "reviewText": "Best replacement part I ever bought help with the chain saw so much no more sore hand from starter handle slipping out of you hand.", "summary": "Best replacement part I ever bought help with the chain ...", "unixReviewTime": 1415836800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51qf5LYb1nL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/51Urq4dcPwL._SY88.jpg"], "overall": 4.0, "verified": true, "reviewTime": "07 3, 2015", "reviewerID": "AE57DC3JY36WK", "asin": "B000HCLLMM", "style": {"Size:": " Large"}, "reviewerName": "1busydad", "reviewText": "Looks great, arrived on time, heavy duty. Fit not the greatest, but plenty big enough for my Weber Genesis Gold (see photos). all in all, a good deal. Would definitely recommend over manufacturers cover due to price and warranty.", "summary": "Looks great, arrived on time", "unixReviewTime": 1435881600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "01 12, 2013", "reviewerID": "ARMYCJ2WKBHB6", "asin": "B0017HQOOG", "reviewerName": "Daniel S", "reviewText": "The scraper works well, just don't put it in the Dishwasher, I did and handle is messed up. The wood handles went from smooth to like sandpaper in 1 washing.", "summary": "Not Dishwasher Friendly", "unixReviewTime": 1357948800} +{"overall": 3.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A1QEGD6DAR66NX", "asin": "B0015AOU2I", "reviewerName": "Larry C.", "reviewText": "They eliminated some of the old spray patterns and just duplicated others.", "summary": "Not as good as the old model", "unixReviewTime": 1443657600} +{"overall": 4.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A1708D93P9L6LL", "asin": "B000W44GH2", "style": {"Size:": " Small"}, "reviewerName": "Debbie S.", "reviewText": "It was larger than I wanted but it is as listed. And the quality is nice.", "summary": "And the quality is nice.", "unixReviewTime": 1441324800} +{"overall": 3.0, "verified": true, "reviewTime": "01 21, 2014", "reviewerID": "A2AVTJPQVX4OWG", "asin": "B000BO993O", "style": {"Size:": " 36 inch"}, "reviewerName": "Stephanie", "reviewText": "i bought 3 of these thinking i could use them to put bird feeders around my yard for different birds. well needless to say, they would not hold up to a small bird feeder holding about one pound of bird seed. so now they are being used in my biggest flower pots holding ornaments.", "summary": "ok", "unixReviewTime": 1390262400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A2IDFBG8KAT97R", "asin": "B0013HO0E6", "reviewerName": "Andrew P. Thomas", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2013", "reviewerID": "A3PMI0I45X0440", "asin": "B00004R9PM", "reviewerName": "Stephen Hrubec", "reviewText": "I had been replacing that old plastic 'string' for so long, I was about ready to just let the weeds win. Needless to say, I didn't. This blade made the difference. No more re-winding, pulling the string out or getting fed up. Great product.", "summary": "WAY BETTER THAN PLASTIC STRING", "unixReviewTime": 1375920000} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2016", "reviewerID": "A14V8KU98RTB2I", "asin": "B00116QQ5K", "reviewerName": "Amazon Customer - TJ", "reviewText": "Great hose hangar. Well constructed. Quality hose connecter/on/off valve. Gave product 4 stars as the hangar is just not tall enough.", "summary": "Great Hose Hangar - Lacks Height Though", "unixReviewTime": 1473897600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A2MKSIFQ1S7BG4", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Sly E. Edwards", "reviewText": "I use this brass hose nozzle to water my grass, clean the car, and push the dirt from my ceramic tile floor in my driveway. Great PRODUCT.", "summary": "Just Another Great Product", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A8JLB48HC9TKW", "asin": "B000WGTK62", "reviewerName": "Patrick", "reviewText": "This product is nothing less than awesome. I would never buy another product for insect control. I have used several Bonide products and they never disappoint.", "summary": "Keep up the great work BONIDE.", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "ANI9D1L9SZ69N", "asin": "B000HCNEW2", "style": {"Size:": " Small"}, "reviewerName": "The Godfather", "reviewText": "This line of covers has proven to be very durable. I have them for my grille, patio furniture, umbrella, and chaise. Expect the same performance from this.", "summary": "Good line of covers.", "unixReviewTime": 1411862400} +{"overall": 4.0, "verified": true, "reviewTime": "05 5, 2014", "reviewerID": "A2YV9DRUU2ON2Y", "asin": "B000E7MTUI", "style": {"Size:": " Pack of 10"}, "reviewerName": "old rocker", "reviewText": "I was a little worried about them holding water, because they are quite thin. I have been using them for a while and are holding up to the weight and water quite well. Still would be more comfortable if they were a little thicker.", "summary": "Trays work well", "unixReviewTime": 1399248000} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2010", "reviewerID": "A23RAZKNJLJ66P", "asin": "B0000950Q2", "style": {"Size:": " 18\""}, "reviewerName": "HDoutLA", "reviewText": "This well-constructed lopper makes cutting almost anything that fits well in its blades cut very easily because of the gears, making it as functional as loppers with arms twice as long. Best lopper I have come across.", "summary": "great leverage", "unixReviewTime": 1287705600} +{"overall": 5.0, "verified": false, "reviewTime": "07 25, 2014", "reviewerID": "A1B4B8F25UH75N", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "rich", "reviewText": "Super Fast. Product was exactly as advertised. I will recommend and I will use again. Thank you.", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "A1MDSGERORBPKT", "asin": "B000HHLHK8", "style": {"Size:": " 1 Pack", "Color:": " Red"}, "reviewerName": "Curt", "reviewText": "Well constructed. Good solid metal.", "summary": "Good solid metal", "unixReviewTime": 1522195200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2014", "reviewerID": "A2XI4KI6MOXGPA", "asin": "B001AQK8WI", "reviewerName": "Dennis Malone", "reviewText": "Fill Large pot with water drop tire in boiling water fish out with plastic spoon stretch on to rim take about 15min per tire used a steel paint can opener as a tire Iron worked great!!!!!!!!!!!!!!!!!", "summary": "HONDA TIRE", "unixReviewTime": 1395446400} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2015", "reviewerID": "AITJG722DW94I", "asin": "B0007WXJ18", "style": {"Size:": " 36-Inch"}, "reviewerName": "UseCoupons2Save", "reviewText": "as describe", "summary": "Five Stars", "unixReviewTime": 1428192000} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A1IS0QM3F93XJW", "asin": "B0015FND44", "style": {"Color:": " Jolly Roger Red Bandana"}, "reviewerName": "Debbie", "reviewText": "liked the smiling face for my 4 year pirate fan. quality was a little flimsier than I expected but still fun.", "summary": "liked the smiling face for my 4 year pirate fan", "unixReviewTime": 1478908800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2013", "reviewerID": "A281Y84YKZY2XJ", "asin": "B0015UCRXM", "style": {"Color:": " Blue"}, "reviewerName": "K. Daniel", "reviewText": "The aqua broom picks up dirt very well. It is a little difficult to turn off and on when wet.", "summary": "great", "unixReviewTime": 1377475200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A2PQMQB2R7Q291", "asin": "B0002FZASA", "reviewerName": "Kindle Customer", "reviewText": "Good stuff", "summary": "Works for me", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A2YFN76UDNIYPC", "asin": "B000MISFBG", "reviewerName": "Deer Whisperer", "reviewText": "Very protective packaging for a repeat purchase. They are on 24/7 and have long life.", "summary": "Five Stars", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A3RARMU2BBUOF3", "asin": "B0014DMB0O", "reviewerName": "D. J. Eisler", "reviewText": "Works well. Comes with several plastic inserts to fit different size poles. I'm happy with it. I wish it came in brushed nickel.", "summary": "I'm happy with it", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "AGHDU7YC47G21", "asin": "B000A3IMP2", "style": {"Size:": " 12.5-inch"}, "reviewerName": "Batman", "reviewText": "Easy to read, easy to install, quality construction. What's more to ask? Don't even think about it, just buy it.", "summary": "Overall Quality Product", "unixReviewTime": 1519171200} +{"overall": 4.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A2KJ09YD49HI8R", "asin": "B0012Y1D5E", "reviewerName": "Charles Ingram", "reviewText": "Perfect fit and keeps my grill protected and dust free between uses.", "summary": "Four Stars", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A20FANFJJ7BWXO", "asin": "B00192JGY4", "reviewerName": "carlton p cormier", "reviewText": "Good one", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": false, "reviewTime": "05 31, 2016", "reviewerID": "A2PDLNL4THYSDS", "asin": "B00004R9WN", "style": {"Size:": " 0.75\" x 0.75\" x 4'"}, "reviewerName": "someone", "reviewText": "Sturdy little stakes.", "summary": "Works", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A2ZTJ6Y4IUQMAJ", "asin": "B00178IMPO", "style": {"Color:": " blue/blue"}, "reviewerName": "Chris Calabrese", "reviewText": "I new it was not wall mount and purchased it because I need what the picture looked like. I was not disapointed.", "summary": "... purchased it because I need what the picture looked like. I was not disapointed", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "AXQUOHROIXVY", "asin": "B00004R9VV", "style": {"Size:": " 1-1/2-Acre Coverage"}, "reviewerName": "Brooke Marean", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1499299200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A34B4E13YUETF8", "asin": "B000HCLLMM", "style": {"Size:": " Medium"}, "reviewerName": "gtp1998", "reviewText": "best cover i have ever owned", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "05 25, 2014", "reviewerID": "A1TPSOVENDRKC2", "asin": "B0015AOT4W", "style": {"Style:": " Square"}, "reviewerName": "Packrat", "reviewText": "I totally agree with everyone that talks about needing a lot of pressure. We didn't get close to 30 feet square. But the worst part was that most of the water ended up in a quarter of the area, which flooded, while the rest of the coverage was light.", "summary": "Uneven coverage", "unixReviewTime": 1400976000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2018", "reviewerID": "ABPMO7E7NVOVH", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac(UltraPlus)"}, "reviewerName": "WILLIAM J STEPHENS", "reviewText": "Wow this really blows.", "summary": "Five Stars", "unixReviewTime": 1522972800} +{"overall": 2.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "AMJFTYC54MSGH", "asin": "B000HHEQZQ", "reviewerName": "R. Walsh", "reviewText": "Very poor quality control. Bottom red strip at least an inch wider than the others. Peace symbol not centered in the blue region but far to the right in the blue. A testament to the fact that Chinese workers can't believe the crap they make for Americans.", "summary": "Made in China - obviously", "unixReviewTime": 1435190400} +{"reviewerID": "A3DT3M3ADBA5AC", "asin": "B000V8BU9Q", "reviewerName": "Leland Dickerman", "verified": false, "reviewText": "works", "overall": 5.0, "reviewTime": "11 10, 2014", "summary": "Five Stars", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "ARNCDCEYTS8CK", "asin": "B000H98TC0", "style": {"Size:": " 36.8-Ounce"}, "reviewerName": "ffrockport", "reviewText": "I really hate to use but spouse thinks this is the best!", "summary": "Five Stars", "unixReviewTime": 1441584000} +{"overall": 4.0, "verified": true, "reviewTime": "05 2, 2012", "reviewerID": "A33LP3KJCNHM4P", "asin": "B000WEPDKG", "reviewerName": "Daniel B.", "reviewText": "I've only used it twice. So far it seems like a good brush. The bristles are stainless steel. I scrubbed pretty hard with it and haven't lost any bristles yet.", "summary": "good little grill brush", "unixReviewTime": 1335916800} +{"overall": 2.0, "verified": false, "reviewTime": "10 26, 2014", "reviewerID": "A3J6VAE53PREPB", "asin": "B0007RXD8M", "reviewerName": "GWOPILOT", "reviewText": "after running it 3-4 days, I was lucky to get a few bugs captured...they're still flying around my patio area.", "summary": "after running it 3-4 days, I was lucky to ...", "unixReviewTime": 1414281600} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2015", "reviewerID": "A2AJ77KV1AA7T0", "asin": "B00115F75G", "reviewerName": "TexK", "reviewText": "WOW! these sunflowers grew taller than I expected. And the flower has lots of seeds for the birds. With 14 plants, the bees had a good time, also.", "summary": "Mongolian Giant Sunflower seed", "unixReviewTime": 1443398400} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A3GF931QEA78MS", "asin": "B000P8EPZ8", "reviewerName": "Amazon Customer", "reviewText": "The fuel line fit just right on my Husky 141 saw. It took a bit of extra effort to replace the old line but it worked. Thanks, this fuel line saved me a ton of money by not having to replace Husky 141 saw. Watch YouTube for the instructions and save $$$ big time!!!", "summary": "Save Money, do it yourself", "unixReviewTime": 1434153600} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A387G5BRV2B48N", "asin": "B000I63VSE", "reviewerName": "Amazon Customer", "reviewText": "As described.", "summary": "As described.", "unixReviewTime": 1452038400} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A2P5IW6KAGGNI3", "asin": "B0014G1KYO", "reviewerName": "R1", "reviewText": "It fit my Ariens 46\" piece of junk mower perfectly. Maybe being Sears branded, it won't bend in when it hits a rock and chew up the blade before turning into a grenade that sends shrapnel across the lawn.\n\nThis part is probably the highest quality thing on this crappy mower.", "summary": "Fit my Ariens", "unixReviewTime": 1390521600} +{"reviewerID": "A1LFJIWHO5T4F4", "asin": "B001G1C70S", "reviewerName": "Thomas", "verified": true, "reviewText": "This is your basic rain gauge. It functions in dominate fashion.", "overall": 5.0, "reviewTime": "11 27, 2015", "summary": "Five Stars", "unixReviewTime": 1448582400} +{"overall": 4.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A322WNKPG8QT71", "asin": "B000H25P42", "reviewerName": "DaGama", "reviewText": "Got this hose for the Charbroil grill the Tru-Infrared cause I don't like buying small bottles. No leaks of propane, the hose gets the bottle away from where I'm cooking and it saves me money over the cost of 1 pound bottles", "summary": "... for the Charbroil grill the Tru-Infrared cause I don't like buying small bottles", "unixReviewTime": 1469145600} +{"overall": 5.0, "vote": "12", "verified": true, "reviewTime": "03 25, 2011", "reviewerID": "ADZN49FGPRYAA", "asin": "B000UJZCC2", "reviewerName": "Greatbuys4less", "reviewText": "Now the birds can eat the birdseed not the squirrels. As soon as I put the cake out the squirrels decided to give it a try. One try is all it took and they let it be. Great product.", "summary": "Keeps the squirrels away so birds can feed.", "unixReviewTime": 1301011200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2017", "reviewerID": "A1M0OAGTV212R7", "asin": "B0002568YK", "style": {"Size:": " 2 Bales", "Color:": " Brown"}, "reviewerName": "Randall Skees", "reviewText": "So far, works good", "summary": "Straw Bale", "unixReviewTime": 1502409600} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2013", "reviewerID": "AQKG3N2GUOPT2", "asin": "B000H1PG92", "reviewerName": "jessie king", "reviewText": "This was the perfect Christmas gift. Great for my grill cooker son who grills every chance he gets. He wouldn't trade it for anything.", "summary": "hamburger broiler", "unixReviewTime": 1358380800} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A14C9SQWYKWN49", "asin": "B0015SBOV0", "reviewerName": "sr", "reviewText": "good looking", "summary": "good looking", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A96IN3KLG94H", "asin": "B000IJRKWO", "reviewerName": "Tracy", "reviewText": "Worked great would do business again. Thanks", "summary": "Once again Amazon great items and it cuts out the big box stores. Wally, Home D, Lowes", "unixReviewTime": 1445990400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A2UN6ZE0Y53VLR", "asin": "B000BPQND2", "reviewerName": "roy dill", "reviewText": "don't know going to work just planted", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "AFTVY8HD8513Q", "asin": "B00002N8GK", "style": {"Style:": " Heavy Duty Model #1200D"}, "reviewerName": "Robert", "reviewText": "Good sturdy device. Had one years ago and this has many improvements!", "summary": "The only way to water and deep root fertilize trees and bushes!", "unixReviewTime": 1435708800} +{"overall": 5.0, "verified": false, "reviewTime": "08 21, 2017", "reviewerID": "A2C4GBBIVI71LY", "asin": "B000OWB2PQ", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "D. Atkinson", "reviewText": "Worked great, can use a little less than directed and it will still do the trick.", "summary": "Worked great for tracking where I treated my yard", "unixReviewTime": 1503273600} +{"overall": 4.0, "verified": false, "reviewTime": "10 28, 2014", "reviewerID": "A3VJZHVT6KPDJ4", "asin": "B000H82E2C", "reviewerName": "NJ tradesman", "reviewText": "Built pretty good, not a cheap flimsy plastic.", "summary": "good.", "unixReviewTime": 1414454400} +{"overall": 4.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A2K37H23J06XRI", "asin": "B000ZGT9HE", "reviewerName": "G.E. M.", "reviewText": "This is a good basic frame & cover. Expect the cover to last three years when replacement is due. It's still a good value.", "summary": "Good value!", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "A231YQZOIYA5SP", "asin": "B000RSICZU", "reviewerName": "Bob", "reviewText": "Perfect fit..", "summary": "Five Stars", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A2445PCX5PKY7S", "asin": "B0012OPMQA", "style": {"Color:": " Cherry Finish"}, "reviewerName": "Amazon Customer", "reviewText": "I love it!!!", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "AXJRYGK7N5KPD", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2015", "reviewerID": "A2SBT6E75AKKFR", "asin": "B000WYOOQ0", "reviewerName": "EARL R ROSS", "reviewText": "The ignighter works like new! Works every time!", "summary": "Five Stars", "unixReviewTime": 1443830400} +{"overall": 3.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "A1SDEOAKOTK5Z", "asin": "B00158UK4C", "reviewerName": "Amazon Customer", "reviewText": "The seeds have not started growing yet - followed instructions but nothing", "summary": "Seeds may not grow", "unixReviewTime": 1432252800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A2XNCEHLFPXAUJ", "asin": "B000NVG6Y0", "reviewerName": "Fred C. Richards", "reviewText": "This feeder is constructed very well. It is easy to load, serves four or more birds at the same time. I take it in every night to save it from black bears. I don't think anyone has a bear proof bird feeder.", "summary": "Foiled at least one squirrel so far.", "unixReviewTime": 1354838400} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A6EOC732FAIPS", "asin": "B000WEIJUW", "reviewerName": "D. Dang", "reviewText": "Used this many times...lI've it...it's a little big", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2015", "reviewerID": "A3L2U0T5CZZ9GH", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Rico64", "reviewText": "OME direct replacement.", "summary": "Five Stars", "unixReviewTime": 1432425600} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A38SW7EP7T7U33", "asin": "B000BQWNRQ", "reviewerName": "Michael Rose", "reviewText": "Perfect for my truck.", "summary": "Five Stars", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A6EYFAIIPOWIL", "asin": "B000BQY7XO", "style": {"Style:": " Spreader"}, "reviewerName": "Kindle Customer", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "A1DK3CQQXIEMQY", "asin": "B0010VG3S6", "reviewerName": "Steven M. Petr", "reviewText": "So far with just three pulls it starts every time. I rum 91 octane with sea foam for small engines in it along with the oil content.", "summary": "Outstanding Blower", "unixReviewTime": 1403481600} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "AHQT4T99PJJV6", "asin": "B0006IXXF0", "reviewerName": "Sharon D. Miller", "reviewText": "they love it!", "summary": "yum also!", "unixReviewTime": 1419379200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2013", "reviewerID": "A2L0GTBUYRRPDB", "asin": "B00107039U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Rashed", "reviewText": "Tested my pool water couple of times. Very easy to test and seems like reading is accurate.\nI will recommend to buy this test kit.", "summary": "Works pretty well", "unixReviewTime": 1379894400} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2014", "reviewerID": "A1NX624OP85SY2", "asin": "B0002YVE5O", "style": {"Size:": " Soil Scoop"}, "reviewerName": "580HexShank", "reviewText": "My Garrett pin pointer does not detect any metal in this shovel, which makes it acceptable for relic hunting. Mainly purchased as a gift for my son, this fiber plastic shovel withstands his playing in loose gravel.", "summary": "as advertised", "unixReviewTime": 1399939200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A1PMUS6U6T69EP", "asin": "B000FJYTDK", "style": {"Size:": " 1 Gallon Per Hour, 30-Pack"}, "reviewerName": "Shannon", "reviewText": "I have a Dig drip system and got these as a cheaper dripper add on alternative. They ft and work great in the line.", "summary": "Fit in my drip irrigation system", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A3GIR590J1820E", "asin": "B000W42U66", "style": {"Size:": " Small", "Color:": " Pebble"}, "reviewerName": "sandi street", "reviewText": "It started raining the same day this came- this stayed on for weeks during the rain.", "summary": "Good timing", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A3M6VY2USEFFTI", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "Joefox", "reviewText": "Works as advertised.", "summary": "Five Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A1T0W8JXB4USYB", "asin": "B0019T29QE", "reviewerName": "AW82", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "A3D539KV0VW8OJ", "asin": "B00104WRCY", "style": {"Size:": " 30 Inch", "Color:": " Black", "Style:": " Digital/No Window"}, "reviewerName": "Patricia", "reviewText": "Worked like a charm for Thanksgiving. I bought another one for my middle daughter for Christmas gift.", "summary": "Five Stars", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A1S5SQYH7QJWGE", "asin": "B000E28UQU", "reviewerName": "Ray Carpenter", "reviewText": "Works great and perfect for my needs", "summary": "Good yard sprayer", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2015", "reviewerID": "A1GOBFE12SDGEF", "asin": "B001GP85G4", "reviewerName": "Richard in Sebring", "reviewText": "Perfect replacement tail for my pool sweep and cleaner.", "summary": "Five Stars", "unixReviewTime": 1439424000} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2017", "reviewerID": "A1RNZ9S6G9Y167", "asin": "B0010KZCS4", "style": {"Size:": " 1 Pack"}, "reviewerName": "PATRICIA MCKEE", "reviewText": "used them at a church function. better than dish washing.", "summary": "better than dish washing", "unixReviewTime": 1484524800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "AF2F39E4BCKR9", "asin": "B00004R9VX", "reviewerName": "LJ", "reviewText": "Works as stated. Great Seller !!", "summary": "Great Seller!", "unixReviewTime": 1440892800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2017", "reviewerID": "A18HF80AKWBXKE", "asin": "B000E2D3E4", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "dean323", "reviewText": "Excellent product and so inexpensive!! Made in USA!!!! Hooray!!!!", "summary": "trimmer line", "unixReviewTime": 1491350400} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2017", "reviewerID": "AHYG5D17F4IMQ", "asin": "B0014DR1W2", "reviewerName": "Ronald Thompson", "reviewText": "Nice product for the money", "summary": "Five Stars", "unixReviewTime": 1486252800} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2018", "reviewerID": "A2JD4INIJMYUMJ", "asin": "B00062KQ42", "style": {"Size:": " 30-Pound"}, "reviewerName": "Amazon Customer", "reviewText": "delivered as promised", "summary": "Five Stars", "unixReviewTime": 1516060800} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A2MPFS95QNY6LT", "asin": "B000WEOQC2", "reviewerName": "Rudolph Joseph Tiburzio Jr", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A1J2KSPJOJ1FGC", "asin": "B001BM678K", "reviewerName": "Emscowboy", "reviewText": "Great cover fits my generator like a glove will provide protection for it for years to and looks good too! Quality product great service. Would recommend it without hesitation.", "summary": "Covered up and protected", "unixReviewTime": 1409270400} +{"overall": 1.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A1KSF5ZC7OZM46", "asin": "B0014BMBA6", "reviewerName": "Rick", "reviewText": "Head and handle not fitted weight. Wood was twisted.", "summary": "One Star", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A236KRS8HUVJKN", "asin": "B000YQBT9G", "reviewerName": "Venita C. Copeland", "reviewText": "Beautiful, just too expensive.", "summary": "Five Stars", "unixReviewTime": 1421366400} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "AQS3LFK31KRSA", "asin": "B001GJ3FIS", "reviewerName": "debra Lawson", "reviewText": "Seems goods.", "summary": "Four Stars", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": false, "reviewTime": "04 25, 2016", "reviewerID": "A2Y8SZD20FQS3F", "asin": "B000YPQPSW", "style": {"Size:": " 16 x 8 x 8.5 inches"}, "reviewerName": "Amazon Customer", "reviewText": "Great item and more importantly they work!!", "summary": "Perfect Product!!", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A1J7XBJB2FEFZ0", "asin": "B0001P4PSC", "style": {"Color:": " Cherry"}, "reviewerName": "Charles Medchill", "reviewText": "good stuff", "summary": "Five Stars", "unixReviewTime": 1410652800} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A2WZDBL9E8CE2Y", "asin": "B00169SN6M", "reviewerName": "Gail", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2016", "reviewerID": "AEEPARQGN225H", "asin": "B000NCUW1M", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1473724800} +{"overall": 1.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "AX7OVNDY5M1D", "asin": "B001H1GRPI", "style": {"Size:": " Trap & Lure (2-Week)"}, "reviewerName": "C. Cruz", "reviewText": "Set up everything according to instructions and no wasps were caught :(", "summary": "One Star", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A1OA6WHAU2Y6E0", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Ross W.", "reviewText": "WERKS", "summary": "Works good", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A14AXB2EY4MK4X", "asin": "B0019T29QE", "reviewerName": "C. W. Larimer", "reviewText": "he looks great in among the flowers", "summary": "great life he has", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2015", "reviewerID": "AEBBVEXTK41XG", "asin": "B000IS780Y", "style": {"Size:": " 36 Ounce"}, "reviewerName": "MaryJane Rissberger", "reviewText": "After two applications my house herb garden is perking up! and my cats haven't figured out what the exciting yet subtle aroma is they pick up.", "summary": "After two applications my house herb garden is perking up ...", "unixReviewTime": 1422316800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "07 15, 2009", "reviewerID": "ATQK23JGX0AIH", "asin": "B000X3KTHS", "reviewerName": "Peter C. Greenfield", "reviewText": "Well made and does what its supposed to do and in Costa Rica its used alot", "summary": "Takes care of business", "unixReviewTime": 1247616000} +{"overall": 3.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A2ZGZ2O53NCLB5", "asin": "B000N52ZP0", "style": {"Size:": " 30-Feet by 1-1/4-Inch"}, "reviewerName": "KIMBERLY", "reviewText": "The pool hose works like its supposed to, but after a few uses the part that connects to the vacuum brush has come off and stayed in the vacuum brush. It still works like its supposed to. It's been like that for a year and still working alright.", "summary": "Its okay.", "unixReviewTime": 1472342400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "AKROGRB57BCIV", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "Super picky", "reviewText": "Use every year for gardening, I always use a bit more than called for.", "summary": "Works great", "unixReviewTime": 1501372800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2012", "reviewerID": "A3BU7MPWOAIQBL", "asin": "B000ND7DTK", "reviewerName": "VirtualLife", "reviewText": "A simple plastic pot and it was probably more like 5\" tall. No dying leaves, looks to be in great condition. It's far enough along that if it dies, it's my fault. Couldn't ask for me. No to see how the beans taste once they start on.", "summary": "Arrived as described", "unixReviewTime": 1356480000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A152EXDEB4UOGS", "asin": "B001H1LOGA", "reviewerName": "Juanita J.", "reviewText": "Awesome product, I had to ax the tree in a slant angle then I use a dropper to settle the concentrate.\nIt's a repetitive actions to really do the job.", "summary": "Awesome product, I had to ax the tree in ...", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2014", "reviewerID": "A16QD3KX4M5GRA", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "BigRedCuda", "reviewText": "These came to me in Polaris branded packaging. They are much cheaper than my local pool store and they are much more convenient delivered right to my door. I seem to go through these scrubbers pretty quick so I appreciate saving some money on them.", "summary": "Excellent value", "unixReviewTime": 1392336000} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A1KFOE8UHR5TLH", "asin": "B0014SKUN4", "reviewerName": "J.W. Burk", "reviewText": "good flag pole mount that is factory painted and looks good.", "summary": "Four Stars", "unixReviewTime": 1471392000} +{"overall": 3.0, "verified": true, "reviewTime": "10 24, 2014", "reviewerID": "A2PRJ9GLT3J7MF", "asin": "B000PGMU5C", "style": {"Size:": " 12-Foot"}, "reviewerName": "Kathy Wenger", "reviewText": "The stitching on this is not great and came apart on one end. The cover itself is fantastic and works well to keep in the heat, best used along with a pump to circulate the heated water.", "summary": "The stitching on this is not great and came apart on one end", "unixReviewTime": 1414108800} +{"overall": 4.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "A1DK3CQQXIEMQY", "asin": "B000A0REKO", "style": {"Size:": " 5 Pound"}, "reviewerName": "Steven M. Petr", "reviewText": "Works pretty well, also killed the mice around my house", "summary": "Four Stars", "unixReviewTime": 1506211200} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A1A4URU2ZTG6AJ", "asin": "B0015AUOSC", "style": {"Color:": " Fireman's"}, "reviewerName": "Joel", "reviewText": "The water flow from this nozzle is more than any other nozzle that I have had. It has a high flow rate but not a real high pressure.", "summary": "High flow nozzle", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "ALRNOXWPLHR3E", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Alana H Mars", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A2YU6V5CGRHD1L", "asin": "B000OWGI4Q", "reviewerName": "Y. S. Morentin", "reviewText": "Sturdy, strong and a good size.\nOur RES loves it.", "summary": "Our Turtlezilla Loves it.", "unixReviewTime": 1481068800} +{"overall": 3.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A2LHGL93J2DH6I", "asin": "B0015IJMBO", "reviewerName": "ECMWF", "reviewText": "I love the look of this product in my raised bed garden, but it has not done very well at weed prevention. Once crab grass makes an inroad, it is a huge pain to try to remove, as it will grow through the holes and underneath the matting as well.", "summary": "I love the look of this product in my raised bed ...", "unixReviewTime": 1466985600} +{"overall": 1.0, "vote": "6", "verified": false, "reviewTime": "12 7, 2013", "reviewerID": "A2L4NOQBU10DL2", "asin": "B001DO1OMK", "reviewerName": "CKDad", "reviewText": "Didn't start for me on arrival. Have had it to two shops and they are recommending carb adjustments that they cannot make. Have experience with a lot of tools and this was a bad purchase. Having trouble finding anyone to help with this.", "summary": "Doesn't start, needs carb adjustments", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2013", "reviewerID": "A2MNU3GULQVPAW", "asin": "B000W4U9UA", "reviewerName": "Glenn A. Jacks", "reviewText": "It is the perfect flag for spring. very colorful , am well pleased with my purchase , love Toland flags", "summary": "Great Purchase", "unixReviewTime": 1379462400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2013", "reviewerID": "A2KCTSIT88VGTU", "asin": "B000RK1FF2", "style": {"Package Quantity:": " 1"}, "reviewerName": "Jimmy Burns", "reviewText": "I gave it 5 stars because when I can snap it on my trimmer very fast and the string is very strong and holds up if I hit the fence or tall grass and weeds.", "summary": "Great String", "unixReviewTime": 1381622400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2013", "reviewerID": "A1N7V5WQ0CCOSL", "asin": "B0012RS2I2", "style": {"Color:": " Black"}, "reviewerName": "CindyM", "reviewText": "I debated about getting the cover but decided that if I was going to spend the money on the grill and stand I should protect them from the elements. I am not sorry! I highly recommend this cover!", "summary": "Fits the Weber Q200 perfectly", "unixReviewTime": 1377561600} +{"overall": 4.0, "verified": true, "reviewTime": "11 1, 2017", "reviewerID": "A2R9SG0JUDXZUM", "asin": "B000ESNCGW", "style": {"Size:": " 1 Horsepower", "Style:": " Single Speed"}, "reviewerName": "Mark R. Jones", "reviewText": "WORKS GOOD!", "summary": "Four Stars", "unixReviewTime": 1509494400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A19KR1KK3KFFX9", "asin": "B0000SW0PU", "style": {"Size:": " 16-Inch", "Style:": " Silicone Tip/Grip"}, "reviewerName": "Nannyof10", "reviewText": "Perfect!!", "summary": "Five Stars", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "ANOAFB0GOMU5C", "asin": "B000BQPW6A", "reviewerName": "Vivian R.", "reviewText": "I have just used it for the first time and found it very comfortable, much easier to use than the ones with the curved handle that make it difficult for me to hold. It is strong and larger than I expected from the pictures, very satisfied!", "summary": "Excellent trowel, larger than expected..", "unixReviewTime": 1389744000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "05 2, 2015", "reviewerID": "A38DDYYWQ8W7K7", "asin": "B0012YMHO0", "reviewerName": "Lady MacBeth", "reviewText": "Already sprouting after just three days in soil! I can't wait to see the color!", "summary": "Four Stars", "unixReviewTime": 1430524800} +{"overall": 1.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "AM7WOF9G5EJSG", "asin": "B000063XHT", "reviewerName": "holly_golightly", "reviewText": "These didn't work at all.", "summary": "One Star", "unixReviewTime": 1452643200} +{"overall": 2.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "A12GORXR20G0LZ", "asin": "B000B8LLH2", "reviewerName": "Johnny", "reviewText": "will not purchase again, does not find nail or studs accuratly", "summary": "Two Stars", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": false, "reviewTime": "05 9, 2018", "reviewerID": "A1WWHO8B64HCLN", "asin": "B000A3IMP2", "style": {"Size:": " 12.5-inch"}, "reviewerName": "ALFRED W", "reviewText": "Very nice accurate rain gauge, I already have one, got this one for a backup or gift. Easy to read!", "summary": "Easy to read!", "unixReviewTime": 1525824000} +{"overall": 5.0, "verified": false, "reviewTime": "08 20, 2014", "reviewerID": "A1QLZD27LIDV3U", "asin": "B000BQWP0Q", "style": {"Color:": " Yellow"}, "reviewerName": "Tbirddriver5", "reviewText": "Great nozzle for the backyard hose. Good pressure and very well made. A very good choice.", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2013", "reviewerID": "A2F0SX5OEX9A7J", "asin": "B000WEIHPY", "reviewerName": "John H. Juzyn", "reviewText": "This is the best price I have found for these flavor bars. They are genuine Webber parts and arrived on time and have performed very well so far.", "summary": "Great value", "unixReviewTime": 1385596800} +{"overall": 1.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A1T73UTSKKCJ63", "asin": "B000E1RIUU", "style": {"Size:": " 1 Pack"}, "reviewerName": "Chris", "reviewText": "Only worked once or twice then burned out.", "summary": "One Star", "unixReviewTime": 1420761600} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A341RLEHKCSQ63", "asin": "B0012VY200", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "JJLLBB", "reviewText": "Just used it today and worked as planned.", "summary": "It works well.", "unixReviewTime": 1479168000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2012", "reviewerID": "A27FGWETCQCSE5", "asin": "B000WEPH98", "reviewerName": "MR. MG", "reviewText": "MOM to all of you Weber owners out there. I just wore out my holder from grilling and bbqing so much. One of the 'springs' rusted off. It was 15 years old yadda, yadda ....", "summary": "Love my Weber", "unixReviewTime": 1344556800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "A23IS0T0OMZUSN", "asin": "B000E2AYXW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Hecklejive", "reviewText": "New trimmer doesn't eat line. May not have to open it. Just fooling. Have used this line before, and it is good enough to buy again.", "summary": "and it is good enough to buy again", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2015", "reviewerID": "A36T963F2QX9QC", "asin": "B000W43GKK", "style": {"Size:": " Large Lounge"}, "reviewerName": "D. M. B.", "reviewText": "Outstanding covers. We're getting more! Heavy duty, keeps moisture out, very wind resistant, haven't managed to blow off yet. Keeps direct sunlight off the furniture so it will last longer. Very easy to slip over the furniture or off when ready to use.", "summary": "Very easy to slip over the furniture or off when ready ...", "unixReviewTime": 1430438400} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A27GR6GN5DWRBP", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "1711tab", "reviewText": "Excellent Product...", "summary": "Five Stars", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": false, "reviewTime": "11 9, 2014", "reviewerID": "A2B209R348XWXH", "asin": "B000N52ZL4", "reviewerName": "Wil", "reviewText": "Works great and a great price", "summary": "Five Stars", "unixReviewTime": 1415491200} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2013", "reviewerID": "A3O92WF4KZTG36", "asin": "B000BQWNRQ", "reviewerName": "Frank", "reviewText": "It is well made, light weigh with good reach after many years of using these I'm sure it will work great.", "summary": "Fortunately Haven't Needed It YET", "unixReviewTime": 1363910400} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A27SJWQZFNJ10E", "asin": "B000K1JJZ6", "reviewerName": "Amazon Customer", "reviewText": "Product was as advertised and delivered promptly.", "summary": "Five Stars", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "ADMJWDBE9COJ4", "asin": "B00169V99K", "reviewerName": "ilya.", "reviewText": "good and strong. Recommend to any one", "summary": "Five Stars", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "A378IHRU4W503P", "asin": "B000IHDRXM", "style": {"Size:": " Qty 1"}, "reviewerName": "W. Linnert", "reviewText": "The price was so good I couldn't resist buying 2! Skunks have infested our neighborhood!", "summary": "Five Stars", "unixReviewTime": 1412726400} +{"overall": 1.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A179C30RNZP3GP", "asin": "B000FJJL6U", "style": {"Style:": " Porcelain Coated Square Wok Topper"}, "reviewerName": "Kathryn M Cave", "reviewText": "Very flimsy", "summary": "One Star", "unixReviewTime": 1418342400} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A3LXCSAEDSYX2J", "asin": "B000YKJ6YW", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Ricardo", "reviewText": "Good item", "summary": "Four Stars", "unixReviewTime": 1425859200} +{"overall": 4.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "AB1TYRAWLY1GJ", "asin": "B000GDANQM", "style": {"Size:": " 1-Pack"}, "reviewerName": "Nelson J. Perez", "reviewText": "follow the directions for a clearer looking pool", "summary": "Four Stars", "unixReviewTime": 1465084800} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A2NL7LPVG6TUEI", "asin": "B000W43GKK", "style": {"Size:": " Medium Lounge"}, "reviewerName": "William", "reviewText": "good product!", "summary": "Five Stars", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A2P1XODXTDOXO5", "asin": "B0012GFVQO", "style": {"Package Quantity:": " 1"}, "reviewerName": "deborah b. johnston", "reviewText": "Very well madeLooks great!", "summary": "Five Stars", "unixReviewTime": 1434240000} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "AZIX7V7JTGUCG", "asin": "B000HHO1RO", "style": {"Package Quantity:": " 1"}, "reviewerName": "Susan L. Daniels", "reviewText": "Flimsy but workable", "summary": "Four Stars", "unixReviewTime": 1504656000} +{"overall": 4.0, "verified": true, "reviewTime": "10 17, 2007", "reviewerID": "A221GF6VPNNABU", "asin": "B000MLDBWG", "reviewerName": "bob11", "reviewText": "Tough material. Well made. Looks neat and fits chair nicely. The only negative that I have noticed is that the velcro fasteners are rather awkwardly placed and difficult to locate under the chair.", "summary": "Excellent Cover", "unixReviewTime": 1192579200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 13, 2017", "reviewerID": "A332OBC88IUVPF", "asin": "B000BNKWZY", "style": {"Size:": " Single Kit"}, "reviewerName": "Shilo", "reviewText": "Works better than expected.\nAfter years of adjusting Ph with Vinegar, decided to give it a try, and its far easier and uses very little volume. About 1cc will decrease or increase the Ph gallon of water 1.5 to 2.5", "summary": "Great stuff, so easy.", "unixReviewTime": 1486944000} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A3GB18MUTQF5GJ", "asin": "B00004R9VX", "reviewerName": "David", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A1TT5YBX2MXKQX", "asin": "B0001P4PSC", "style": {"Color:": " Oak"}, "reviewerName": "Amazon Customer", "reviewText": "It's wood!!!", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 4.0, "verified": true, "reviewTime": "07 1, 2014", "reviewerID": "A3UPUGP5NSOZRU", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 396 GPH", "Style:": " Fixed Flow"}, "reviewerName": "Tony B", "reviewText": "This seems to work great and is relatively quiet too.", "summary": "Four Stars", "unixReviewTime": 1404172800} +{"overall": 4.0, "verified": true, "reviewTime": "08 14, 2013", "reviewerID": "A13QVE6RCEFJGX", "asin": "B000X5SHTS", "reviewerName": "AC", "reviewText": "The reason I gave it 4 stars is because rust appeared on the lid within a week of having it. Other than that, it serves it's purpose and is beautiful. A little pricey but most hose storage containers are.", "summary": "Looks great!", "unixReviewTime": 1376438400} +{"overall": 5.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "AN5JRKFMND78O", "asin": "B000CSH7VA", "style": {"Size:": " 4 feeding ports"}, "reviewerName": "Jeanne Waltz", "reviewText": "I love watching the hummingbirds", "summary": "Five Stars", "unixReviewTime": 1498953600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "A1BBCMQSEJN0PP", "asin": "B0011UEKKE", "style": {"Size:": " 4 pounds", "Package Quantity:": " 1"}, "reviewerName": "Barbara Cheney", "reviewText": "I have used this with my tomatoes and they seem to doing well. They are staying green (the foliage) and I an waiting for the first tomato bloom", "summary": "Tomato-tone Organic Fertilizer - FOR ALL YOUR TOMATOES, 4 lb. bag", "unixReviewTime": 1405555200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "ARTMDS29M8EKY", "asin": "B000W42U66", "style": {"Size:": " Small", "Color:": " Pebble"}, "reviewerName": "bulldoglevin", "reviewText": "keeps it dry nice qaulity and fit", "summary": "Five Stars", "unixReviewTime": 1433289600} +{"reviewerID": "A1I16M2MFUMBJA", "asin": "B000KL12RE", "reviewerName": "CathiG", "verified": true, "reviewText": "MADE IN THE USA!!!! Great hose. Well made. Heavy duty. Expect this to last a good long while.", "overall": 5.0, "reviewTime": "04 14, 2017", "summary": "Great hose. Well made", "unixReviewTime": 1492128000} +{"overall": 3.0, "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A1G0HYMR02WM2W", "asin": "B00005Y0IH", "style": {"Color:": " 3600 ft Coverage", "Package Type:": " Standard Packaging"}, "reviewerName": "Cici Ciconia", "reviewText": "As advertised.", "summary": "Three Stars", "unixReviewTime": 1446336000} +{"overall": 4.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A24GFMO90WOL1N", "asin": "B000XSF3YM", "reviewerName": "Israel Galindo", "reviewText": "A good unit for the prince. Does the job.", "summary": "Does the job", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2017", "reviewerID": "APZB9UCVVZAXV", "asin": "B001FE32ZU", "style": {"Item Package Quantity:": " 6", "Package Quantity:": " 6"}, "reviewerName": "Gerry Labrie", "reviewText": "came in as i need them soon than i had expected", "summary": "nice", "unixReviewTime": 1502496000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A1B42S9F0BERGK", "asin": "B0019BK8AG", "style": {"Pattern:": " 1 Pack"}, "reviewerName": "Andrew", "reviewText": "This is my second time purchasing one of these. I put one in my boat last year with nothing but a sun cover and I did not have one spider or bug. I hope I have the same results this year. It was in an 18 ft runabout.", "summary": "Keeps bugs out of boat", "unixReviewTime": 1420761600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A31XHMIFARPIJG", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Laurie Butler", "reviewText": "Good price!", "summary": "Five Stars", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2013", "reviewerID": "A3U7KM6MJT7I9O", "asin": "B000FBMFDO", "style": {"Size:": " 1"}, "reviewerName": "TheSwede", "reviewText": "I have been battling gophers in the yard for some time. This trap will take care of them, one at a time.", "summary": "Adios gophers.", "unixReviewTime": 1359590400} +{"overall": 4.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "AL4R7S0YP7MJR", "asin": "B0018OFZUC", "reviewerName": "Diane", "reviewText": "Cute flag if you want to show your love for flip flops. Colors are just okay, not very vibrant. Still cute though.", "summary": "Cute flip flop flag", "unixReviewTime": 1401494400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A1PX4LXRV8MEKF", "asin": "B0015AMEHG", "style": {"Color:": " Nature's Blue", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Mr. H", "reviewText": "Water is a pretty blue. No aquamarine. Lasts 2+ months. Pond is 5000 gallons. Only need about two ounce so.", "summary": "Pretty blue", "unixReviewTime": 1472342400} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3GKNIB0ACZIA1", "asin": "B001ASHLSU", "reviewerName": "Neal", "reviewText": "Very easy to start", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2013", "reviewerID": "AY48MMFX5IZU", "asin": "B0013NXQTU", "reviewerName": "J. Chandler", "reviewText": "Very happy with this spinner flagpole. Change my flags for different occasions and no more tangeled flags. flags always look nice and hang freely.", "summary": "Very happy", "unixReviewTime": 1370044800} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A278WQHQO68XVO", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Xdjy", "reviewText": "OEM for 6.5hp briggs perfect", "summary": "Nice price for OEM...", "unixReviewTime": 1466553600} +{"overall": 1.0, "verified": true, "reviewTime": "10 10, 2015", "reviewerID": "A3W23MA6KWXN6C", "asin": "B0015AUY3W", "style": {"Item Package Quantity:": " 3", "Package Quantity:": " 3"}, "reviewerName": "Bubbles", "reviewText": "not a good connecter. Hard to connect, Leaks", "summary": "One Star", "unixReviewTime": 1444435200} +{"overall": 4.0, "verified": true, "reviewTime": "07 3, 2017", "reviewerID": "A16FUU8WW76QFY", "asin": "B0015R5WJG", "style": {"Package Quantity:": " 1"}, "reviewerName": "gork57", "reviewText": "I bought this timer to replace a failed Toro unit. The Rainbird is easy to program and works well. My one criticism is the maximum time between multiple daily watering sessions is only 12 hours.", "summary": "Pretty Good Sprinkler Timer", "unixReviewTime": 1499040000} +{"overall": 2.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A1NPCBNK43ZREP", "asin": "B000I15AH4", "style": {"Size:": " 32 oz.", "Style:": " Pack of 1"}, "reviewerName": "rcran", "reviewText": "This was my third bottle. The first two worked great. This one, however, didn't kill anything. I called the company and they are sending a refund.", "summary": "2 out of 3", "unixReviewTime": 1470528000} +{"overall": 4.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A3W43ZV9NIVHCE", "asin": "B000OCMH9G", "style": {"Size:": " 4 oz"}, "reviewerName": "Orgainc mama-san", "reviewText": "This works pretty good but I can't use it all the time due to sensitive skin problems. The bugs do not like the scent which is a plus. hehe", "summary": "Small amount goes a long way for me.", "unixReviewTime": 1409616000} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A3R5LZ29W7TGCH", "asin": "B000A1CEOY", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Dan Paymar", "reviewText": "Works great. The amusing thing is that it has a brass valve that costs more by itself than this whole thing did.", "summary": "Nice nozzle.", "unixReviewTime": 1417478400} +{"overall": 2.0, "verified": true, "reviewTime": "07 14, 2015", "reviewerID": "A29E490SNNB5ZK", "asin": "B000ZJUUQ0", "style": {"Package Quantity:": " 1"}, "reviewerName": "R K.", "reviewText": "the blades i received (2sets) are a lot softer than the blades i purchased last summer, Will not buy again.", "summary": "the blades i received (2sets) are a lot softer than ...", "unixReviewTime": 1436832000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A1CQQUP2SHB9UN", "asin": "B000BOB5HC", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Breezy023", "reviewText": "Quality bar. Expensive but good.", "summary": "Quality bar for the price.", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A8LFNJK7RE5Z7", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "Augustus W. Smith", "reviewText": "Looks great in front of our house.", "summary": "Five Stars", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "APVVERXPC66DV", "asin": "B00004TTPP", "style": {"Size:": " 25 Pounds"}, "reviewerName": "Greg", "reviewText": "Best non toxic product available for string algae.", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2014", "reviewerID": "AYYKQ776T8DKG", "asin": "B0000YZJGQ", "style": {"Size:": " Medium", "Color:": " White"}, "reviewerName": "Just a Buyer", "reviewText": "Nice, sturdy and larger size. A lot less money than in the retail stores. I purchased two of these. Good brand and great price.", "summary": "Work Great", "unixReviewTime": 1398211200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2013", "reviewerID": "AW7OKO89CH0AD", "asin": "B0013I71SC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Lone Star", "reviewText": "Received product in good order. It works very well, no leaks, fits the hand as it should. Has a good, solid feel to it.", "summary": "Works great", "unixReviewTime": 1377734400} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A12L2L5AQ8HU6Z", "asin": "B00062KQ42", "style": {"Size:": " 15-Pound"}, "reviewerName": "C. Rice", "reviewText": "Great for my veggies. Put it on the soil in the evening, plants noticeably larger the next morning!", "summary": "GREAT FERTILIZER for my organic garden!!", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "A3BZ0WZEOLGMO1", "asin": "B000SQ32MY", "reviewerName": "Art McManus", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1491523200} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2017", "reviewerID": "A3PCEPKLXMSLHR", "asin": "B000Q6KPOO", "style": {"Color:": " Blue"}, "reviewerName": "Peter Allen", "reviewText": "LIGHTWEIGHT AND ROUGID", "summary": "Five Stars", "unixReviewTime": 1501977600} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A2I019800D493J", "asin": "B0013JMS5M", "style": {"Size:": " 1"}, "reviewerName": "SJH", "reviewText": "Never used - LOL - was worried about Garlic smell - next summer -", "summary": "Still pending outcome -", "unixReviewTime": 1510012800} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2017", "reviewerID": "A349PYT3O1Q0GN", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Smoky Joe", "reviewText": "Excellent product.", "summary": "PRUNE AWAY", "unixReviewTime": 1505520000} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A2CZ917152ZEIC", "asin": "B00004RB23", "style": {"Size:": " 1 PACK"}, "reviewerName": "LAURENT", "reviewText": "a good investment for now.", "summary": "a good investment for now", "unixReviewTime": 1476403200} +{"overall": 4.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A3T9MB51Y54JN4", "asin": "B000A16TEA", "style": {"Size:": " 4-pack"}, "reviewerName": "thecritic", "reviewText": "As advertised", "summary": "Four Stars", "unixReviewTime": 1469491200} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2013", "reviewerID": "A2MPURJK9NC7H9", "asin": "B00176PKUQ", "reviewerName": "KATHY", "reviewText": "I BOUGHT THIS QUITE AWHILE AGO. IT IS STILL WORKING. IT REALLY SAVES ON YOUR HANDS AN WELL AS MAKING\nQUICK WORK OF THE JOB. I WOULD RECOMMEND IT FOR SURE.", "summary": "SPRAYER", "unixReviewTime": 1373673600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A3LKGHEUI76TTX", "asin": "B0012QLVRM", "style": {"Size:": " 160 mph Blower"}, "reviewerName": "D. Chamberlain", "reviewText": "great little blower, I don't need it to move a huge amount of leaves and debris. Mostly just clearing off the patio and driveway and cleaning the gutters. I might be a bit concerned if I had a big lawn to clear. Works great for me!", "summary": "Works great", "unixReviewTime": 1424649600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "AS0UPQSOY835Q", "asin": "B0001WV6LE", "style": {"Size:": " 7-Gram"}, "reviewerName": "arachyd", "reviewText": "I'm using it to propagate figs from cuttings. This stuff works so well I accidentally got it on an upper part of a cutting and it put out air roots.", "summary": "I'm using it to propagate figs from cuttings. This ...", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2015", "reviewerID": "A2SJDQO6PLCFE8", "asin": "B000PKTPP6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Bosco", "reviewText": "Use this with MSM on the yard, and it is another great product. A must have for spraying MSM on your lawn.", "summary": "Get it! You really do need it", "unixReviewTime": 1433721600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "A2022RZGNIQ42G", "asin": "B000MOIWWM", "style": {"Color:": " Blue"}, "reviewerName": "Robert Sylvester", "reviewText": "Great product that makes the job easy.", "summary": "I love this Product", "unixReviewTime": 1494633600} +{"overall": 5.0, "verified": false, "reviewTime": "09 14, 2015", "reviewerID": "A1ZJYNW7TXWHFV", "asin": "B000068XMM", "style": {"Color:": " Realtree Xtra Green"}, "reviewerName": "Amber", "reviewText": "I bought this as a gift and He loved it!! The bottom compartment where you place the butain is kind of awkward to open but other than that, it is amazing. It works great, looks great, and is easy to use. Price is comparable with store sales locally so no real complaint there.", "summary": "Great Must Have!!", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A5XZ5PDX7DA21", "asin": "B000A0YHHM", "reviewerName": "Roger", "reviewText": "fast and delivered product described", "summary": "Five Stars", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A3AQXQTYI7N70F", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "LIT", "reviewText": "They do what is expected of them and are\nreasonable priced.", "summary": "Five Stars", "unixReviewTime": 1452038400} +{"overall": 4.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A3PJ30NGP3NT7P", "asin": "B000B1OD4M", "reviewerName": "pj1460", "reviewText": "works OK if you could get them to stay on", "summary": "pretty good", "unixReviewTime": 1479772800} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2016", "reviewerID": "A2MX4N1M7ED5FV", "asin": "B0013XXPUA", "reviewerName": "Sam Smiley", "reviewText": "Exact fit. Doing the job it was designed to do.", "summary": "Exact fit.", "unixReviewTime": 1460246400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "AUIIKV1BEI65P", "asin": "B000WM8W6K", "reviewerName": "Lanna Heart", "reviewText": "Adorable!", "summary": "Five Stars", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2015", "reviewerID": "A2O1A0S4YRNBOF", "asin": "B00004RA2X", "reviewerName": "horus", "reviewText": "works fine", "summary": "Five Stars", "unixReviewTime": 1440288000} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A26VNYTGSFO9EU", "asin": "B00107039U", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Dave F", "reviewText": "A fantastic testing kit that's very complete. It's easy to use and does the job. It won't stop you from having to maintain your pool (of course) but provides an accurate structure for treating the pool.", "summary": "Must have", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A2KL7B7N7YZTPB", "asin": "B000NJFLHA", "reviewerName": "Wayne", "reviewText": "Works great.", "summary": "Works great.", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A17XYDW2A1IYQG", "asin": "B000YP1ELA", "style": {"Color:": " Sandstone"}, "reviewerName": "Michael Lindaman", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A1FHTFQ41FLY5Z", "asin": "B0013NTNCY", "reviewerName": "rob", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1443139200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/611zfGTMnxL._SY88.jpg"], "overall": 4.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A39B167PVMXUW3", "asin": "B00169JJ06", "reviewerName": "J. Mang", "reviewText": "Without watching 24/7 I don't know if it has kept the deer away, but I did spread it all around. It does smell at first, but all products like this that have the same ingredients, will, but only for a day.", "summary": "Hope this works.", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2017", "reviewerID": "AJI1G0DCVQIEQ", "asin": "B000FLCUAW", "style": {"Style:": " Full Length Cover"}, "reviewerName": "Catherine LeJeal Owner/CEO EscapeYourChaos", "reviewText": "Fits perfectly. My heaters are now ready for winter.", "summary": "Five Stars", "unixReviewTime": 1512518400} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2017", "reviewerID": "A1UL9C5CNHBJUO", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Morris", "reviewText": "Excellent!", "summary": "A good buy", "unixReviewTime": 1507420800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A2O9KQG7VRGYGN", "asin": "B000TSXWSA", "reviewerName": "Skyrocket", "reviewText": "easy to use and they seemed to be accurate", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 4.0, "verified": false, "reviewTime": "07 31, 2016", "reviewerID": "A2AYXWX4YYN9A2", "asin": "B000R0WXI0", "style": {"Size:": " 0.1875 GAL (25 OZ)"}, "reviewerName": "Phoenix", "reviewText": "It took a few weeks for this to finally work, I almost reviewed after two weeks and considered a refund.\n\nIt did a great job when it finally started working and killed about 95% of the weeds/grass it was sprayed on.", "summary": "Takes a while but is worth it", "unixReviewTime": 1469923200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A1IGFVVI09WUY0", "asin": "B00004R9TD", "reviewerName": "terryfburk", "reviewText": "It arrived as expected, on time and as described. Already used this and it works perfectly. It is a great product for the price. I would highly recommend.", "summary": "Edger Hog Blade", "unixReviewTime": 1374192000} +{"overall": 3.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A1TFTOMIR6ON5S", "asin": "B000GD8LZW", "style": {"Color:": " Portobello"}, "reviewerName": "Gman5", "reviewText": "The umbrella base worked under my table. The problem that it has is that it's almost impossible to get the plug out. Using a tool to pry it out worked but I was afraid that it might get punctured.", "summary": "Works but.....", "unixReviewTime": 1477353600} +{"overall": 4.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A21VZR4O7SSKNX", "asin": "B000V4M4QS", "style": {"Size:": " 1-1/4 Gallon"}, "reviewerName": ".", "reviewText": "Great for the yard. i bought 2...one strictly for roundup so I don't have any other accidental lawn striping (again).", "summary": "Great for the yard", "unixReviewTime": 1464998400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "A4QZHVTAQ6M1N", "asin": "B00144D8CI", "reviewerName": "chuck adams", "reviewText": "strong water flow", "summary": "Five Stars", "unixReviewTime": 1480982400} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2017", "reviewerID": "A2C3UNX3YLIOU5", "asin": "B0015KFP1S", "style": {"Color:": " White"}, "reviewerName": "janieb", "reviewText": "Very easy to put together and works well as an additional plant stand. The gold filial is a bit bright for my taste.", "summary": "Very easy to put together and works well as an additional ...", "unixReviewTime": 1514505600} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A12R3G4ID4T73N", "asin": "B000J2CUPW", "style": {"Size:": " 1-Gallon"}, "reviewerName": "minei", "reviewText": "My plants love this stuff.", "summary": "Five Stars", "unixReviewTime": 1412035200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "06 1, 2014", "reviewerID": "A3HHFAC02QMO3W", "asin": "B000XFYWHY", "style": {"Package Quantity:": " 1"}, "reviewerName": "Sue", "reviewText": "This wire is easy for me to use. I used it to keep my Chihuahua puppys in yard. So then they could go out and I didn't have to watch them.", "summary": "Great Mesh", "unixReviewTime": 1401580800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A33LEPM5IWNQZ4", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "Tommy B.", "reviewText": "Awesome product!!!!", "summary": "Five Stars", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "A30NBB1QGVWPUW", "asin": "B000NCMP4O", "reviewerName": "Pam Burr", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2017", "reviewerID": "ABLANK5RTJYLW", "asin": "B000PS9XMI", "reviewerName": "Robert Smith", "reviewText": "Works great", "summary": "Exactly as described.", "unixReviewTime": 1497225600} +{"overall": 1.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "ALHFCDD4U5Z9X", "asin": "B000CZ2XRG", "style": {"Style:": " Free-Standing with Faucet"}, "reviewerName": "Amazon Customer", "reviewText": "Leaks waste of money", "summary": "One Star", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A1KFY69MCHZ2JS", "asin": "B0018ZF1WS", "reviewerName": "David N. Carlson", "reviewText": "Have to keep the mower running. This spring must be installed correctly and properly. You must also get the right number for your machine.", "summary": "Mower", "unixReviewTime": 1368144000} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A17LF4ICXR1OEW", "asin": "B0013RCXC2", "style": {"Size:": " 4 X 6 Ft", "Color:": " Original USA"}, "reviewerName": "Hugh Stroupe", "reviewText": "Yes it met my expetations.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2017", "reviewerID": "A1SBMH5P6W0NXF", "asin": "B0001P4PSC", "style": {"Color:": " Maple"}, "reviewerName": "Don Regan", "reviewText": "Fast and exactly what I expected.", "summary": "Five Stars", "unixReviewTime": 1503187200} +{"overall": 4.0, "verified": true, "reviewTime": "06 27, 2017", "reviewerID": "AT5F1MKA8C2IZ", "asin": "B001F5HU16", "reviewerName": "RG", "reviewText": "I was getting air bubbles coming out of one of the jets in my pool. After googling causes I was able to trace it back to this O-Ring needing to be replaced. Simple fix and no more air bubbles.", "summary": "Resolved Air Bubble Problem", "unixReviewTime": 1498521600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2013", "reviewerID": "A1UQXVW2EW4GAG", "asin": "B00004SD76", "style": {"Style:": " Non-Coated Blades"}, "reviewerName": "ChadlyNCo", "reviewText": "they work great the company has speedy shipping - when trimming I always dip the blades in alcohol - they are sahrp easy on the finger to use and that is saying something as I have very large hands", "summary": "Good value", "unixReviewTime": 1362355200} +{"overall": 4.0, "verified": true, "reviewTime": "11 5, 2017", "reviewerID": "A344VEWRU3SLRP", "asin": "B000A286YU", "style": {"Size:": " 7'X100'"}, "reviewerName": "Michael Andersen", "reviewText": "Keeps the animals out moles groundhogs and turkeys", "summary": "Four Stars", "unixReviewTime": 1509840000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "06 8, 2014", "reviewerID": "A19LZT6FSZJRIK", "asin": "B0015ASJYI", "reviewerName": "Shirley Vaughan", "reviewText": "I had a plastic one and it slowly broke off pieces every time I dropped it. This one is metal so should last longer.", "summary": "Good for odd-shaped lawns", "unixReviewTime": 1402185600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2017", "reviewerID": "A2XXXR70JGLFK", "asin": "B000FK2DS2", "reviewerName": "Bob Andrews", "reviewText": "As a first time user, I consider myself a convert. Easy", "summary": "Five Stars", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "A116358ORJDPOV", "asin": "B001DNYIJC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "B.Gunn", "reviewText": "Outstanding product and was OEM.", "summary": "Great", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2018", "reviewerID": "A2SNID1IYR1TBU", "asin": "B000I1M5NG", "style": {"Size:": " 5 M", "Style:": " Halts Crabgrass"}, "reviewerName": "The Grinch", "reviewText": "Scotts brand is the only brand I use in my lawn. This turf builder with halts is a help with spring crabgrass and some other weeds. I have a beautiful lawn all year long thanks to Scott's products. This is the best crab grass preventer when use according to the directions.", "summary": "Scotts Products Never Fail Me!", "unixReviewTime": 1522627200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A34R5826YYFXTP", "asin": "B000HCR89M", "style": {"Size:": " Stackable Chairs"}, "reviewerName": "T. Bhatia", "reviewText": "looks great and covers 6 chairs nicely", "summary": "looks great and covers 6 chairs nicely", "unixReviewTime": 1462838400} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "AEGMG7KV9DQ87", "asin": "B0002X62A2", "style": {"Size:": " 1 Count"}, "reviewerName": "MLPJ", "reviewText": "Had rabbits doing plenty of damage to our cars wiring systems. After using this spray once a week for a month we have not seen a rabbit in our yard for three weeks. before that it was daily or all day.", "summary": "Saving us lots of money in car repairs!", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A3N1UKVRXYEZ2T", "asin": "B000A1E69A", "reviewerName": "NYC ANTONIO", "reviewText": "Just received during our latest snow and it performed better than any other shovel that I have ever ownes", "summary": "Suncast SC 1300 is a great investment", "unixReviewTime": 1425600000} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A2315F2F0V99I0", "asin": "B000W495S2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "babygorilla", "reviewText": "Really, it covers the fire pit. What else can I say. It keeps the water out and cuts down on the rust buildup.", "summary": "It's a cover", "unixReviewTime": 1357430400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2018", "reviewerID": "A812I7PUPYITX", "asin": "B000ERETII", "style": {"Style Name:": " Wanda the Whale"}, "reviewerName": "clint", "reviewText": "So easy to use", "summary": "Five Stars", "unixReviewTime": 1518134400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2017", "reviewerID": "A1U66SB3Q01BJ3", "asin": "B000NV6HOE", "style": {"Flavor Name:": " Hickory"}, "reviewerName": "Lord Master Stallion", "reviewText": "As described, quick delivery.", "summary": "As described, quick delivery.", "unixReviewTime": 1511568000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2013", "reviewerID": "AD0VA39FRVNKN", "asin": "B000FK2DS2", "reviewerName": "HM", "reviewText": "fantastic products - will make your meat smoke flavor subtle yet yummy - not too much - and the large multi-pack ensures you won't run out in the middle of smoking", "summary": "Bradley Hickory Bisquettes 120 pack Bradley Hickory Bisquettes 120 pack", "unixReviewTime": 1360627200} +{"reviewerID": "ANSVSRYUZYPJ0", "asin": "B001ANQVZE", "reviewerName": "Informed Consumer", "verified": true, "reviewText": "i use to to spray down all my huinting clothing and gear. Works great at keeping the mosquetos and ticks at bay!.. .", "overall": 5.0, "reviewTime": "11 9, 2013", "summary": "works great!", "unixReviewTime": 1383955200} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A2T569NC1657PU", "asin": "B000GE7A6M", "style": {"Size:": " 3 Liters", "Color:": " Blue"}, "reviewerName": "Bettina", "reviewText": "I like this because it is easy to store, very light weight and easy to tell how much water is in the container not to mention that the price is right... I love using it for our indoor plants", "summary": "Easy To Use", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "ALK401CXL0XAP", "asin": "B00164ANLU", "style": {"Color:": " White"}, "reviewerName": "Gary B", "reviewText": "Nice product; no surprises; works as advertised; glad I purchased this item; totally satisfied; Recommend.", "summary": "Recommended", "unixReviewTime": 1469923200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A3JZNCC3VX1AAC", "asin": "B00144D8CI", "reviewerName": "Darbyvienna", "reviewText": "The is the best Hose nozzle I have ever had. It is more powerful than expected. I bought 6 of them for me and my children. You can not go wrong with it.", "summary": "Bullseye Power Nozzle", "unixReviewTime": 1368144000} +{"overall": 3.0, "verified": true, "reviewTime": "01 2, 2015", "reviewerID": "A34YKHOG6DGIXW", "asin": "B00002N8GK", "style": {"Style:": " Heavy Duty Model #1200D"}, "reviewerName": "Artemis Gambon", "reviewText": "Nothing more to tell.", "summary": "Nothing more to tell.", "unixReviewTime": 1420156800} +{"overall": 4.0, "verified": true, "reviewTime": "07 15, 2016", "reviewerID": "A2QNMFZ0LSCMAE", "asin": "B000LNY4C6", "style": {"Size:": " 5-Pound", "Flavor Name:": " Mesquite"}, "reviewerName": "B. Eline", "reviewText": "some of the chunks a little big but overall fine", "summary": "good for gigger smokers not for gas grill grate type containers", "unixReviewTime": 1468540800} +{"overall": 5.0, "verified": true, "reviewTime": "03 27, 2016", "reviewerID": "A32KTDYRKGS1IO", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "Ron F.", "reviewText": "No Spill Poly gas cans work flawlessly!", "summary": "Five Stars", "unixReviewTime": 1459036800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 21, 2017", "reviewerID": "ADYN70PH1HYOP", "asin": "B000HHSC6A", "style": {"Size:": " 22-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "good to have the packets instead of loose product", "summary": "rat poison", "unixReviewTime": 1487635200} +{"overall": 4.0, "verified": true, "reviewTime": "05 30, 2012", "reviewerID": "A23OZ5MG2I4F4Z", "asin": "B000WEOQK4", "reviewerName": "ran0368", "reviewText": "Extended the life of my Webers. After 10 years had to replace the cleaning systems on both my 22\" grills. Had to cut off old ones using a dremel and a hammer. Installing the new ones took less than five minutes.", "summary": "Good replacement", "unixReviewTime": 1338336000} +{"reviewerID": "A3V14K81PDSJV4", "asin": "B000YJ45S0", "reviewerName": "David Hunter", "verified": true, "reviewText": "Don't waste your money", "overall": 2.0, "reviewTime": "08 21, 2016", "summary": "Will not buy again", "unixReviewTime": 1471737600} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A1VW6RYSARC2LE", "asin": "B0015AOQUO", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "osguthjd", "reviewText": "Work well, but they are short - if you've a large hand than these nozzles should be mounted on something you can get a good grip on, like an \"on/off\" valve (e.g., Outback).", "summary": "Fine, but short and should be attached to something that one can get a grip on", "unixReviewTime": 1470182400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2016", "reviewerID": "A2K9M8T6B8P9HR", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "John B.", "reviewText": "Very pleased--also ordered 3 for our friends.", "summary": "Five Stars", "unixReviewTime": 1476403200} +{"overall": 4.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A1O76ELG52F3B2", "asin": "B000EHJN7K", "style": {"Package Quantity:": " 1"}, "reviewerName": "Kat", "reviewText": "These take a while to puff up when water added, but the bulk purchase is good if you start seeds often.", "summary": "but the bulk purchase is good if you start seeds often", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2017", "reviewerID": "A1S5SQYH7QJWGE", "asin": "B0009JXYNM", "style": {"Size:": " 10 qt."}, "reviewerName": "Ray Carpenter", "reviewText": "Perfect just what I needed to fry my fish with", "summary": "Five Stars", "unixReviewTime": 1499472000} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A2CMKRNNI0VIYL", "asin": "B000WPAFLW", "reviewerName": "Magic Mike", "reviewText": "Bought it at a gift to someone braving the harsh Northeast winter and it was warmly recieved!", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 2.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3EGVPK8UVP9UM", "asin": "B000WPABE8", "reviewerName": "veta", "reviewText": "too small", "summary": "Two Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "ASG3R7IUP3K11", "asin": "B000WUC4W0", "reviewerName": "S.D.D.", "reviewText": "This stuff is the bomb!!!! Your plants will thank you with beautiful blooms!! I use it every time I water.", "summary": "Wow!!", "unixReviewTime": 1401408000} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A3CSW9RA0RWHS7", "asin": "B0009T89C8", "reviewerName": "CaptK", "reviewText": "Perfect fit for the mower!", "summary": "Perfect fit for the mower!", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2017", "reviewerID": "A3VAY3SUL94FBW", "asin": "B0013RCXC2", "style": {"Size:": " 5 X 8 Ft", "Color:": " Original USA"}, "reviewerName": "Michael Wayne Harden", "reviewText": "Love this big boy. Gonna have to have a larger pole.", "summary": "Five Stars", "unixReviewTime": 1498780800} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A1O5M2CYEA2OLC", "asin": "B0001W2VYA", "reviewerName": "smiles", "reviewText": "Good, love the flavor of the sprouts and sprout leaves turn green which is why I purchased these. Very yummy but not all seeds sprout and that is why only 4 stars. I will buy again.", "summary": "Good, love the flavor of the sprouts and sprout ...", "unixReviewTime": 1449792000} +{"overall": 4.0, "verified": true, "reviewTime": "02 15, 2013", "reviewerID": "A1W3CKGYJE0QLE", "asin": "B00004RA81", "reviewerName": "TXNurse", "reviewText": "always like These chains. You have to understand that you need to remove< clean. and sharpen before the blade dulls bad or blackens in order to get the most of of them", "summary": "good chains", "unixReviewTime": 1360886400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2017", "reviewerID": "A3EGN0K7QNW80K", "asin": "B000KL1M88", "style": {"Size:": " 1Pack"}, "reviewerName": "Steve", "reviewText": "I use this for bulbs, and more recently as a cheaper way to make zoysia plugs to spread around my lawn. Tough and does a great job", "summary": "Good for bulbs and DIY zoysia plugs", "unixReviewTime": 1491609600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A2DPCDUUCZY8JB", "asin": "B000ARPJPY", "style": {"Color:": " Black & White"}, "reviewerName": "karensalyer", "reviewText": "Completely satisfied. Big numbers can be read from a distance and temperature is accurate", "summary": "Five Stars", "unixReviewTime": 1476489600} +{"overall": 4.0, "verified": false, "reviewTime": "10 13, 2014", "reviewerID": "A3TG8QNUNUS0EH", "asin": "B00169QQWK", "reviewerName": "JC1034", "reviewText": "Good price, and they filter.", "summary": "Four Stars", "unixReviewTime": 1413158400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "05 9, 2016", "reviewerID": "A3B9U5UCSRXMK6", "asin": "B000BZ6MDI", "style": {"Size:": " 7L x 8W ins."}, "reviewerName": "Melanie Figueroa", "reviewText": "Cheaply made. One came broken and had to be returned. The other has a crack on it and I foresee it breaking very soon.", "summary": "Cheap.", "unixReviewTime": 1462752000} +{"overall": 3.0, "verified": true, "reviewTime": "03 14, 2013", "reviewerID": "A2T5TQ3G23JJ47", "asin": "B000I6K3JY", "reviewerName": "Judy E. Hewitt", "reviewText": "I hung these around my Fuschia plants. They did catch the White Fly's but also dust and pollen. Probably need to change very regularly in short durations. I decided an organic spray would be more effective.", "summary": "Works to a Degree", "unixReviewTime": 1363219200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "A3T7R5Q8D7LQI8", "asin": "B001GKP6AC", "reviewerName": "Amazon Customer", "reviewText": "This last year these tomatoes did great! They are a nice sweet cherry tomato and very great producers.", "summary": "Yummy", "unixReviewTime": 1412553600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A12LMVR05KC23L", "asin": "B000HS0HKI", "reviewerName": "MTFBWY", "reviewText": "Quality, Quality Quality!!!", "summary": "Five Stars", "unixReviewTime": 1452643200} +{"overall": 4.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A1XSHQUQLJ8772", "asin": "B0014E3MT2", "style": {"Size:": " 12\" hose"}, "reviewerName": "T. Voss", "reviewText": "Replaced our propane tanks, regulator, and both pigtail propane hoses. The two hoses were just as expected and work great. No problem hooking them up.", "summary": "12\" Pigtail Propane Hose Connector's were just as expected", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2013", "reviewerID": "A38AKSRTPDI337", "asin": "B000WEIIOE", "reviewerName": "Cajun Gourmet", "reviewText": "Nice pan to have for use in baking, smoking, and grilling. You'll be glad to have this pan. High quality.", "summary": "Excellent quality grill pan", "unixReviewTime": 1384732800} +{"overall": 4.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "A3L2XR7I917OXH", "asin": "B000BQWWJK", "style": {"Size:": " 2 gallon", "Color:": " Sage Green"}, "reviewerName": "MylesD", "reviewText": "It holds water, it is light , won't win any design awards but after all it's a plastic watering can. I like it", "summary": "Nice", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A24KI6PZG2G7BO", "asin": "B000H98TC0", "style": {"Size:": " 36.8-Ounce"}, "reviewerName": "dave o.", "reviewText": "KILLS WEEDS NO PROBLEM!", "summary": "Five Stars", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A30EWY0KXSFSCL", "asin": "B0012NVHYC", "style": {"Color:": " Terra Cotta"}, "reviewerName": "M. Bright", "reviewText": "Very nice umbrella for the price. Color is as pictured, and has done well on some very breezy days here. Overall very happy with my purchase.", "summary": "nice umbrella", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2017", "reviewerID": "AO14A70DC6FW0", "asin": "B001ESOMIS", "reviewerName": "tazzmom", "reviewText": "Great arrived on time, they have been planted", "summary": "Five Stars", "unixReviewTime": 1492732800} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2014", "reviewerID": "A1M5MVOW5J9CGL", "asin": "B000RNENU8", "style": {"Size:": " 32 OZ"}, "reviewerName": "Consumer40534", "reviewText": "Cost is good. The product deliveries. Much better than the clumping glandular kind. Easy breezy. How much more can you say about a good product.", "summary": "very convenient", "unixReviewTime": 1400371200} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A24KV5UU6CEWNC", "asin": "B001BKV9KI", "style": {"Color:": " Black"}, "reviewerName": "barry", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1451347200} +{"overall": 3.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A164SZV01HALV7", "asin": "B000HCNEW2", "style": {"Size:": " Large"}, "reviewerName": "kisha p", "reviewText": "I had one before and it lasted for years and kept my firepit dry. The only reason I gave it a 3 is because it didn't come in the color shown in the picture.", "summary": "Wrong color", "unixReviewTime": 1446940800} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A5ELHX4Y1R7FU", "asin": "B001ACIHRU", "reviewerName": "F. B.", "reviewText": "Good price and fast delivery.", "summary": "Works as it should.", "unixReviewTime": 1480636800} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2014", "reviewerID": "A1MNXJ9WV2BCNR", "asin": "B00022OK2A", "reviewerName": "Stella Luna", "reviewText": "LOVE IT", "summary": "Four Stars", "unixReviewTime": 1409875200} +{"overall": 5.0, "verified": true, "reviewTime": "06 12, 2014", "reviewerID": "A3TQFWMPMQDYKO", "asin": "B000XVV5SC", "style": {"Color:": " Bronze"}, "reviewerName": "Joel G. Dietrich", "reviewText": "This is a fantastic product. It is the second one we purchased, and couldn't be happier.\n\nAnything more would be superfluous.", "summary": "Excellent product", "unixReviewTime": 1402531200} +{"overall": 4.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "AGG3EKGZTLPRO", "asin": "B0013I2MLS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "richard d. cole", "reviewText": "seems to work pretty good", "summary": "Four Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "AW7BIYHXUIZ62", "asin": "B0009JTS78", "style": {"Size:": " Medium"}, "reviewerName": "T.M. Reader", "reviewText": "Very happy with these, which I bought for my 6 year old grandson as part of his metal detecting kit. Soft and well made. No disappointments.", "summary": "Perfect for his metal-detecting kit", "unixReviewTime": 1518652800} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "AZ4CGYOTB2ZCT", "asin": "B000B864Z6", "reviewerName": "Happy Customer 13", "reviewText": "Keeps the bird bath open even in sub zero conditions, great heater at a very reasonable price.", "summary": "The BIRDS LOVE IT!!!", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2015", "reviewerID": "AQBYR3OHVSYCJ", "asin": "B000E28UQU", "reviewerName": "Amazon Customer", "reviewText": "A good sprayer at a reasonable price", "summary": "Five Stars", "unixReviewTime": 1446681600} +{"reviewerID": "AWY3N777B4G8Y", "asin": "B000KL12RE", "reviewerName": "Fred's Reviews", "verified": true, "reviewText": "I have hundreds of feet of lousy hoses in various states of disrepair. This hose is far superior to the green vinyl 5/8 hoses most folks buy. Nice, solid brass hardware and spring steel reinforcements at each end. Easy to see on lawn, too. That's a good thing.", "overall": 4.0, "reviewTime": "08 13, 2013", "summary": "Commercial Grade Hose is Worth a Few Extra Bucks", "unixReviewTime": 1376352000} +{"overall": 2.0, "verified": true, "reviewTime": "02 12, 2018", "reviewerID": "AEO5IX2RBHVLP", "asin": "B001622202", "reviewerName": "john gray", "reviewText": "These arrived very stressed. I died a week later, 1 has burned tips and the last is doing great.", "summary": "1 has burned tips and the last is doing great.", "unixReviewTime": 1518393600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A1UTZS8PNRS16P", "asin": "B000BOC7QK", "style": {"Color:": " Original Version"}, "reviewerName": "Alan Darge", "reviewText": "I bought 2 of these chains and the price unbelievably low. The big \"L\" home improvement store sells these same chains for $10 more. The delivery was very fast from VMInovations who fulfilled the order.", "summary": "Great price on genuine Husky chains", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "ATYUI52RPLL3O", "asin": "B0016AJC0W", "style": {"Size:": " 3\" x 50'"}, "reviewerName": "kspol", "reviewText": "ok arborist said not needed", "summary": "ok arborist said not", "unixReviewTime": 1511049600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "A1OYNLYO8DU9W2", "asin": "B0014S8B3U", "reviewerName": "Mike A.", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1427587200} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A29B0SNDI2Q1WJ", "asin": "B000BO73TQ", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Jason Tanner", "reviewText": "Ok, so the first package got lost, but now I have this,so i hope it works as described.", "summary": "Hope this stuff works, my neighbors have a real deer problem every deer season and I never see many.", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A3MJDXWIE8X1FY", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "David Goettler", "reviewText": "Nice pruners. Used them for my fruit trees in the spring. Great product for a great price!", "summary": "Nice pruners. Great Price.", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "AK942UEW693H4", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Schmerzen", "reviewText": "Easy install on my mower. Nice factory replacement part.", "summary": "Easy install", "unixReviewTime": 1436572800} +{"reviewerID": "A2RUCJM4FMUDQR", "asin": "B000VU222S", "reviewerName": "Ronald F. Gruhn", "verified": false, "reviewText": "Excellent product-really throws the snow. Only wish it had a method to throw snow to side other than having to point it.", "overall": 4.0, "reviewTime": "01 6, 2009", "summary": "toro power shovel", "unixReviewTime": 1231200000} +{"overall": 4.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A16DM5WBUK8NZN", "asin": "B000KL6T18", "style": {"Size:": " 16-Pound Bag"}, "reviewerName": "Shogood121", "reviewText": "Birds enjoy it...", "summary": "Birds enjoy it...", "unixReviewTime": 1503100800} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2013", "reviewerID": "A2CDDXS10BKG1M", "asin": "B0015AOT4W", "style": {"Style:": " Circle"}, "reviewerName": "bulbasaur", "reviewText": "It works pretty good, though it is smaller than I thought it would be, and it ended up rusting in a few months", "summary": "Small, Rusts", "unixReviewTime": 1373500800} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2015", "reviewerID": "A1XZQQ3NL5YQAL", "asin": "B00004RA7A", "style": {"Color:": " N/A"}, "reviewerName": "billcf", "reviewText": "Item delivered on time, was as described", "summary": "Five Stars", "unixReviewTime": 1425772800} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A1C6RZG7XQZBUZ", "asin": "B000WOS9RA", "reviewerName": "C. Beard", "reviewText": "There is no better mini grill out there. This will cook better steaks than most full size grills. There is one draw back. If you try to use this with anything but the non refillable tanks you will likely run into regulator issues.", "summary": "There is no better", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "AP390XQ36URTH", "asin": "B0013XXQ68", "reviewerName": "Rob S.", "reviewText": "Always important to take care of your machines and this is an easy step to a long life with your tractor", "summary": "... take care of your machines and this is an easy step to a long life with your", "unixReviewTime": 1432166400} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2016", "reviewerID": "A38D4I8SWY6MU1", "asin": "B000PBUD3S", "reviewerName": "Marilyn Tyree", "reviewText": "as expected", "summary": "Five Stars", "unixReviewTime": 1452902400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A9240A6WFOEE9", "asin": "B0015AUY3W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Voldemort", "reviewText": "Very dependable and reliable", "summary": "reliable", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2013", "reviewerID": "A1KMIZE1FOWC1X", "asin": "B000XSF3YM", "reviewerName": "Leea", "reviewText": "I used this to cut both large and small branches. I was nervous about the electric version so I chose this one. I was able to use this product fine. I short so I still had to use a ladder. But, otherwise it was great.", "summary": "Pruner works well", "unixReviewTime": 1380844800} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A28X8T3Q0SVFX8", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "Mary Kelly", "reviewText": "The MIRACLE of plant food! Hide the plant food and just claim the 'green thumb'...", "summary": "NO OTHER WILL DO", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A3OEOSLHV54VQU", "asin": "B001FT82XM", "reviewerName": "Larry Guzik", "reviewText": "Great product. Definitely stopped the ants.", "summary": "Excellent", "unixReviewTime": 1470096000} +{"reviewerID": "A2NKFFGYRERGYS", "asin": "B000657BRE", "reviewerName": "Patrick Brown", "verified": true, "reviewText": "great", "overall": 5.0, "reviewTime": "06 28, 2016", "summary": "Five Stars", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "AX6D8V9B1BMWT", "asin": "B00004WYOK", "style": {"Color:": " Silver"}, "reviewerName": "S. J Kidwell", "reviewText": "Had already ordered four of these but ordered more for Christmas gifts. Great for neighbors, co-workers.\nEveryone loves windchimes and these have an excellent sound. Only takes a light wind to hear that soothing, lovely sound.\nCannot go wrong with Woodstock.", "summary": "Love them. Great gifts for co-workers, neighbors.", "unixReviewTime": 1416441600} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A1UP7K1F83UOMD", "asin": "B000PGMU5C", "style": {"Size:": " 15-Foot"}, "reviewerName": "Amazon Customer", "reviewText": "Definitely adds heat to the pool and helps keep a lot of the debris from collecting in the water. Have had it on with some severe storms and it stayed put! The reason for 4 stars is that the seam is starting to come apart after only a couple months of use.", "summary": "Well worth the money ...", "unixReviewTime": 1437955200} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2017", "reviewerID": "A26ZSGGY8FW70U", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Steve", "reviewText": "Finally a gas can that is easy to use with the new safety measures.", "summary": "Four Stars", "unixReviewTime": 1498953600} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2016", "reviewerID": "AW2I5PQ4DA5TS", "asin": "B000VL8C0I", "reviewerName": "TX girl", "reviewText": "4 inch - perfect size for the drains!", "summary": "4 inch covers", "unixReviewTime": 1467504000} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2014", "reviewerID": "A2D4QNVTYZZOFD", "asin": "B000JHZ2H0", "style": {"Size:": " 3-Pound"}, "reviewerName": "wendy bennett", "reviewText": "GOOD PRICE", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "A3OPXO081NNBMS", "asin": "B000FJTV42", "style": {"Color:": " Red Sparkle"}, "reviewerName": "Angela Meyer", "reviewText": "When I received it I thought one side was missing but it wasn't it was behind another side. Cute bird feeder. I have not put it out yet but I know this type of bird feeder attracts small birds.", "summary": "cute, look for the side with another one.", "unixReviewTime": 1505952000} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A18MBQY3LQDS9M", "asin": "B000K0QTYQ", "reviewerName": "Ria C. Hudson", "reviewText": "Great product. Great Service. Thanks!", "summary": "Five Stars", "unixReviewTime": 1419206400} +{"overall": 4.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A1XHIEN3ABNB8F", "asin": "B000KL6YYK", "style": {"Color:": " Gray"}, "reviewerName": "Uncle Bob", "reviewText": "Totally cute! Love it.", "summary": "Fun watering can - well made quality", "unixReviewTime": 1485388800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A1PB9418G8KP3Q", "asin": "B000HCLLMM", "style": {"Size:": " Medium"}, "reviewerName": "RG0647", "reviewText": "Really great grill cover. Fit perfectly and stays nice an flexible thus far. Appears to breathe nicely to keep moisture from accumulatiing under the cover", "summary": "Great cover!", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A4GNJRQAB7QHY", "asin": "B0016KGSFE", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Gagal", "reviewText": "Just what I needed. Fit perfectly and went on easily.", "summary": "Perfect for protecting from chewing squirrels", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2013", "reviewerID": "A2X6PICHHEG86Z", "asin": "B00004SDY5", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "i am what i buy", "reviewText": "have been using these for decades now. they just work. there is simply no better quick connectors - or gardening water products than gardena. this set is the biggest bang for the buck and i will buy a set from time to time. all my gardening water products are gardena.", "summary": "gardena is the best", "unixReviewTime": 1386115200} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2012", "reviewerID": "A2U6N8QISOIDJS", "asin": "B000WEIJUW", "reviewerName": "Philzoel", "reviewText": "Used it a year and it is great. Does what I want. Does blacken but I believe that adds flavor.", "summary": "grill basket", "unixReviewTime": 1338336000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A2AQFHXVXUDDVM", "asin": "B000BX4VXI", "style": {"Size:": " 1 Litre"}, "reviewerName": "ECUPirate", "reviewText": "Great product!!", "summary": "Worth the extra$.", "unixReviewTime": 1494979200} +{"overall": 1.0, "vote": "4", "verified": false, "reviewTime": "04 25, 2016", "reviewerID": "A7IA4BNIIZS2Z", "asin": "B0002FZASA", "reviewerName": "john c dodds", "reviewText": "This product contains a nicotine based product which has been proved to kill wild and domestic BEES.\nDo not use it on any plant which has a flower that bees visit. Better yet don't buy or use it!", "summary": "BEE KILLER", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2017", "reviewerID": "A2FHQ9BDUMDSRD", "asin": "B0012XH8WM", "style": {"Color:": " Large 8 ct"}, "reviewerName": "Tom M", "reviewText": "Seem to work well", "summary": "Five Stars", "unixReviewTime": 1513728000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A1IQ853GQOSSLD", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Diane G. Beatty", "reviewText": "I use these almost daily. They are sharp and cut cleanly.", "summary": "Sharp, clean cutting shears.", "unixReviewTime": 1519171200} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A1HZ3L0LQ5ENY2", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "John M. Harper", "reviewText": "Excellent product for use with your Weber Spirit grill!", "summary": "Great product for you Weber Grill!", "unixReviewTime": 1520208000} +{"overall": 3.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A1V4E7WJPHVFDD", "asin": "B000FLCUAW", "style": {"Style:": " Full Length Cover"}, "reviewerName": "FoxHillSpeedShop", "reviewText": "I like it and dis-like it for the same reason... it's heavy. So it offers great protection but a bit of a hassle manhandling off-and-on", "summary": "I'd still recommend at 3 stars", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "A2ZG1K5PDVZTPE", "asin": "B000FOMRUC", "reviewerName": "Shana Ellison, Chad Saltsman", "reviewText": "This items SAVED my tomatoes. Was very simple to use. Just spray until saturated and walk away. Now this product does stink but its nothing that is overwhelming. I will definitely be buying more for my garden next year.", "summary": "Great Product that works well.", "unixReviewTime": 1450483200} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2016", "reviewerID": "A5V22CUOYLCTA", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "The Collector", "reviewText": "Gets the job Done", "summary": "Five Stars", "unixReviewTime": 1466640000} +{"overall": 3.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A1LKB5896OJOW6", "asin": "B000WPABE8", "reviewerName": "ZRod", "reviewText": "I gave it three stars because of the packaging, which was done right. But my plant arrived with almost every leaf burnt, black and crispy. Trying really hard to bring it back to life. I'm hoping it's not a waste of time and money.", "summary": "I'm hoping it's not a waste of time and money", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "ABLGB9EUO0DJQ", "asin": "B0006VK68E", "style": {"Size:": " 11 X 22 Inch"}, "reviewerName": "Wizard", "reviewText": "Very Good deal", "summary": "Five Stars", "unixReviewTime": 1416960000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2018", "reviewerID": "A2QZ50Y2P2R0HX", "asin": "B001DNIIOS", "style": {"Color:": " La Crosse Technology"}, "reviewerName": "c.h.", "reviewText": "Just perfect, a weather station at a great price. Perfect temperature outside and inside.", "summary": "La Crosse Digifgtal technology", "unixReviewTime": 1515715200} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2011", "reviewerID": "A2WAH0LEFQPB6S", "asin": "B000J3AG7U", "reviewerName": "Maryellen Walter", "reviewText": "Use this in my Pennsylvania outdoor pond with very cold winters. Works well in keeping an opening in the ice. The light on top tells you it's working. My previous model didn't have this light so I find this very helpful.", "summary": "Great pond heater", "unixReviewTime": 1295481600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "ANWI0YVV7QLFG", "asin": "B000WEMG24", "reviewerName": "Owen L.", "reviewText": "Yep... Hangin' the tools on the grill... Yep... This works great... Yep, take it from a Texan... Great product!!-0", "summary": "Works as advertised.", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A26R8BWL2F05HU", "asin": "B000PKTPP6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Sebas", "reviewText": "I use it when spraying insecticide and herbicide. I hope it's not just me dreaming, but the last 2 times I sprayed I run out of it and it did not seem as effective... So had to get a few more bottles...", "summary": "Recommended.", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2012", "reviewerID": "A2FH77WA0A8VFJ", "asin": "B0012Z73QQ", "reviewerName": "Jarhead", "reviewText": "This flag was very well made. The fabric is tough and yet very lightweight so that it flies well in a gentle breeze.", "summary": "easy flier", "unixReviewTime": 1328140800} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A2JM0QU96GOMKE", "asin": "B0000VUN8S", "reviewerName": "Ellen", "reviewText": "Nice for the price. I may get one winter out of it.", "summary": "Four Stars", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "A4MU6BR8YEROR", "asin": "B000X3KTHS", "reviewerName": "Rex C.", "reviewText": "It is a great gauge and for some reporting agencies (cocorahs) is required. The science behind it is interesting, and it is very accurate. Great tool for farmers.", "summary": "Accurate Gauge", "unixReviewTime": 1493856000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "A1EK3LGH4O017Z", "asin": "B0013I2LVY", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "J. M.", "reviewText": "Small ,but so far works well.", "summary": "Small", "unixReviewTime": 1496102400} +{"overall": 3.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A2VQLV2GUC4H8J", "asin": "B001DZGMKI", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Hal in Augusta", "reviewText": "Its a good product, but I wish they had made the handles longer for better torque.\nI'm going to have to make some modifications so I can make better use of it. Lengthen the handles.", "summary": "Good but handles need to be longer", "unixReviewTime": 1438128000} +{"overall": 3.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A2KWOEN1ZJCJBN", "asin": "B001D1KXGQ", "style": {"Color:": " Red"}, "reviewerName": "Sal", "reviewText": "Jar screws in good but better make sure both pieces of the base are lined up before you pick it up ..... or better yet pick it up by the bottom base incase it's not .", "summary": "Jar screws in good but better make sure both pieces of the base ...", "unixReviewTime": 1443052800} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "APSC9Z6ZR1GNX", "asin": "B000FJTXRC", "reviewerName": "Terri Smith", "reviewText": "Best hummingbird feeder on the market! Easy to clean, keeps bees out, easy to fill. Wish the ant mote was larger, but added on ant motes work well with it.", "summary": "Best hummingbird feeder on the market!", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A2YSPFQCYVW50N", "asin": "B000NE70QA", "reviewerName": "pet lover", "reviewText": "good oil", "summary": "Five Stars", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2013", "reviewerID": "A3SGCL5JZ22HHR", "asin": "B000VJRK26", "reviewerName": "luckyduck", "reviewText": "i have this jolly roger tacked to the ceiling in my cave and it looks cool . bold black and white , brass gromets . well made. great price fast delivery .", "summary": "jolly roger", "unixReviewTime": 1375660800} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A25ZNA92OTY7VW", "asin": "B0007LQ3P8", "reviewerName": "Sherri Dust", "reviewText": "Holds a lot of seeds & deer leave it alone nice!", "summary": "... a lot of seeds & deer leave it alone nice!", "unixReviewTime": 1416355200} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "ANC5LM3F1YY7L", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "greg", "reviewText": "as advetised", "summary": "Five Stars", "unixReviewTime": 1511222400} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2014", "reviewerID": "A9LO28FHN1WW8", "asin": "B000WEIII0", "reviewerName": "RSneath", "reviewText": "I ordered this set to replace an older set I had purchased at a in a store about 15 years ago. This set is functional, durable, the tongs are particularly great.", "summary": "Very Functional 3 - Piece Barbeque set", "unixReviewTime": 1404000000} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A2IQ9G22DAD7NZ", "asin": "B000N4YZ6I", "reviewerName": "Sleekun", "reviewText": "direct replacement for my mower, worked as expected.", "summary": "Five Stars", "unixReviewTime": 1459123200} +{"overall": 3.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A1PQ0JND73Q7W0", "asin": "B000RGX4KA", "style": {"Size:": " 21-Inch"}, "reviewerName": "Prime customer", "reviewText": "This brush cleaned my PGS stainless steel grill grates very well, BUT for only 6 months. The brush is worn out already. For the premium price charged for this item, I expected it to last longer.", "summary": "Good concept, does not last", "unixReviewTime": 1372896000} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A25MUJ475PXCHD", "asin": "B0011UEKKE", "style": {"Size:": " 4 pounds", "Package Quantity:": " 1"}, "reviewerName": "A. A. T.", "reviewText": "Tomatoes are looking good.", "summary": "Works", "unixReviewTime": 1469318400} +{"overall": 1.0, "verified": true, "reviewTime": "09 6, 2012", "reviewerID": "A1867GIWTIRYOX", "asin": "B000Q720VE", "reviewerName": "Sheri K. Combs", "reviewText": "I had 2 of these feeders before and the hummingbirds love them. I ordered 2 more and they leaked for the cost,and having to pkg it was not worth returning them so they were discarded. The company may want to use better quality control because when they work the birds love them", "summary": "bad product", "unixReviewTime": 1346889600} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A3V62GTQNGIJZ7", "asin": "B0012Z1YIY", "reviewerName": "Amazon Customer", "reviewText": "Big-ass heavy duty paddle stirrer. Works great for home brewing or beating unwanted intruders. Almost comically huge. Can remove small pizzas from oven. Great for delivering Birthday spankings as well. Love this thing.", "summary": "Possibly the most useful kitchen utensil in existence.", "unixReviewTime": 1451088000} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "AFKUPXDCLNUOZ", "asin": "B0002MKGO6", "style": {"Style:": " 400 watt"}, "reviewerName": "michael greene sr", "reviewText": "As promised", "summary": "Five Stars", "unixReviewTime": 1416355200} +{"overall": 4.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A2JUKHMZGASC16", "asin": "B0002YQP6C", "reviewerName": "Mach I", "reviewText": "It was what I needed.", "summary": "Four Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "06 8, 2016", "reviewerID": "A24BNCEU8A2KZR", "asin": "B001GJ3FIS", "reviewerName": "dvorah", "reviewText": "great quality, price & shipping!", "summary": "Five Stars", "unixReviewTime": 1465344000} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A1YZ4IZWFWTFXC", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Dave from vienna", "reviewText": "This thing is heavy duty and will probably outlast the fire pit it's protecting.", "summary": "It's the tops for pits!", "unixReviewTime": 1435190400} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A1NN39CPDLKNNU", "asin": "B000LE8KZW", "style": {"Size:": " 4\" x 4\" x 17\" (Length x Width x Height)"}, "reviewerName": "S Hudson", "reviewText": "I work at a lot of festivals and was tired of my tent blowing away. I purchased these and they were very helpful in counteracting that issue. Only problem is the sand does come out at certain angles. So use caution when you break things down. Be sure to put these in a bag.", "summary": "Helpful in wind!", "unixReviewTime": 1449100800} +{"overall": 3.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A1XS6VHO2Z5O5G", "asin": "B000WFXDMK", "style": {"Style Name:": " Standard"}, "reviewerName": "Richard T", "reviewText": "I bought the net jacket and it has a head shroud that worked great so I did not use these. I could have returned them but they will come in useful when I have others out in my orchard with me.", "summary": "good product", "unixReviewTime": 1470787200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "AR63HUGDT2IZI", "asin": "B000ESNCGW", "style": {"Size:": " 1.5 Horsepower", "Style:": " Single Speed"}, "reviewerName": "Revesco", "reviewText": "Works great price is good. Will do business again.", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 1.0, "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A2LAB09G4XEFEJ", "asin": "B0002568YK", "style": {"Size:": " 2 Bales", "Color:": " Brown"}, "reviewerName": "Russell Peck", "reviewText": "Didn't see any difference. \"Roundup\" next time", "summary": "One Star", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A337Q388KS0QCZ", "asin": "B000HHM43W", "style": {"Size:": " 12-Inch"}, "reviewerName": "curlygirl", "reviewText": "This works well with our hummingbird feeder and also our hanging plants.", "summary": "Great buy", "unixReviewTime": 1468713600} +{"overall": 1.0, "vote": "13", "verified": true, "reviewTime": "02 19, 2009", "reviewerID": "A2I4R9SWLWZQHQ", "asin": "B000EHJN7K", "style": {"Package Quantity:": " 1"}, "reviewerName": "J. Christensen", "reviewText": "This sounded like a good deal, but after I ordered these, I found a 72 peat pellet refill kit at Home Depot which was much cheaper per pellet, and that kit was neatly packaged with four individual trays.", "summary": "Over priced and poorly packaged", "unixReviewTime": 1235001600} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A1RSSLD8ZS4FZK", "asin": "B000Y1BGN0", "style": {"Item Package Quantity:": " 5", "Package Quantity:": " 5"}, "reviewerName": "Shelley D.", "reviewText": "This item replaced the original scrubber on my Polaris 360. Easy fix and stays on........until my dog eats it again!", "summary": "Slip ons", "unixReviewTime": 1400025600} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2015", "reviewerID": "A1FVH31CAHN5BV", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "klsparrow", "reviewText": "great replacement and good price.", "summary": "Five Stars", "unixReviewTime": 1438387200} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2017", "reviewerID": "A2DKU0272TJJ6S", "asin": "B001ACNVHG", "style": {"Size:": " 3\" x 50'"}, "reviewerName": "Robert Z.", "reviewText": "Saved my trees from this years Gypsy Moths!", "summary": "Saved my trees from this years Gypsy Moths!", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2016", "reviewerID": "A3HMEW9KI0WH5N", "asin": "B000GXQMEE", "style": {"Size:": " 31.3 lb"}, "reviewerName": "George C.", "reviewText": "It works if you follow the instructions", "summary": "Five Stars", "unixReviewTime": 1465084800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 7, 2013", "reviewerID": "A1YRRDEWABCGB0", "asin": "B000MG0QK6", "style": {"Size:": " 40mm"}, "reviewerName": "rlnewk", "reviewText": "Wonderful product. I have used it on my bonsai trees and it is all I hoped for. Good Price and Sharp sheers. these are my second pair purchased from you. That should say something. I believe your price and product are worth buying. Thanks, Rick", "summary": "SUPER", "unixReviewTime": 1362614400} +{"overall": 4.0, "verified": true, "reviewTime": "05 1, 2014", "reviewerID": "AJPKDAFL8B7MO", "asin": "B0015IJMBO", "reviewerName": "Amazon Customer", "reviewText": "This is burlap, all right - no doubt about it. I used this to wrap the trunk of a tree that is a favorite of sapsuckers. So far, so good.", "summary": "Nice Quality", "unixReviewTime": 1398902400} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "01 27, 2012", "reviewerID": "A1GFE8PT6NYP4C", "asin": "B000HHMCBQ", "reviewerName": "Eli Sayegh", "reviewText": "I had 3 Stewart avocado trees that are tolerant down to 20 F. I used the plant protector. The temperature never went below 26 F. Yet all 3 plants died inside the \"protector\".", "summary": "Small trees died within", "unixReviewTime": 1327622400} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A1GVT3IS9BB1WN", "asin": "B000G2TNO6", "style": {"Color:": " UK"}, "reviewerName": "Bryan", "reviewText": "Not the nicest of flags. Very thin but served its purpose for why I bought it to just hang up for a party. Not good enough quality to be used outside, too thin and flimsy.", "summary": "Not good enough quality to be used outside", "unixReviewTime": 1483401600} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A3PCV7ALN0S1N0", "asin": "B0012W5QS6", "reviewerName": "Khalid Merchant", "reviewText": "Glad for the replacement belt and awesome price", "summary": "Four Stars", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A2HEK4JP1XQNH9", "asin": "B00004RAGL", "reviewerName": "Perry", "reviewText": "Just what I needed. Well built with real brass and NO plastic.", "summary": "Just what I needed. Well built with real brass ...", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2015", "reviewerID": "A2DVF0RE690FU1", "asin": "B000DCN9LW", "style": {"Style:": " 24-Inch Steel Blade Snow"}, "reviewerName": "Knets", "reviewText": "Built like brick sh_t house. Heavy duty shovel, huge difference from the plastic stuff sold at the big box", "summary": "Heavy duty shovel", "unixReviewTime": 1422576000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A237UREI7KRX9B", "asin": "B000YPQPSW", "style": {"Size:": " 16 x 8 x 8.5 inches"}, "reviewerName": "roberto", "reviewText": "Works as described", "summary": "Good deal", "unixReviewTime": 1449532800} +{"overall": 4.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "AEUP59PRQ5OVZ", "asin": "B000H6RKL4", "reviewerName": "leisa swanson", "reviewText": "Brings back memories of China town", "summary": "Four Stars", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "APALT6XXWZTES", "asin": "B00004SDVW", "style": {"Style:": " 3-Way Adjustment with Plastic Sled"}, "reviewerName": "Ralph F.", "reviewText": "This works great. The extra two adjustments are extremely useful. Very sturdy.", "summary": "Very nice sprinkler", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2016", "reviewerID": "ASV2NXCQQNAIQ", "asin": "B00004TBKM", "reviewerName": "Philly mom", "reviewText": "These really work!", "summary": "These work well", "unixReviewTime": 1480032000} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "A1Q4D9NAKBPI9Z", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Paul", "reviewText": "Comfortable, sharp shears. I've used these for my rose bushes and fruit trees without breaking a sweat.", "summary": "Five Stars", "unixReviewTime": 1522886400} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A3O168Y6APR4IR", "asin": "B0012YIB2W", "reviewerName": "george cox", "reviewText": "GET BIGGER SOON ....I need bigger plants I don't think I can treat this well. We'll see ,Love the company Thanks", "summary": "Get Bigger SooooooN", "unixReviewTime": 1516838400} +{"overall": 1.0, "verified": true, "reviewTime": "12 6, 2016", "reviewerID": "AZKYEW4XCZJTL", "asin": "B000WZ4KO0", "style": {"Size:": " EACH", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "LenezLedford", "reviewText": "Worked great", "summary": "One Star", "unixReviewTime": 1480982400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2016", "reviewerID": "AKRJV928BCLW0", "asin": "B000PGMU5C", "style": {"Size:": " 10-Foot"}, "reviewerName": "Patricia C.", "reviewText": "goes on so easy great fit", "summary": "Five Stars", "unixReviewTime": 1472256000} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "AJRPE6BWJQV41", "asin": "B000WEMHGO", "reviewerName": "Moe Rubenzahl", "reviewText": "I had a third-party rotisserie on my older gas grill and decided to upgrade to an official Weber unit. It fits perfectly and works well. Weber quality, of course. It's what you would expect from Weber. And not that much more expensive than the third party brands.", "summary": "Fits right, works well", "unixReviewTime": 1436659200} +{"overall": 3.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "AUCE6JGJQ6QZC", "asin": "B000GD8M2E", "style": {"Color:": " White"}, "reviewerName": "Kelli", "reviewText": "Came all scratched up but its OK because we are using outside. You get what you pay for but I think this is only worth about $5.", "summary": "OK item", "unixReviewTime": 1402876800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A3JYFXR09WD4WB", "asin": "B000BQWWJK", "style": {"Size:": " 1 gallon", "Color:": " Sage Green"}, "reviewerName": "Ginger", "reviewText": "This watering can waters my garden nicely. Needs extra holes punched however\nfilling is a bit weird", "summary": "Five Stars", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2016", "reviewerID": "AO4TZXE4HYYQ9", "asin": "B0016ARXNU", "reviewerName": "Amazon Customer", "reviewText": "Good product", "summary": "Five Stars", "unixReviewTime": 1478476800} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A1N9S6IHSUWJCG", "asin": "B001DC81O6", "style": {"Size:": " 3 feet x 100 feet", "Style:": " 25 Year"}, "reviewerName": "Bob", "reviewText": "So easy to use; cuts easily, lies flat, and is a good weight. Used it to cover the dirt in the front yard and then put down stones. Worked very well.", "summary": "So easy to use", "unixReviewTime": 1502841600} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A12GJTGQ34Y4UE", "asin": "B00004RA8B", "reviewerName": "stlsue", "reviewText": "As described- will fit my chainsaw", "summary": "As described", "unixReviewTime": 1489363200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "09 17, 2010", "reviewerID": "A3PYBA841979JX", "asin": "B0012FRZGE", "reviewerName": "Peter From Darien CT", "reviewText": "Good value for money - basic trimmer; chances are you will cut the power cord way before the item breaks - so why spend a lot of money in the first place!", "summary": "Hedge Trimmer", "unixReviewTime": 1284681600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "A29B2WW3SIG9BZ", "asin": "B00178M9GM", "reviewerName": "Jon P. Rhynard", "reviewText": "If you don't like weeding and watering, get these. I've been using them for about 10 years now, and when these wear out, I am going to buy more.", "summary": "These aren't good, they are necessary.", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A12CBDHX1MJLGZ", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "deseret", "reviewText": "very nice but gosh how i hated buying a usa flag fr china", "summary": "Five Stars", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "AT2UX3U2ZIY4N", "asin": "B000W9JN4S", "style": {"Size:": " 5 Gallon"}, "reviewerName": "Michael Hamfeldt", "reviewText": "The no-spill design on these is incredible. Makes filling up small engines and mowers much easier. They are definitely worth the extra money.", "summary": "The no-spill design on these is incredible. Makes filling ...", "unixReviewTime": 1464652800} +{"overall": 3.0, "verified": true, "reviewTime": "08 28, 2016", "reviewerID": "A10JFRVQCYQTP2", "asin": "B000HCR8CE", "reviewerName": "Vice7600", "reviewText": "its kind of pointless i had it in my order que i never mint to by it just for got to remove it with that being said it looks and and dose what its supposed to", "summary": "its kind of pointless i had it in my order ...", "unixReviewTime": 1472342400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "APDRTZZZ13HUM", "asin": "B0001L0DFA", "style": {"Size:": " One Size", "Color:": " Colors may vary"}, "reviewerName": "Charlotta", "reviewText": "Great product", "summary": "Great", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2012", "reviewerID": "A2IR7WELFXOC1X", "asin": "B000L3ZLNC", "style": {"Style:": " Post"}, "reviewerName": "diver", "reviewText": "These are sturdy well constructed posts that do a great job of keeping together the fence sections. As long as you don't hit rock, they push down pretty easily into the ground and once inserted fully there isn't a lot of wobble or \"give\" to the final fence", "summary": "sturdy posts", "unixReviewTime": 1350345600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2013", "reviewerID": "A10QUTJKW4WVA1", "asin": "B0015VDT56", "style": {"Color:": " beige"}, "reviewerName": "Thor71", "reviewText": "Looks great, well made (in the USA of course!) and built from recycled materials. This won't warp and fade in the weather like wood feeders. It will look great and stay that way forever. Best feeder I ever bought.", "summary": "Best bird feeder ever!", "unixReviewTime": 1357862400} +{"overall": 3.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "A1SN45JAF19Y5H", "asin": "B000LNUA9W", "reviewerName": "WinU", "reviewText": "Top should open. Makes a great ridem toy for the grand kids too :-)", "summary": "It's a great stool, but the top should open.", "unixReviewTime": 1515024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2013", "reviewerID": "A1J7VJQX2P3KU0", "asin": "B0012NVHYC", "style": {"Color:": " Beige"}, "reviewerName": "DaniM", "reviewText": "Excellent quality for the price. It is large and covers a round table with 5 chairs perfectly. This arrived fast, well packed and it was easy to assemble.", "summary": "Great deal", "unixReviewTime": 1366934400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A2R46574HYQOWO", "asin": "B000EUCNP6", "style": {"Color:": " Silver"}, "reviewerName": "Guy Fox", "reviewText": "The same high quality product that they have always made. So happy they are still practicing the art of catching the songs of the wind!", "summary": "BEAUTIFUL MUSIC", "unixReviewTime": 1446163200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/719edSxJH3L._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A3FOQYCTQK0ZPF", "asin": "B000E28UQU", "reviewerName": "Arizona Michael", "reviewText": "No problems. Arrived quickly, product as advertised. Photo is right out of the box so you can see how it arrives. Have used it a few times without issues or problems. Good product.", "summary": "No problems. Arrived quickly, product as advertised.", "unixReviewTime": 1510012800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 18, 2015", "reviewerID": "A1FP57UAVU34NE", "asin": "B000I1PJHK", "style": {"Size:": " 20-Pound"}, "reviewerName": "David T.", "reviewText": "Moles have been burrowing and destroying my lawn. Granular Sevin kills most of the grubs and worms that the moles eat. Without food, the moles go to my neighbors' yards.", "summary": "Sorry, neighbors, here come the moles", "unixReviewTime": 1442534400} +{"overall": 4.0, "verified": true, "reviewTime": "11 10, 2017", "reviewerID": "A21P6I932TZMXM", "asin": "B000QTMT7W", "reviewerName": "Mr Twigbert", "reviewText": "Works", "summary": "Works", "unixReviewTime": 1510272000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "A3973LVZX7XJT5", "asin": "B0013E1VTG", "reviewerName": "NiaFiFia", "reviewText": "Good Product", "summary": "Birds are using it!", "unixReviewTime": 1511481600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A227ZSKKPRKTJ7", "asin": "B000LS2HEI", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Sandra W Austin", "reviewText": "Works....", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A2B5BVO77WCIFA", "asin": "B000WZCSTO", "style": {"Size:": " 0in. x 0in. x 0in."}, "reviewerName": "Julesaa", "reviewText": "As always, Gerber has exceeded my expectations. Heavy duty, collapsible/folding shovel stood up nicely for a recent snowy backpacking/camping excursion in the ADK. Couldn't find one bad thing to say about this!", "summary": "collapsible/folding shovel stood up nicely for a recent snowy backpacking/camping excursion in the ADK", "unixReviewTime": 1416182400} +{"overall": 1.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A139KWDSEDWNBH", "asin": "B001DNIIOS", "style": {"Color:": " La Crosse Technology"}, "reviewerName": "Stephen C. Bedics", "reviewText": "this one sucked replaced it with other one", "summary": "One Star", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A3FNP64XMY2LMV", "asin": "B00165LDSG", "reviewerName": "Norm", "reviewText": "Works great. I would recomend with the other reviewers that the nozzle should be longer without having to buy another nozzle.", "summary": "Works great but nozzle is a bit short.", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A3ZMMKLLFNUBB", "asin": "B000XUO60C", "reviewerName": "C. Miller", "reviewText": "Great hammock, sturdy and weather resistant.", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "A1T0JL58LS4BL6", "asin": "B000MOHJJE", "reviewerName": "Pierre Skink", "reviewText": "This does not come with a pole. I actually didn't notice that when I ordered it, and expected a pole, but that's fine because I'm only using it in a hot tub. It's light weight but seems very durable; we'll see. A quick shake gets the crud off it.", "summary": "Seems to be good quality", "unixReviewTime": 1451433600} +{"overall": 1.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A36BZ4B4G3HQY1", "asin": "B0007WJF9S", "reviewerName": "Traybay", "reviewText": "Junk", "summary": "JUNK", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "AQH8YYWQWVRU", "asin": "B00169QQWK", "reviewerName": "Cindy Giles", "reviewText": "Best price out there!", "summary": "AWESOME!", "unixReviewTime": 1435708800} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A38Q9MAWALVKCW", "asin": "B000BOBWBG", "style": {"Size:": " 1"}, "reviewerName": "C. Garcia", "reviewText": "Very handy", "summary": "Five Stars", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "A3SU0D6BCZGC3F", "asin": "B000BWY3BY", "reviewerName": "Robert L. Stevens", "reviewText": "a very realistic and attractive bunny that is quite durable and heavy, made of some type of resin material. So realistic it fooled my wife who called out that there was a bunny in our backyard after I put it out without telling her.", "summary": "a very realistic and attractive bunny that is quite durable ...", "unixReviewTime": 1417392000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "ADCOMHS7BCM28", "asin": "B000YP33XW", "style": {"Color:": " Autumn Bluff"}, "reviewerName": "k s 4 2 4 4", "reviewText": "It covers up my aerator for my septic system, but you need to cut a vent hole. Looks like a fake rock, but it covers my other stuff and protects it from the weather. Should have purchased this thing ten years ago.", "summary": "It's a big fake rock.", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "AASK3XIACRV1U", "asin": "B000NZZG3S", "style": {"Size:": " 9-by-19-1/2-Inch"}, "reviewerName": "tuskett", "reviewText": "great seller works great", "summary": "Five Stars", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2017", "reviewerID": "AHQE4HADOUXA6", "asin": "B000TMHSZ4", "style": {"Color:": " Silver"}, "reviewerName": "roy hunter", "reviewText": "THIS IS THE BEST FRYER I HAVE EVER OWNED. I PLAN ON BUYING ANOTHER FOR THE LAKE HOUSE!", "summary": "Five Stars", "unixReviewTime": 1503878400} +{"overall": 3.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "ALKLCMCFA79MB", "asin": "B000NCTGQE", "style": {"Size:": " 2 x 1.5"}, "reviewerName": "Brooke C.", "reviewText": "Good for cool weather, but in full sun, it fried my seeds; melted the starter kits.", "summary": "Three Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "A3C9554MCNRXAK", "asin": "B000COC4PI", "reviewerName": "David N.", "reviewText": "awesome product:)", "summary": "Five Stars", "unixReviewTime": 1460592000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A1NMWOHR6VH8BW", "asin": "B000HCR89M", "style": {"Size:": " Stackable Chairs"}, "reviewerName": "WILDBILL", "reviewText": "excellent product, appears to be of quality material", "summary": "Five Stars", "unixReviewTime": 1500681600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "02 26, 2013", "reviewerID": "A1EGNQSE9GBD36", "asin": "B000O640K6", "style": {"Size:": " 1-Pack"}, "reviewerName": "Clifford M. Hall", "reviewText": "We bought a hot tub last fall and having a filter cleaner like this helps keep it running smoothly. Recommend it if you're going to be a tub owner.", "summary": "Glad I got this", "unixReviewTime": 1361836800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2017", "reviewerID": "A15UM5MQ6JNEW6", "asin": "B000WPABE8", "reviewerName": "Mary A. Jackson", "reviewText": "This plant is beautiful, now it has gotten big. I wish I had bought 2.", "summary": "Full plant", "unixReviewTime": 1508976000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A1FHZENTYEM44K", "asin": "B0002YVE5O", "style": {"Size:": " Soil Scoop"}, "reviewerName": "Samantha", "reviewText": "The price was right and its sturdy and designed to hold a lot without spilling. I'll probably get several more for mybuckets of garden additives.", "summary": "Here's the scoop", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2016", "reviewerID": "A1SCDPXN7QIRBB", "asin": "B0009SROKW", "style": {"Color:": " Cinderella (Rose - Single)"}, "reviewerName": "cheryl", "reviewText": "growing great just love very pretty", "summary": "very pretty", "unixReviewTime": 1466121600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A3NPN5L431ISP7", "asin": "B001B12T6A", "style": {"Size:": " 2 lb."}, "reviewerName": "aimeeleigh23", "reviewText": "My Cape Parrot loves it!!", "summary": "If Phoenix is Happy, I'm Happy:)", "unixReviewTime": 1435017600} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A2BFQHKIO4YUFY", "asin": "B000SOQETE", "reviewerName": "R. Shank", "reviewText": "I measured the grill before ordering this but had to bend the ends so that it could fit. The porcelain coating over the metal is good but doesn't like being flexed. I'll be more careful next time with the sizing details !", "summary": "Almost Fits", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A3GND40K6C3KIV", "asin": "B000A1EJT2", "style": {"Package Type:": " Standard Packaging"}, "reviewerName": "happy camper", "reviewText": "Has worked well over more than a year Nice idea", "summary": "Has worked well over more than a year Nice", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A3UWXMVUYUBRD2", "asin": "B000FJTWH8", "style": {"Size:": " EACH"}, "reviewerName": "D. Cornell", "reviewText": "Works sometimes. Seems that once you catch one or two the rest will have figured this out and you will catch no more. If you only have one or two mice then this will be perfect, if you have an infestation then this is not for you.", "summary": "If you only have one or two mice then this will be perfect, if you have an infestation then this is ...", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2015", "reviewerID": "A2OZ3DOCGIZQTB", "asin": "B000WEOQC2", "reviewerName": "P. Thompson", "reviewText": "Make sure you order the correct starter.....check twice", "summary": "Works fine !", "unixReviewTime": 1451001600} +{"overall": 1.0, "vote": "8", "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A2K12K82Q5Q2RG", "asin": "B000MU2MJA", "reviewerName": "ken", "reviewText": "Worthless.. stuns the flies, and you look like a 2 year old trying to play tennis, waving the \"executioner\" around like a mad man just trying to actually make contact with the flies.. don't waste your time or money, buy a swatter or a bug lamp..", "summary": "Waste of money, not effective", "unixReviewTime": 1408406400} +{"overall": 1.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "AUFZ9OU9K8GL0", "asin": "B0002568SQ", "style": {"Size:": " 8-Ounce"}, "reviewerName": "JaneL", "reviewText": "useless", "summary": "One Star", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2017", "reviewerID": "A2HVMUMOKOGCQ9", "asin": "B0011WP4Q6", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Wizard348", "reviewText": "Exact fit. Needed this during Irma. My old one was only 13 years old. They just don't make things like they use to...... Needed this for my generator. Brand new, still in the sealed container. Worked perfect.", "summary": "Perfect", "unixReviewTime": 1506124800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2015", "reviewerID": "A1J5STPR5EIT41", "asin": "B001GJ3FIS", "reviewerName": "Jacky", "reviewText": "This is a good nozzle for the money. I should have gotten two", "summary": "A buy", "unixReviewTime": 1437696000} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A1RRCKSEKA5AQP", "asin": "B000E28UQU", "reviewerName": "S&KD", "reviewText": "works as needed", "summary": "Five Stars", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A1ZZSCDKNQMIED", "asin": "B0016UTJG4", "style": {"Color:": " Green (84-Inch by 84-Inch)"}, "reviewerName": "terry f mills", "reviewText": "super product", "summary": "Five Stars", "unixReviewTime": 1443484800} +{"overall": 2.0, "verified": true, "reviewTime": "07 10, 2016", "reviewerID": "A31KIE2TGJBG0V", "asin": "B000W93LUU", "style": {"Size:": " Wasps"}, "reviewerName": "Tartsy", "reviewText": "I enjoyed these, and the hope they brought for the three days I had them until they blew away...", "summary": "gone with the wind....", "unixReviewTime": 1468108800} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A1AEIPEQNIVKR7", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac(UltraPlus)"}, "reviewerName": "Mark Barrett", "reviewText": "The machine works perfectly, and the re-design of the bag with the zipper on the bottom instead of side is a big improvement. The one disadvantage of the improved mulching is that the bag becomes quite heavy with the increased number of leaves consumed.", "summary": "Powerful Helper", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A2OB533I9U19K1", "asin": "B0017PRFMI", "style": {"Size:": " 1-Pack"}, "reviewerName": "Matt L.", "reviewText": "This is used for me as a replacement filter for a Cal Spa's \"Atlantic\" model. I try and hose it out about once a week and they last about year. Quality manufacture and have purchased several over the past few years.", "summary": "Great for a replacement of the Cal Spa's Atlantic model.", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A1464N1WKQS5GT", "asin": "B000ZZUNJS", "style": {"Pattern:": " Case Pack of 1"}, "reviewerName": "Kali", "reviewText": "These work great around my house! I haven't seen an ant since I put these around my home.", "summary": "This ant bait really works.", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A3CRW5M3CPV8HC", "asin": "B000XTMG8W", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Raymond K. Pezzi", "reviewText": "Solid brass, not the cheap brass-plated ones that you'll typically see in the big box stores. Obviously very well made and machined to fine tolerances, I fully expect this hose nozzle to outlast ME!", "summary": "Obviously very well made and machined to fine tolerances, I fully expect this hose nozzle to ...", "unixReviewTime": 1409443200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "AJP29C0M1DF05", "asin": "B000B7RCDU", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Woody", "reviewText": "My lawnmower has new life. Unfortunately I only change the plugs once every 10 years even though I mow 25 times per year in Hawaii (1000 sf yard). Cheap sparkplug but still cheaper than Walmart and they deliver to my home.", "summary": "OEM replacement", "unixReviewTime": 1419811200} +{"overall": 4.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2HKMNVPECNK7H", "asin": "B001D1H6SE", "style": {"Size:": " 1 Pint"}, "reviewerName": "michael", "reviewText": "very good", "summary": "Four Stars", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A7YN6Z3WI5PRF", "asin": "B000BOC7QK", "style": {"Color:": " Original Version"}, "reviewerName": "Alan J.", "reviewText": "Just as described", "summary": "Five Stars", "unixReviewTime": 1475712000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A4FDEERJPYCYY", "asin": "B000MOM7KK", "style": {"Color:": " blue"}, "reviewerName": "Nick", "reviewText": "Great quality skimmer.", "summary": "Five Stars", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A1WBKNQMUM95R", "asin": "B0015MJU7G", "reviewerName": "TOM47", "reviewText": "This fit perfectly. No problem with the liner as other have said. I won't hesitate to buy again from this seller.", "summary": "As advertised!", "unixReviewTime": 1496188800} +{"overall": 3.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "AQMJHNACOTFL4", "asin": "B0012QLVRM", "style": {"Size:": " 225 mph Blower/Vac"}, "reviewerName": "Wayne J. Fisher", "reviewText": "Works fine as a blower, not so well as a vacuum. I bought this specifically to vacuum up acorns, the vacuum will suck them up, then spit them out. Vacuum feature is really only good for leaves.", "summary": "Works fine as a blower", "unixReviewTime": 1510185600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "AZ4LR12IMQ36J", "asin": "B001BAUG84", "reviewerName": "Joanie K", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A24QM5RBSROOUG", "asin": "B000EUCNP6", "style": {"Color:": " Bronze"}, "reviewerName": "D. Ward", "reviewText": "Super nice sound. I did not realize that there was a smaller set of chimes in the center. The smaller chimes rarely ring, so I'm a bit disappointed. However, the entire sound is so very lovely. I'm so happy to have purchased these. Very easy to unpack and hang.", "summary": "Pachelbel Canon Chime is a very nice addition to my porch", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2A2ONSCFYIFMM", "asin": "B0013WF6OO", "reviewerName": "anniefannie", "reviewText": "Worked fast, the ants were lined up like they were at a fast food drive thru. :)", "summary": "the ants were lined up like they were at a fast food drive thru", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A2AI0O8W2JLWL3", "asin": "B000GFP1TO", "style": {"Color:": " Black"}, "reviewerName": "Mdtracy", "reviewText": "Works well as promised. I have a Komado Grill and don't know what I would do without this starter.", "summary": "Five Stars", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2015", "reviewerID": "A1CSAKRCXXWHQV", "asin": "B00004R9YH", "reviewerName": "daniel carter", "reviewText": "These are easy on the wrist.", "summary": "Five Stars", "unixReviewTime": 1444608000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2017", "reviewerID": "A241PVKCR4JHAU", "asin": "B0013I2MLS", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "lukeallen", "reviewText": "This is the third one I have used with great results. I recommend this unit.", "summary": "Five Stars", "unixReviewTime": 1490745600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2013", "reviewerID": "A1KH7YTC2O40N", "asin": "B000QMRH1M", "style": {"Size:": " 3x5 Ft"}, "reviewerName": "TPH", "reviewText": "Beautiful and very high quality stitching! Looks so much better than other inexpensive flags and will probably last a while!", "summary": "Beautiful and high quality stitching!", "unixReviewTime": 1372896000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A1QEOXFLFA4VIQ", "asin": "B001AN7RGG", "reviewerName": "Michael D Jones", "reviewText": "The lighter cubes work superbly. Just put them in the charcoal light them and go back into the house. It takes about 20-25 minutes for the lump charcoal in my Primo ceramic grill/smoker grill to be ready to use. Outstanding!!", "summary": "Starting the grill", "unixReviewTime": 1388534400} +{"overall": 4.0, "verified": true, "reviewTime": "02 6, 2015", "reviewerID": "A22M4B8CYRANTN", "asin": "B000IJYJ8C", "reviewerName": "rrhoades", "reviewText": "Put over a trash plastic can I already had, after drilling several small hole around the top. It works great, wish the 8 ft hose was a little longer.", "summary": "Great help for leaf collection", "unixReviewTime": 1423180800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2013", "reviewerID": "AMREEJYAJDWQ2", "asin": "B00004RA0N", "style": {"Size:": " 1 Net"}, "reviewerName": "Robert Kennedy", "reviewText": "bought to keep birds out of warehouse.\nwish id have done this years ago.\nhang it over overhead door rollers and there you have it -\nNO MORE BIRDS", "summary": "bird no more", "unixReviewTime": 1378598400} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "A1BC707J33HLEB", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Heather Smith", "reviewText": "Fit perfectly and is thick. Seems like it will protect our firepit from the elements", "summary": "Seems like it will protect our firepit from the elements", "unixReviewTime": 1460851200} +{"overall": 4.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "AFNTWDR56HYGZ", "asin": "B0017SWFJ8", "style": {"Size:": " 1-Pack"}, "reviewerName": "Coach Red", "reviewText": "What can I say, it is a spa chemical!", "summary": "Is a spa chemical.", "unixReviewTime": 1447027200} +{"overall": 3.0, "verified": false, "reviewTime": "07 16, 2014", "reviewerID": "AS5JFI2WIEVGT", "asin": "B000RO5QM6", "reviewerName": "None", "reviewText": "Got damaged, never got to plant them", "summary": "Three Stars", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2013", "reviewerID": "ASYVR2GRAF512", "asin": "B000WEPH2U", "reviewerName": "Albert", "reviewText": "Since I had enough money credits in my account this did not cost me anything at all and now I have my 2nd Water Hose now hanging off my house instead of laying on my lawn.", "summary": "2nd Hose Hanger for my house", "unixReviewTime": 1371945600} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2013", "reviewerID": "AWN8LOSWEZQCG", "asin": "B000HHOKUM", "style": {"Size:": " 14ft x 14ft"}, "reviewerName": "Emilio Juliano", "reviewText": "Does a great job of covering my pond well and it's holding up to a lot of leaves on top of it. I'm happy that I'm able to feed the fish through it with no hassles. Great product and inexpensive too ;)", "summary": "Great Product for the Price!", "unixReviewTime": 1383868800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A2FDI3AJKUP31L", "asin": "B000P6DHJ0", "style": {"Size:": " 1-Pack"}, "reviewerName": "April Hill", "reviewText": "Works good", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A291EDAS1VWEBN", "asin": "B000V63VRC", "reviewerName": "Winter Rose", "reviewText": "High quality flag. Vibrant colors. The best yard flag I've ever purchased.", "summary": "Love", "unixReviewTime": 1497571200} +{"overall": 4.0, "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A1B04MLSX8DDPX", "asin": "B00004SD6Y", "style": {"Color:": " Multi"}, "reviewerName": "Paul Marguette", "reviewText": "handy for older folks bending over or up and down is a problem", "summary": "Four Stars", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2013", "reviewerID": "A23AEJF94ONGBZ", "asin": "B000E199HA", "style": {"Size:": " N/A"}, "reviewerName": "Robert McEntyre", "reviewText": "This is a awesome attachment and works great to produce clean line in the driveway and sidewalks,buy one and you won't be sorry.", "summary": "Just what the gardener in me needs.", "unixReviewTime": 1371168000} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A32YBB8DLC1CW9", "asin": "B0012VY2TQ", "reviewerName": "Michael R Martin", "reviewText": "Fit perfectly", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A38W6UWEV56QYD", "asin": "B000WGVXVW", "reviewerName": "Amazon Customer", "reviewText": "Greens the lawn nicely.", "summary": "Five Stars", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "AS74YXCA8YJU4", "asin": "B00169SN6M", "reviewerName": "William Conklin, Sr.", "reviewText": "These are Better then the originals", "summary": "Five Stars", "unixReviewTime": 1470700800} +{"overall": 3.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A2P5BW17M2SBYX", "asin": "B000MRWGQW", "reviewerName": "Robert Brian Lamm", "reviewText": "Beckett pumps are not known for being particularly rugged or energy efficient. But they're widely available and reasonably priced. So, they're ok.", "summary": "Not the Best but Not Bad", "unixReviewTime": 1390348800} +{"overall": 4.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A1B4BHIET8AGI7", "asin": "B001BOBOC2", "reviewerName": "bakersfieldbiker", "reviewText": "Nice unit for the money, works well. Fast shipping.", "summary": "A bargain", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A2ZX7527DJ1Q1B", "asin": "B000RMMP4A", "reviewerName": "Prairie Crone", "reviewText": "We use this to line one side of our horse's sacrifice area so the prairie winds don't blow their lunch away.\n\nWe will be using another type of Tenax fencing to puppy-proof (under supervision) a 100-foot roundpen.", "summary": "All kinds of uses", "unixReviewTime": 1453852800} +{"overall": 1.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A30LA7K4H249QQ", "asin": "B0015AMEHG", "style": {"Color:": " Black DyeMond", "Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Evan Avnet", "reviewText": "This makes the water almost a rusty color. I had to add the entire bottle to make the water black into a 9x4 pond.", "summary": "Not worth the money", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2017", "reviewerID": "A3P1AXNK1YLSQE", "asin": "B000WB04DA", "style": {"Size:": " 2.5 Pound"}, "reviewerName": "Danielle Havins", "reviewText": "Killed my absurdly abundant rolly Polly population in short order. People say they don't eat seedlings but get a big enough population and they do! I like an organic garden but it was being destroyed! This is organic enough for me to live with.", "summary": "Worked fast!", "unixReviewTime": 1499990400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "A2WAAG51QJA4JY", "asin": "B00004RA82", "reviewerName": "Jeff", "reviewText": "Better than original cut up tree in less than five minutes with new chain...", "summary": "Happy", "unixReviewTime": 1498262400} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A1NVSGGMY3MWXG", "asin": "B000OM82J0", "style": {"Size:": " 4 oz", "Package Quantity:": " 1"}, "reviewerName": "JEC", "reviewText": "Perfect addition for my African Violets.", "summary": "African Violet super juice", "unixReviewTime": 1457049600} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A18ALRNZ5YYO7", "asin": "B000WEMFSO", "reviewerName": "Leeskid2", "reviewText": "My husband really likes this....uses it often to clean the grill. Well made, holds up well with much use. Good purchase.", "summary": "Excellent Gift Choice", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A3VIXAV2QIS73J", "asin": "B000HACGD2", "style": {"Package Quantity:": " 1"}, "reviewerName": "Ken", "reviewText": "I would buy this product again Very pleased!!!", "summary": "Five Stars", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": false, "reviewTime": "05 19, 2014", "reviewerID": "A44UO43VYXUX3", "asin": "B000W43GKK", "style": {"Size:": " Large Lounge"}, "reviewerName": "HavasuMike", "reviewText": "These things are outstanding. They fit great and the straps keep them from coming off. That is all I have to say.", "summary": "buy it", "unixReviewTime": 1400457600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "AVKDUTK6DN7DJ", "asin": "B000IGEEQC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Mrs. T", "reviewText": "our nuthatches and flickers love them. Unfortunately, so do the squirrels.", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"reviewerID": "A3O772JG5WJTDE", "asin": "B0018C8LK0", "reviewerName": "Piegal", "verified": true, "reviewText": "Very nice and fast shipping! Thanks!", "overall": 5.0, "reviewTime": "08 12, 2015", "summary": "Five Stars", "unixReviewTime": 1439337600} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "04 22, 2017", "reviewerID": "A3C6CQI4XTGNS9", "asin": "B001693Y3Y", "style": {"Package Quantity:": " 1"}, "reviewerName": "Jandugan", "reviewText": "Very good vermiculite for growing. I don't see any reason i shouldn't put 5 stars on this.\nps I grew mushrooms on them", "summary": "Excellent product!", "unixReviewTime": 1492819200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2011", "reviewerID": "AFK0ERYCQFTOR", "asin": "B000P6DHJ0", "style": {"Size:": " 1-Pack"}, "reviewerName": "B. Breckenfeld", "reviewText": "This pool brush fit my aluminum pole handle perfectly and works very well for brushing my pool areas. The brush seems to be well made and a heavy duty construction.", "summary": "Good quality", "unixReviewTime": 1322438400} +{"overall": 5.0, "vote": "10", "verified": false, "reviewTime": "01 9, 2010", "reviewerID": "A3E2YQZ3S82RLG", "asin": "B000P4XMR4", "style": {"Size:": " 54 Refills", "Style:": " Trees & Shrubs"}, "reviewerName": "seanna", "reviewText": "My trees stayed healthy through Texan dramamtic weather changes this past summer and winter. I recommend this for deep fertilizing and when using the feeder one can deep water as well.", "summary": "healthy tree feed", "unixReviewTime": 1262995200} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A1CUOB7I2Z7F80", "asin": "B0019Y0YCA", "style": {"Size:": " Mini"}, "reviewerName": "flc", "reviewText": "No ants, the birds love it. It's small but you need to give them fresh sugar water anyway so it hasn't been a problem. It's simple to clean and fill.", "summary": "Good item.", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A2U0LXK29W2U6", "asin": "B000068XMM", "style": {"Color:": " Olive Green"}, "reviewerName": "GmaH in SC", "reviewText": "With the heavy rain this past summer and fall the mosquitoes were unbelievable. Couldn't do anything outdoors without it.", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2017", "reviewerID": "A2JU0CHXOWX6V4", "asin": "B000WB13QC", "reviewerName": "K. Close", "reviewText": "these work very well, so you don't have to assassinate that mouse in your house- just tape it down before you set it, or the mouse will be able to roll it over and escape. excellent $ value", "summary": "excellent $", "unixReviewTime": 1513382400} +{"reviewerID": "A17TLVI364H9MP", "asin": "B00169FKLI", "reviewerName": "Grandpop Dave", "verified": true, "reviewText": "Not bad, but the lid is a bear to pry off.", "overall": 3.0, "reviewTime": "10 25, 2017", "summary": "Too difficult to pry open", "unixReviewTime": 1508889600} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "AYLC0JVEAJ9LG", "asin": "B0007ZGUJI", "style": {"Color:": " Steel"}, "reviewerName": "M-Rod", "reviewText": "Nice can, nice looks a bit on the thin and delicate side so don't put it in a situation where it can bend or get crushed because it won't take much pressure to do so", "summary": "Nice can, nice looks a bit on the thin ...", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2015", "reviewerID": "A2FZ8AGB1CT6AH", "asin": "B000A26WVE", "reviewerName": "Richard E. Nestell", "reviewText": "Very nice shovel for the money.", "summary": "Five Stars", "unixReviewTime": 1447977600} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A1PXXV8O86UUF4", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "Ultracon", "reviewText": "This is wonderful. No more bugs, mosquitoes are nowhere to be found. I control it with the Woods 24 hour sensor. Perfect combination.", "summary": "This is wonderful. No more bugs", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A3JVQ2CT05PJUN", "asin": "B000W495S2", "style": {"Package Type:": " Frustration-Free Packaging"}, "reviewerName": "Donna L.", "reviewText": "Rain, high winds the cover stay on. Color has not change due to sitting in sun.", "summary": "Well Mad", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2015", "reviewerID": "A18Y79P3DBL3E8", "asin": "B000MU2MJA", "reviewerName": "Amazon Customer", "reviewText": "Excellent product. Thanks", "summary": "Five Stars", "unixReviewTime": 1428105600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "A20EDZAY0D8V55", "asin": "B000RH2FK4", "reviewerName": "Don", "reviewText": "Perfect. Grand kids love it.", "summary": "Awesome Product", "unixReviewTime": 1375056000} +{"overall": 4.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "AGMTBKZL5N52F", "asin": "B000FLV9H2", "reviewerName": "Satisfied buyer", "reviewText": "Good product", "summary": "Four Stars", "unixReviewTime": 1410566400} +{"overall": 4.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A1SX9BBABXZN7K", "asin": "B0019FJXMG", "style": {"Size:": " Drip Irrigation Repair and Expansion Kit"}, "reviewerName": "Joe J.", "reviewText": "great expansion kit --- really should by the garden kit first.", "summary": "great expansion kit --- really should by the garden kit ...", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "AHTZ95JXDY6L2", "asin": "B0017V19VK", "reviewerName": "James Jegstrup", "reviewText": "Great product. If I had to change anything, I'd make the grip more comfortable, but still a great product", "summary": "Just what I wanted", "unixReviewTime": 1461196800} +{"overall": 3.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A3P1JPX8JDUK9R", "asin": "B000LNUA9W", "reviewerName": "rockhunter", "reviewText": "Awkward", "summary": "Three Stars", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A3G6RGC0513EDS", "asin": "B000WEMFQG", "reviewerName": "Coby", "reviewText": "Does what its supposed to do!", "summary": "Five Stars", "unixReviewTime": 1460419200} +{"overall": 4.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A3M6VY2USEFFTI", "asin": "B00004TBKM", "style": {"Size:": " 1 Pack"}, "reviewerName": "Joefox", "reviewText": "Works well but had to throw away due to its strong odor.", "summary": "Four Stars", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1P2BA9K8LIDUG", "asin": "B000HCKVDW", "style": {"Size:": " 25"}, "reviewerName": "Lee M Gordon", "reviewText": "Love this stuff. Works great in my tanks.", "summary": "Five Stars", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "A3GFHUHUR9FYVR", "asin": "B000P895XA", "reviewerName": "Clement W.", "reviewText": "Really like this very helpful.", "summary": "Five Stars", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "A6QFE6DBEL2CW", "asin": "B001FE32ZU", "style": {"Item Package Quantity:": " 6", "Package Quantity:": " 6"}, "reviewerName": "Suzannette M. Mays", "reviewText": "works as described and expected - great to have a spare spool available when needed", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 4.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A2M9GE5ES28APB", "asin": "B000BZ8HF4", "style": {"Size:": " 14-Inch", "Color:": " Black"}, "reviewerName": "Liz in Florida", "reviewText": "These were a little too big for my purposes, so I sent them back. Nice quality for the price especially.", "summary": "Great price!", "unixReviewTime": 1461283200} +{"reviewerID": "A2CP8OUNLHJXX8", "asin": "B000FJOV7Y", "reviewerName": "Seattle Reviewer", "verified": true, "reviewText": "Not significantly better than my old dull blade, a bit of a disappointment. I suppose it would be fine if your old blade was actually boken, but I am seeing it as mostly a waste of money at this point.", "overall": 3.0, "reviewTime": "05 23, 2015", "summary": "Just OK", "unixReviewTime": 1432339200} +{"overall": 3.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A1VED7DZJI8AR8", "asin": "B001BOAE46", "style": {"Color:": " Black"}, "reviewerName": "James P. Scott", "reviewText": "Just okay.", "summary": "Three Stars", "unixReviewTime": 1472515200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A25611ER2VIIGC", "asin": "B0006ZM4KS", "reviewerName": "Charlie R. Marlatt", "reviewText": "It works", "summary": "Five Stars", "unixReviewTime": 1405468800} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A1XW7WDKOQCH83", "asin": "B00008BKX5", "style": {"Style:": " Extender"}, "reviewerName": "Jim Tomasek", "reviewText": "very handy for hauling", "summary": "Five Stars", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A1GGKNP50S1NCP", "asin": "B000UIBPBA", "style": {"Package Quantity:": " 1"}, "reviewerName": "Joe Z", "reviewText": "Nice decoration, for my front window.", "summary": "Santa spoken here", "unixReviewTime": 1453680000} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2013", "reviewerID": "A16RPMEX8DA3WB", "asin": "B000HRWG8U", "reviewerName": "Mac Ross", "reviewText": "I wanted a quick and simple/safe way to get generator power to the Furnance, and this seemed like it fit the need, hope I need have to use it, but.....", "summary": "Bring on the Power outages", "unixReviewTime": 1372032000} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "06 29, 2013", "reviewerID": "A3QVAVJEBPMGBB", "asin": "B0000DI85K", "reviewerName": "David P.", "reviewText": "I hung this on my fence for 100' of heavy duty hose, not the cheap hose. The plastic ripped and the entire mount and hose fell to the ground. So if you have 100' of heavy duty hose, buy a metal version.", "summary": "Broke within a week", "unixReviewTime": 1372464000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A1T88NXEU6KIIY", "asin": "B001622202", "reviewerName": "Rob", "reviewText": "plants all showed up healthy and promptly and are still alive to this day", "summary": "Five Stars", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": false, "reviewTime": "06 21, 2016", "reviewerID": "A19CGMZSGZSSIN", "asin": "B000E28UQU", "reviewerName": "Mike Kitsko", "reviewText": "Hre", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A2SWCMZJQ8MH53", "asin": "B000WEIJWU", "reviewerName": "M.Price", "reviewText": "Just what I needed to keep my Weber grill going!", "summary": "Good product", "unixReviewTime": 1438560000} +{"overall": 2.0, "verified": true, "reviewTime": "03 12, 2014", "reviewerID": "AFIJQYBOQ4HM6", "asin": "B00004WYOK", "style": {"Color:": " Silver"}, "reviewerName": "jhtpd", "reviewText": "Purchased the Baritone Gregorian which I loved and wanted a second. I should have paid more attention to the reviews about the size of this one. I kept it anyhow but it's not the same standard as the Gregorian Baritone.", "summary": "Nice tone but....", "unixReviewTime": 1394582400} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A1ZS330KIGP3DG", "asin": "B001EBKH84", "style": {"Size:": " 5-Tine", "Style:": " Short Handle"}, "reviewerName": "judith", "reviewText": "The quality of this cultivator is nicer than many others I've seen. It has performed well the few times I've used it. The size is perfect for female hands.", "summary": "A nice, small cultivator", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A187HWJS5OQS16", "asin": "B000W42U66", "style": {"Size:": " Small", "Color:": " Pebble"}, "reviewerName": "Greenhill", "reviewText": "Very nice and fits perfectly!", "summary": "Very Nice", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2018", "reviewerID": "A2Z6R1FXZOJWLJ", "asin": "B000FJX5DU", "style": {"Size:": " 250' Roll"}, "reviewerName": "Amazon Customer", "reviewText": "Thick not flimsy rubber hosing. So glad I got this!", "summary": "So glad I got this", "unixReviewTime": 1522022400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A27H4WPWZLGUXJ", "asin": "B001C9D43S", "style": {"Style:": " Cucumber"}, "reviewerName": "Nancy Labeda", "reviewText": "Growing and already have flowers on my plant only after a few weeks! HAPPY!", "summary": "HAPPY!", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2012", "reviewerID": "A15VFMU0WO8ED2", "asin": "B000WEKMO8", "reviewerName": "Paul M. Frasca", "reviewText": "This dissolves fairly fast in water and does the job. I have used it on plastic desk mats and siding.", "summary": "Great soap pac to clean things", "unixReviewTime": 1342483200} +{"overall": 4.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A27ZC0B7G8L9I2", "asin": "B000QUWTS0", "style": {"Size:": " 1 X Pack of 3"}, "reviewerName": "Rigatoni", "reviewText": "I think they work", "summary": "Four Stars", "unixReviewTime": 1446249600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2018", "reviewerID": "A1NDMKM57AOAMJ", "asin": "B001DNIIOS", "style": {"Color:": " La Crosse Technology"}, "reviewerName": "Carlos Danger", "reviewText": "This is a great thermometer and pairs well with one satellite that you can put outside.\n\nI have used it with more than one satellite thermometer and it seems to get more technical issues and annoying with more than one satellite.", "summary": "great with just one outside thermometer", "unixReviewTime": 1520467200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A3GON919CVH83T", "asin": "B00192JGY4", "reviewerName": "Mitch R", "reviewText": "Very pleased to have guage on potable tank", "summary": "Working great on portable tank", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A32YF1DITVG57V", "asin": "B00004S25Y", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "D", "reviewText": "Well made, recommend.", "summary": "Would Do The Job", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A1ODYFR2BP9FEC", "asin": "B00173ELYK", "style": {"Size:": " 2-1/2-Gallon"}, "reviewerName": "slcvv", "reviewText": "It's a watering can - it's cute. Waters my plants without issue.", "summary": "Five Stars", "unixReviewTime": 1434240000} +{"reviewerID": "A1J7EOCC8SH25U", "asin": "B000VU222S", "reviewerName": "Mech-E WPI", "verified": true, "reviewText": "Product as described High quality. Blows snow like crazy", "overall": 5.0, "reviewTime": "10 20, 2015", "summary": "Blows snow like", "unixReviewTime": 1445299200} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A23FMW3X17Y1CM", "asin": "B00171EDR2", "style": {"Size:": " Inquiries - by email"}, "reviewerName": "Vernon Bruton", "reviewText": "Good seller A++++", "summary": "Five Stars", "unixReviewTime": 1438732800} +{"overall": 4.0, "verified": true, "reviewTime": "11 5, 2016", "reviewerID": "A3EXOTGV18AKLD", "asin": "B000HHLQCW", "style": {"Color:": " White"}, "reviewerName": "Cassie", "reviewText": "I love this. It came out great for my garden. Only this that I needed an extra person to help me unroll it. I definitely will order this again", "summary": "I love this. It came out great for my garden", "unixReviewTime": 1478304000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A2KL7B7N7YZTPB", "asin": "B000V87OY6", "style": {"Size:": " 2-Pack"}, "reviewerName": "Wayne", "reviewText": "Works great.", "summary": "Works great.", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "AOND33YZ84G8K", "asin": "B0019SWI02", "reviewerName": "Amazon Customer", "reviewText": "I was worried at first because it seemed in shock on arrival but it has come back and is vigorously growing!", "summary": "I was worried at first because it seemed in shock ...", "unixReviewTime": 1497571200} +{"reviewerID": "A3M8N1L4WAMJG4", "asin": "B001ANQVZE", "reviewerName": "hk", "verified": true, "reviewText": "My violin bow hair kept getting chewed up by some invisible entities. After applying this spray, I saw some corpses of white little maggot like bugs. No more broken bow hair.", "overall": 5.0, "reviewTime": "09 26, 2014", "summary": "Sawyer Permethrin Insect Repelletnt", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2017", "reviewerID": "A27UFCF9FTUYM2", "asin": "B000P7ANX2", "reviewerName": "Sonia", "reviewText": "Hopefully i can get it to bloom", "summary": "Five Stars", "unixReviewTime": 1484265600} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2015", "reviewerID": "A2WHEEBXSTNHLG", "asin": "B00004R9VV", "style": {"Size:": " 1/2-Acre Coverage"}, "reviewerName": "Jim S.", "reviewText": "I have purchased this same product before......had to replace due to unit coming up missing from storage.", "summary": "Four Stars", "unixReviewTime": 1429920000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "04 30, 2014", "reviewerID": "A2ZKWYMEXJT72N", "asin": "B000XJPD6E", "style": {"Size:": " 11 diam. x 16.5H in.", "Color:": " Black"}, "reviewerName": "HSM", "reviewText": "I bought this hanger to use for a hanging birdbath. It is attractive and sturdy. I have a really pretty glass, etched bowl that I bought at an estate sale that I am using as a birdbath. The two pieces together look very nice?", "summary": "This is a nice sturdy hanger", "unixReviewTime": 1398816000} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "A2X1VQLBUCEPZC", "asin": "B000FJQLTA", "reviewerName": "JoeD", "reviewText": "Good for kids. The only complaint would be on the durability of the gloves.", "summary": "Good for kids", "unixReviewTime": 1520380800} +{"overall": 3.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A1IMW8EJPSL8IF", "asin": "B0010QD5QO", "style": {"Color:": " Black"}, "reviewerName": "birdwatcher", "reviewText": "Woodlink NABAF18 Audubon Wrap Around Squirrel...\nArett Sales - LG", "summary": "Yes", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2015", "reviewerID": "A220158D3BVQTL", "asin": "B0001B50B2", "reviewerName": "Nathaniel Myer", "reviewText": "Works like a charm and the cast iron looks great.", "summary": "Cast Iron smokers are the way to go", "unixReviewTime": 1434153600} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2017", "reviewerID": "A323YSKF3V16ON", "asin": "B0015MGB32", "reviewerName": "A6V6", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1491696000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A3ORWMLSWJJAJ0", "asin": "B000W42U66", "style": {"Size:": " Small", "Color:": " Pebble"}, "reviewerName": "darin", "reviewText": "this product does everything is said it would in the advertisement, it was packaged well and arrived quickly. this product will be very useful and I am very happy with the purchase.\nI would highly recommend this product to anyone.", "summary": "good deal", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A3OYUI6MUA8LCE", "asin": "B00004ZAVR", "style": {"Color:": " beige", "Package Quantity:": " 1"}, "reviewerName": "Robert", "reviewText": "Works great and no squirrels yet", "summary": "Five Stars", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2017", "reviewerID": "A3EKV45JTOCPHH", "asin": "B000GH4742", "reviewerName": "Kcrazykid", "reviewText": "Push mower works again :-)", "summary": "Good", "unixReviewTime": 1503532800} +{"overall": 4.0, "verified": true, "reviewTime": "12 27, 2013", "reviewerID": "A1PKTKO3PBTM6", "asin": "B001B1TLES", "style": {"Color:": " Fern Green"}, "reviewerName": "dtvmoose", "reviewText": "The fill hole is offset, which makes it very east to fill and it is very comfortable to hold. The spout is a perfect length.", "summary": "PERFECT SIZE FOR INDOOR PLANTS", "unixReviewTime": 1388102400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A193H33IJ4N3TN", "asin": "B000W72GBC", "style": {"Size:": " One Size"}, "reviewerName": "Psoup", "reviewText": "it is no spill. Gas comes out fast, shuts off right away.\n\nBought another one I liked it so much!", "summary": "Love it", "unixReviewTime": 1495152000} +{"overall": 4.0, "verified": true, "reviewTime": "11 12, 2016", "reviewerID": "A3KD9L3B8G9I99", "asin": "B0013NXQTA", "reviewerName": "alex Luciano", "reviewText": "It fit my old flag pole perfectly and looks great. I hope this one holds up longer than the last one. The last one stripped out (not made by this manufacturer) Anyway. I was happy it fit so I didn't have to buy a whole new setup for $170.00.", "summary": "just as expected", "unixReviewTime": 1478908800} +{"overall": 1.0, "verified": false, "reviewTime": "11 11, 2016", "reviewerID": "A3D00UUFE1KNQ5", "asin": "B001FA09RS", "reviewerName": "C. E. M.", "reviewText": "I've only used mine 3x and it won't pump any more. Pressurizing feature is frozen. Worst Product ever.", "summary": "Worst Product ever", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "A1TTZSARUOPB8S", "asin": "B000UGM69W", "style": {"Size:": " 12 inch"}, "reviewerName": "Betty M. Price", "reviewText": "The smaller 12- inch with soil and plants are much better to hang on a wooden fence than the larger hanging baskets that can be quite heavy.", "summary": "Panacea 88500 Growers Series Hanging Basket, Green, 12-Inch", "unixReviewTime": 1377907200} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2017", "reviewerID": "A399WQ4O5KCM0L", "asin": "B000GRKW82", "reviewerName": "Prime Mmbr", "reviewText": "Sooooooo Cute!", "summary": "Buy this Guy!", "unixReviewTime": 1500163200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2018", "reviewerID": "AKCTTX68SSM1P", "asin": "B000VLXIEI", "style": {"Color:": " White"}, "reviewerName": "Amazon Customer", "reviewText": "incredible great deal", "summary": "Five Stars", "unixReviewTime": 1523923200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A151RXIMRGGOX5", "asin": "B000WB296A", "reviewerName": "Jerry T", "reviewText": "Got this when I discovered what I thought was damage to the original sensor. Works as advertised!", "summary": "Replacement for original possible damage to original...", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A1F98E55IIC15G", "asin": "B000NCUW1M", "style": {"Item Package Quantity:": " 2", "Package Quantity:": " 2"}, "reviewerName": "DG", "reviewText": "Uh.. it kills ants.\nSeems to have no affect on my financial status and or rogue elephants. Does kill ants however...", "summary": "Killer dude!", "unixReviewTime": 1508889600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2014", "reviewerID": "A2SBUAQ0AY3S50", "asin": "B000N4YZ6I", "reviewerName": "Roy G. Biv", "reviewText": "as advertised - great price with prime and filters my synthetic oil every day!", "summary": "fast shipping", "unixReviewTime": 1415923200} +{"overall": 2.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A1F4HU1EVAFB2D", "asin": "B000GXQMEE", "style": {"Size:": " 16 lb"}, "reviewerName": "Kimberly England", "reviewText": "Arrived on time and as described. Did not do much to stop weed growth.", "summary": "Two Stars", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "A1JDXWQ82RVSYC", "asin": "B00062KQ42", "style": {"Size:": " 15-Pound"}, "reviewerName": "Joyce S", "reviewText": "Real easy to work with and no stink. It mixes in quick and my plants are happy campers. Life is good.", "summary": "YES!", "unixReviewTime": 1389312000} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2014", "reviewerID": "A1BBCMQSEJN0PP", "asin": "B00192CNG2", "reviewerName": "Barbara Cheney", "reviewText": "These tablets are easy to put in the plants.\nthey seem very effective.", "summary": "Bayer Advanced 701710 2-in-1 Insect Control Plus Fertilizer Plant Spikes,...", "unixReviewTime": 1412985600} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2014", "reviewerID": "A39SLGGFEBQPD0", "asin": "B0017SUEE6", "reviewerName": "A. Schnitzius", "reviewText": "Much less expensive than similar products in our local pool supply stores, excellent quality. Sturdy and does a great job.", "summary": "excellent quality. Sturdy and does a great job", "unixReviewTime": 1406937600} +{"overall": 4.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "A33ROECPGDIBGN", "asin": "B0014DP8YA", "reviewerName": "Richard", "reviewText": "Durable and does what it is supposed to.\nRRC", "summary": "Four Stars", "unixReviewTime": 1431302400} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A1OTE17XTH29WA", "asin": "B000SQ32MY", "reviewerName": "Philip J. Crepeau", "reviewText": "Functions well at a decent price. Delivery perfect as with most Amazon product sales.", "summary": "Delivery perfect as with most Amazon product sales", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A8V35PV2W1DVV", "asin": "B0012XIWX6", "style": {"Color:": " Yellow"}, "reviewerName": "Michael O'Brien", "reviewText": "can't say from personal experience but my mom loves it", "summary": "Five Stars", "unixReviewTime": 1421107200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2015", "reviewerID": "A3DM6YC674EOH4", "asin": "B0012UZYMG", "style": {"Size:": " Fixed Flow Water Pump | 396 GPH", "Style:": " Fixed Flow"}, "reviewerName": "Sean C.", "reviewText": "as advertised, this my second pump for my aquaponics", "summary": "Five Stars", "unixReviewTime": 1437436800} +{"overall": 4.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "A3UCU7TLRLMMCY", "asin": "B000ND7DTK", "reviewerName": "ASTON Expert", "reviewText": "Tiny little plant with shiny leaves!\nPlanted it on S-E side of house in a protected and warm area with sun from 0700 to about 1130 and now we'll see what it does! Packaging, shipping and seller 100% ok!!!", "summary": "Tiny little plant with shiny leaves! Planted it on ...", "unixReviewTime": 1492473600} +{"overall": 3.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A2UTEWYG6AFMIH", "asin": "B000BPAVCG", "style": {"Size:": " Qty 1"}, "reviewerName": "STINK64", "reviewText": "Worked very well, I was able to trap three small squirrls that got into my attic. I did need to adjust the release lever to get the trap door to operate correctly.", "summary": "Worked as expected, OK quality.", "unixReviewTime": 1483920000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71mjUdTBuWL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81ZYApynLaL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "11 23, 2017", "reviewerID": "A2IAP0YXF47WCJ", "asin": "B000P7FVX4", "style": {"Size:": " up to 70% UV Block", "Color:": " Forest Grn"}, "reviewerName": "Patricia", "reviewText": "I used this to sew my own greenhouse cover. Worked perfectly.", "summary": "Perfect for my little greenhouse", "unixReviewTime": 1511395200} +{"overall": 5.0, "verified": false, "reviewTime": "10 18, 2014", "reviewerID": "A1D6YPGOK3P8CO", "asin": "B00169V99K", "reviewerName": "B. Fisk", "reviewText": "This is a great shovel. Be advised that it comes sharp. You will need a cover for it.", "summary": "Five Stars", "unixReviewTime": 1413590400} +{"overall": 2.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A3PD1LW2MYHIH9", "asin": "B000SOOQKI", "reviewerName": "Anna M. Leuenberger", "reviewText": "None of them ever came up but that may be my fault so I can't really review well. I followed directions but we live in the southwest at 3800 feet with blazing heat and maybe this just isn't the right place. I don't know so maybe they will work in your location.", "summary": "None of them ever came up but that may be ...", "unixReviewTime": 1404432000} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "A3OVN0ISYKV5CQ", "asin": "B000X3KTHS", "reviewerName": "sagen", "reviewText": "This was a gift. The receiver was very excited about this gauge since it is professional in quality. It is pretty big so be aware of that but if you have a rain obsessed person this is the best gift ever.", "summary": "Be a professional - Rain Gauge observer", "unixReviewTime": 1421539200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "APWNTDCH5YT1R", "asin": "B000UJVC3U", "style": {"Size:": " 3' x 250'"}, "reviewerName": "fiddler chuck", "reviewText": "Quality weed barrier at a great price, and delivered to the front door.", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"overall": 1.0, "verified": false, "reviewTime": "01 10, 2016", "reviewerID": "A1MAZFN5OISS9F", "asin": "B000EM9DG6", "reviewerName": "Debi", "reviewText": "This thing worked great the first year and then the outdoor sensor went brain dead. Then the indoor temp went brain dead. Now the time is brain dead! Can't the Chinese make anything that will work right? Who ever put this one together was definitely on drugs!", "summary": "WARNING....Oscar Is On Drugs!", "unixReviewTime": 1452384000} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A9M6W0T0HQM6Y", "asin": "B000GD8M2E", "style": {"Color:": " White"}, "reviewerName": "LINE R RECHHOLTZ", "reviewText": "does what I bought it for", "summary": "Four Stars", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "AD95RK8G9WEGD", "asin": "B000WEMG2O", "reviewerName": "Joseph L. Cipp", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2012", "reviewerID": "AJGYR6Y0WPFCX", "asin": "B000HCLLMM", "style": {"Size:": " Medium"}, "reviewerName": "Alhambraguy", "reviewText": "This cost only $20-25 and it is of good quality and perfect for my Patriot II Grill by Huntington.\n\nI bought a ping pong table cover and it was $66 and this is much better quality. For sure it will keep the elements from destroying or damaging my grill.", "summary": "hey it turned out pretty good", "unixReviewTime": 1355356800} +{"overall": 4.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A3P8NPEUYLSM4M", "asin": "B000UW5QP2", "reviewerName": "money", "reviewText": "Seedlings still", "summary": "Four Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A3MQU9GXW89HKL", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "Dude", "reviewText": "Words can not describe the life changing experience using these pans has been. After purchasing them I have won the lottery and regrown most of my hair! Come on they are just cheap pans that do what they should.", "summary": "They work!", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": false, "reviewTime": "06 25, 2016", "reviewerID": "A21T2VURN534I2", "asin": "B000BZ8HNG", "style": {"Size:": " 5lb"}, "reviewerName": "wolfb", "reviewText": "I use this product all season long to water my flowers outside. I don't use the \"Miracle-Gro Garden Feeder\", but simply mix it per the instructions in in a watering can. What could be easier? BTW, the flowers look great.", "summary": "Effecrtive & Easy to Use", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2017", "reviewerID": "A27DIFXVMVU8SJ", "asin": "B00004YTJP", "style": {"Size:": " 10-Foot"}, "reviewerName": "Chelsea", "reviewText": "This was for a friend. They got the pool at Target and the cover was a fraction of the price on amazon! You cant beat it. It fit perfectly, keeps all the bugs and leaves out.", "summary": "Great cover", "unixReviewTime": 1496188800} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "AERJYPY7H1T5S", "asin": "B00004RA81", "reviewerName": "oren w", "reviewText": "I bought this for my Ryobi electric chainsaw. It is an exact fit. The chain is nice because it does not buck and jump while cutting. Oregon even gives you a sticker for your chainsaw so you can remember which size to order when the chain is worn or stretched.", "summary": "Exact Fit", "unixReviewTime": 1409702400} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "11 29, 2017", "reviewerID": "A2XENCEVCPGWF6", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "D. Le", "reviewText": "It's a great blower. The engine works beautifully. However the zipper of the bag failed after 5 uses or so. It tears off easily. I'm not sure whether this is under warrantee. If you want to use the unit for mulching the leaves, you need the bag.", "summary": "Very poor bag zipper quality", "unixReviewTime": 1511913600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "AZLUO5JBYDRC5", "asin": "B001DO35EU", "style": {"Size:": " 1-(Pack)"}, "reviewerName": "Lefty333", "reviewText": "Works Great! Received product faster then expected!", "summary": "Five Stars", "unixReviewTime": 1505865600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2012", "reviewerID": "A33OI0TI01K0Y5", "asin": "B000WOTUCI", "reviewerName": "Wisconsin Golpher", "reviewText": "Thats the best portable grill I have ever used it operates just fine nice to take with you on a trip to the park I would highly recommend to anyone in the need of a portable grill.", "summary": "Weber 386002 Q Grill", "unixReviewTime": 1325980800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A1P9N5P77WPZPL", "asin": "B000NU4YL8", "reviewerName": "Sony Man", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1434585600} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2017", "reviewerID": "AL59XCBPW7N6C", "asin": "B000JKONAO", "reviewerName": "Lanie", "reviewText": "Very useful garden tool capable of breaking up difficult spots in garden. Well Made.", "summary": "Great hand tool", "unixReviewTime": 1495411200} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2018", "reviewerID": "ATIQI980Y9GEI", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amazon Customer", "reviewText": "A", "summary": "Five Stars", "unixReviewTime": 1523836800} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2015", "reviewerID": "A347F56AB3CN", "asin": "B000WEOQSQ", "reviewerName": "BBYE V8", "reviewText": "Just what the old grill needed. If you own a weber it deserves a pressure regulator that was designed for the grill to deliver consistent predictable heat.", "summary": "Perfect Weber quality", "unixReviewTime": 1438560000} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "07 16, 2015", "reviewerID": "A35RCE15OI0ENL", "asin": "B001A0W534", "reviewerName": "Michael", "reviewText": "Don't buy this flag. MADE IN CHINA. Amazon, What are you thinking.\nI wouldn't buy it if it was wrapped in a hundred dollar bill.\nIt's an insult to all Americans !", "summary": "MADE IN CHINA...DON'T BUY", "unixReviewTime": 1437004800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2013", "reviewerID": "AQMLGUHB5YE74", "asin": "B0012NVHYC", "style": {"Color:": " Khaki"}, "reviewerName": "Jk", "reviewText": "This review is after a summers use.\nPerfect...piece of cake to use and so far durable and believe I'll have several years of use.", "summary": "This review is after a summers use.", "unixReviewTime": 1384992000} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A2XVPCGWI1BWVY", "asin": "B000QFR0OS", "reviewerName": "Rupert Hess", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1438646400} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A2MS0G2XZN8NTO", "asin": "B000F0BVYE", "style": {"Size:": " 5 lbs"}, "reviewerName": "Evil Bucket", "reviewText": "Just for the area I am trying to protect it takes 4 to 6 of these. Use in a small area and it will help. It won't stop every critter but it will help.", "summary": "It works", "unixReviewTime": 1393718400} +{"overall": 3.0, "verified": false, "reviewTime": "09 28, 2017", "reviewerID": "A3VQNPF7Z1ASHM", "asin": "B000LNXTH2", "reviewerName": "Scotty9", "reviewText": "Genuine B&D replacement part. Works as well as it's capable of working. This dual line design is as other users have commented problematic.", "summary": "Works but with limitations", "unixReviewTime": 1506556800} +{"overall": 5.0, "verified": false, "reviewTime": "09 20, 2017", "reviewerID": "A22X580GU56OR0", "asin": "B000QMRH1M", "style": {"Size:": " 3x5 Ft"}, "reviewerName": "Duke Dog", "reviewText": "Nice embroidered US Flag. Reasonably priced.", "summary": "Great US Flag for price.", "unixReviewTime": 1505865600} +{"overall": 4.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "A2DNMCDJR2U4A9", "asin": "B001DGII5O", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Jon Thomas", "reviewText": "Durable, works well", "summary": "Four Stars", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "AIP9V00MUOSJK", "asin": "B0015Z417W", "reviewerName": "Thomas Savage", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "AZNUNL2GIX0AP", "asin": "B000WQIZJ0", "style": {"Size:": " Pack of 1"}, "reviewerName": "Kota", "reviewText": "I looked at Sears for replacing these tires, they want $49.99 EACH. Wasn't better elsewhere. Quick shipping and another 7 years of tires at a VERY reasonable price!", "summary": "Better prices than national stores.", "unixReviewTime": 1389225600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2018", "reviewerID": "A1WI7MWH4HWEP", "asin": "B0012QLVRM", "style": {"Size:": " 250 mph Blower/ Vac"}, "reviewerName": "mountain man", "reviewText": "The last one I had lasted lasted 5 yaers of heavy use, (blower only, not vac.)", "summary": "Five Stars", "unixReviewTime": 1525046400} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A10ZJPJ6N5R2R", "asin": "B000BQQMJQ", "style": {"Size:": " Small"}, "reviewerName": "Marc@Lake Panorama", "reviewText": "Great traps work fantastic. 38 chipmunks so far in 2014", "summary": "Great trap. I own 3 of them.", "unixReviewTime": 1409702400} +{"overall": 1.0, "verified": true, "reviewTime": "11 2, 2017", "reviewerID": "A35H3FC5UDUKBI", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "B.W. Behling", "reviewText": "Cheap screen printed garbage, not at all what is described.", "summary": "Junk!", "unixReviewTime": 1509580800} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2017", "reviewerID": "A204DH1MTWU5UC", "asin": "B000A286YU", "style": {"Size:": " 7'X100'"}, "reviewerName": "D.Paul Mullins", "reviewText": "Not on a roll. A bit hard to unroll.", "summary": "Four Stars", "unixReviewTime": 1499558400} +{"overall": 4.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A280FS2BUDN9U4", "asin": "B00104WRCY", "style": {"Size:": " 40 Inch", "Color:": " Stainless", "Style:": " Front Controller"}, "reviewerName": "Frank T Rossi", "reviewText": "need to get more experience. very convent compared to my work only smoker. the remote is wonderful. Not sure if I have the wood tray figured out yet. Smoked salmon and pork butts they were all very good.", "summary": "the remote is wonderful. Not sure if I have the wood tray ...", "unixReviewTime": 1434067200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 1, 2013", "reviewerID": "A2YQ2KG4S1QRDV", "asin": "B0002MKGO6", "style": {"Style:": " 400 watt"}, "reviewerName": "Ziminy13", "reviewText": "Been using these bulbs for 5 years. Successful flowering bulb that seems to work as well for me as the expensive ones.", "summary": "Equal to expensive brands", "unixReviewTime": 1385856000} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A5OG0JVHIQP11", "asin": "B000H5SD5C", "style": {"Size:": " 50 Feet"}, "reviewerName": "Mahrud Homey", "reviewText": "Gilmour products - consistent quality, long lasting. Have multiple 8 ply hoses and have been very pleased with the price and quality. I'll keep buying these as we expand our vegetable production.", "summary": "Love, love, love", "unixReviewTime": 1368576000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "11 14, 2011", "reviewerID": "AR17HGC9G3QUN", "asin": "B00004ZB4F", "style": {"Color:": " 15\" / Green"}, "reviewerName": "OH", "reviewText": "The bird food is not protected from moisture. Therefore, the seed gets wet and hardens so that the birds can not get to the seeds,", "summary": "needs to protect the seeds from moisture", "unixReviewTime": 1321228800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2015", "reviewerID": "A3ITMSSAEU6IYB", "asin": "B000HRYGAQ", "reviewerName": "rusty", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1442620800} +{"overall": 5.0, "verified": true, "reviewTime": "06 17, 2014", "reviewerID": "A1LSI6FHSA7VUS", "asin": "B000BQY7XO", "style": {"Style:": " Spreader"}, "reviewerName": "J. Alberts", "reviewText": "I needed a way to spread grass seed and living in a town home, have a small area that is available to grow grass . This spreader did the trick, it's hand held and easy to use. My grass looks great.", "summary": "Nice Size Grass Seed Spreader", "unixReviewTime": 1402963200} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "A1Q7SPZFU8Z2ZX", "asin": "B0012VW7DO", "reviewerName": "james bowser", "reviewText": "the one i got had small crack in it i sent back and they sent on right back was here in 2 days\nfor innner parts i just popped them out and check seals on the and reuse them works great no leaks at all", "summary": "works great", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2014", "reviewerID": "AYPBDQFVVN6VG", "asin": "B000E7OYMY", "style": {"Size:": " Pack of 5"}, "reviewerName": "E. W.", "reviewText": "Very durable and will last through several seasons. I have a green house and start my veggies from seed in the trays.\nThanks for quickly sending my order.", "summary": "Plastic Trays", "unixReviewTime": 1399680000} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2016", "reviewerID": "AXUJ39FHXEQMC", "asin": "B000WEMGM4", "reviewerName": "jens schultz", "reviewText": "sweet", "summary": "Five Stars", "unixReviewTime": 1471824000} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2014", "reviewerID": "A1EUV2H2XIQHYV", "asin": "B00002N66H", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "whiteowl", "reviewText": "I finally used them today. A very nice pair of pruning shears. Would recommend to anyone", "summary": "Pruners", "unixReviewTime": 1403740800} +{"overall": 2.0, "verified": true, "reviewTime": "06 12, 2014", "reviewerID": "A134WHSNYNWFZ", "asin": "B0001L0DFA", "style": {"Size:": " One Size", "Color:": " Colors may vary"}, "reviewerName": "Mad dog", "reviewText": "They are very good quality nozzles they just won't work if you don't have a Ton of water pressure you probably need a 5/8 water hose with high water volume", "summary": "You need to have a lot of water pressure for them to work", "unixReviewTime": 1402531200} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A24FSGHG1AX5TQ", "asin": "B00004SD7C", "style": {"Size:": " 10 Gallon"}, "reviewerName": "paul h", "reviewText": "Sturdy and easy to store.", "summary": "Four Stars", "unixReviewTime": 1500940800} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A2LGRVRTGP0DCZ", "asin": "B000NPHZ5K", "style": {"Size:": " 7 Pounds"}, "reviewerName": "SENIOR SUPER SAVER", "reviewText": "USED MORE THAN RECOMMENDED BUT THE CRITTERS ARE MOVING OUT.....", "summary": "Five Stars", "unixReviewTime": 1490572800} +{"overall": 3.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A39UMQ7PRQJNEO", "asin": "B0010KZCS4", "style": {"Size:": " 5 Pack"}, "reviewerName": "dl", "reviewText": "Not as sticky as other brands", "summary": "Ok", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A1CDQGEP2RWM83", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "James T. Bain", "reviewText": "Excellent item", "summary": "Five Stars", "unixReviewTime": 1405209600} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2016", "reviewerID": "A2VEF1F31UR2Q0", "asin": "B000F8V29K", "style": {"Size:": " 3 by 5 Foot"}, "reviewerName": "Stan Groves", "reviewText": "Very nice Flag. Will purchase it again when needed.", "summary": "Very nice Flag. Will purchase it again when needed", "unixReviewTime": 1473033600} +{"overall": 4.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "A3LSUHF3E5HBGJ", "asin": "B000BPAUKY", "style": {"Size:": " 16 Oz Concentrate"}, "reviewerName": "Germain F", "reviewText": "This works well. Removed white fungus on a rose bush.", "summary": "This works well. Removed white fungus on a rose ...", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A188CORU15RIRZ", "asin": "B000WEKLTE", "style": {"Size:": " Small"}, "reviewerName": "S. Garsson", "reviewText": "Buy them!\n\nIf you have a Weber grill, you will need them.", "summary": "Buy them", "unixReviewTime": 1416614400} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "A2JDILJ28Z88RQ", "asin": "B0014SKUN4", "reviewerName": "John H. Russell", "reviewText": "Very solid and versatile adjustments.", "summary": "Five Stars", "unixReviewTime": 1475193600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A18ECOTOSEEGLQ", "asin": "B00004RALL", "style": {"Color:": " Black"}, "reviewerName": "Kindle Customer", "reviewText": "This is my fourth Smokey Joe over a period of 30 years. We live in S. California and use it several times a week.", "summary": "A great product for grilling", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2015", "reviewerID": "A24YVXQF06A3Z1", "asin": "B000CM6ZTG", "style": {"Size:": " 3 X 5 Ft?", "Color:": " Embroidered stars - sewn stripes"}, "reviewerName": "stan wojciechowski", "reviewText": "Vera nicely made.", "summary": "Five Stars", "unixReviewTime": 1427068800} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2013", "reviewerID": "A3GKN7L2M2HSU6", "asin": "B0013NXQTA", "reviewerName": "Matthew A. Baran", "reviewText": "For the money this flag pole is good quality. They have been in use for about 8 months and are holding up well. They could use brackets for better mounting indoor flags.", "summary": "Good Quality", "unixReviewTime": 1362960000} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2018", "reviewerID": "A1ULE6XF0XZB4D", "asin": "B00004SD7B", "style": {"Size:": " 36-Inch Axe"}, "reviewerName": "western", "reviewText": "Third season and love this axe", "summary": "Five Stars", "unixReviewTime": 1516320000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A34K3T678PYTH9", "asin": "B0001W2W58", "reviewerName": "Daniel A. Garcia", "reviewText": "it is all I expected and just as described", "summary": "Five Stars", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A34VOK6T1O6IRS", "asin": "B000DCN9LW", "style": {"Style:": " 24-Inch Steel Blade Snow"}, "reviewerName": "grimmcom", "reviewText": "perfect", "summary": "just what I expected", "unixReviewTime": 1515888000} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2015", "reviewerID": "A2RMRC0PNJUYDV", "asin": "B000VU4KM8", "reviewerName": "Frequent buyer", "reviewText": "Great device and really gets leaves and trash up.", "summary": "Happy customer", "unixReviewTime": 1446940800} +{"reviewerID": "A2D4QNVTYZZOFD", "asin": "B001BOYJPQ", "reviewerName": "wendy bennett", "verified": true, "reviewText": "GOOD PRICE", "overall": 5.0, "reviewTime": "10 29, 2014", "summary": "Five Stars", "unixReviewTime": 1414540800} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A9S9W58K6A8ZC", "asin": "B000V63VRC", "reviewerName": "kjdf", "reviewText": "Petfect", "summary": "USA flag! Perfect", "unixReviewTime": 1446249600} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2016", "reviewerID": "A1KWITRMPO7BUQ", "asin": "B000P58124", "style": {"Size:": " 1-1/2-Inch", "Style:": " 90-Square-Foot"}, "reviewerName": "magic", "reviewText": "Excellent but have a few questions how to stop the squealing noise when I turn that black crank on the top. Fast shipment great service", "summary": "Great price", "unixReviewTime": 1463788800} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A2UT2I0PXQRXV1", "asin": "B0013NXQTU", "reviewerName": "RJ", "reviewText": "Really Nice! This is as good as it gets for a flag pole that free spins and doesn't furl up. Really Nice!", "summary": "Really Nice!", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A2Q711L6Q8H24G", "asin": "B000GBKAY4", "reviewerName": "Amazon Customer", "reviewText": "I have the whole set I love them.", "summary": "Five Stars", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A3GH0VSG68C8SL", "asin": "B00002N68C", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "The Reverend A.J. Miller", "reviewText": "EXACTLY what i wanted. I remember having one of these as a kid. Got tired of plastic ones breaking every other year (or every time it got dropped)...\n\nStoney's review really says it all.", "summary": "Perfect.", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2016", "reviewerID": "A9NR3UDITDEI2", "asin": "B0001P4PSC", "style": {"Color:": " Hickory"}, "reviewerName": "Jessica R", "reviewText": "Produces great, smoky flavor", "summary": "Five Stars", "unixReviewTime": 1480896000} +{"overall": 3.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "A2UR2NGSVLXMWL", "asin": "B0017SUEE6", "reviewerName": "beachin", "reviewText": "The brushes are a little bent already after three months. That seems a tad bit early to me. My first one ever tho so it at least works. More then I can say for the pole I bought at the same time.", "summary": "Works okay,", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "AD22BLZ075141", "asin": "B000NSGNOG", "reviewerName": "Heycher", "reviewText": "Great product!", "summary": "Five Stars", "unixReviewTime": 1410739200} +{"overall": 3.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A3TCP2GCVK3JY", "asin": "B0012RRG8O", "reviewerName": "Daniel Cornel", "reviewText": "Mine broke after about 200 uses. The push button is now intermittent. Not a big deal", "summary": "Three Stars", "unixReviewTime": 1449619200} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "AJUIHP291T80J", "asin": "B00002N6C9", "style": {"Size:": " 75"}, "reviewerName": "James D.", "reviewText": "good value", "summary": "Four Stars", "unixReviewTime": 1449014400} +{"overall": 4.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A2EZJZ6BQ4K0V6", "asin": "B0001P4PSC", "style": {"Color:": " Apple"}, "reviewerName": "Amazon Customer", "reviewText": "Arrived on time and were exactly as represented in ad. Help make some delicious pork roast.", "summary": "Good product", "unixReviewTime": 1427673600} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A1APOR0G9DNOVR", "asin": "B00062KQ42", "style": {"Size:": " 15-Pound"}, "reviewerName": "Charles K.", "reviewText": "These are some good looking worm castings. Doesn't appear to be any type of \"filler\". Just good, loose worm castings.", "summary": "Looks good", "unixReviewTime": 1435968000} diff --git a/keith-galli_nlp/data/training/train_Pet_Supplies.json b/keith-galli_nlp/data/training/train_Pet_Supplies.json new file mode 100644 index 0000000..8b16a86 --- /dev/null +++ b/keith-galli_nlp/data/training/train_Pet_Supplies.json @@ -0,0 +1,2500 @@ +{"overall": 1.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A24IXIWD59D3K2", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Honest Consumer", "reviewText": "its not destructible but she doesn't like the lack of flavor of any kind. the flavored one she didn't respond to much better...", "summary": "its not destructible but she doesn't like the lack of flavor of any kind", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A157CHGJOD0SGW", "asin": "B0002DGVW6", "reviewerName": "Lyndsey K.", "reviewText": "Worked great for my cross country trip with my two kitties in the hatchback of my car.", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "AP8FIXM723BJM", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "John", "reviewText": "I love these. Indestructible for large dogs.", "summary": "Five Stars", "unixReviewTime": 1452211200} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2014", "reviewerID": "ALNLF878Z9K6X", "asin": "B0002H3RCY", "reviewerName": "Jennifer Lawrence", "reviewText": "Just nicked the quick on my lab. This stuff stopped the bleeding immediately! I was grateful and so was my Ruby!", "summary": "Worth it!!!", "unixReviewTime": 1399075200} +{"overall": 3.0, "verified": true, "reviewTime": "12 24, 2017", "reviewerID": "A2054GDQMKQJZU", "asin": "B00061MULK", "style": {"Size:": " 3.74 OZ"}, "reviewerName": "Emily Dunlap", "reviewText": "My cats do not like these much at all.", "summary": "Three Stars", "unixReviewTime": 1514073600} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2014", "reviewerID": "A1Q47IV6HMDTT", "asin": "B0002H3R2E", "style": {"Size:": " 20-Ounce Bag", "Flavor Name:": " Lamb & Apples", "Package Type:": " Standard Packaging"}, "reviewerName": "C. Taylor", "reviewText": "my dogs really enjoy these crunchy treats. I will be buying more in the future. Thanks for the great product!", "summary": "great", "unixReviewTime": 1401494400} +{"overall": 1.0, "verified": true, "reviewTime": "10 15, 2015", "reviewerID": "A1AABCXW0R14PY", "asin": "B0002ARTA2", "style": {"Size:": " .35 OUNCE"}, "reviewerName": "MARIA RIVERA", "reviewText": "THATS POINT 35 OUNCES (I THOUGHT IT WAS 35 OUNCES) -VERY SMALL AMOUNT FOR THE PRICE OF THE VIAL AND THE SHIPPING! THE FOOD IS OK.", "summary": "LOOK AT THE AMOUNT YOU ARE BUYING-", "unixReviewTime": 1444867200} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2013", "reviewerID": "A2Q8DFKAPKQ1NP", "asin": "B00061UX2I", "reviewerName": "Compulsive Amazon Prime Buyer ;)", "reviewText": "Worth it! Bird loves it and it's really not small by any means. He sleeps at the top and runs up and down it during the day. Totally recommend!", "summary": "Worth it!", "unixReviewTime": 1377820800} +{"overall": 5.0, "verified": false, "reviewTime": "10 31, 2016", "reviewerID": "A31FXU4GPHMDXV", "asin": "B00025K10M", "style": {"Size:": " .81 Ounces"}, "reviewerName": "Peck", "reviewText": "My beta fish loves this fish food! I only wish it wasn't an add on item!", "summary": "Five Stars", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2014", "reviewerID": "A2KFCKKEPY0VUG", "asin": "B0002AQYYO", "style": {"Size:": " 10-Inch"}, "reviewerName": "BG", "reviewText": "This frisbee performs just like a regular plastic frisbee. The quality is exceptional. The outer ring is soft rubber covered by the cloth - very safe for dog's teeth, mouth. Excellent!", "summary": "Great product, flies just like a plastic frisbee", "unixReviewTime": 1397088000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A3DZS76ZBHWRUG", "asin": "B0006349TY", "reviewerName": "Meagan", "reviewText": "This is my second purchase of this rake because I thought I lost the first one. My dog sheds constantly and this gets the most hair out of anything I've tried. She has medium length hair and is kind of fluffy.", "summary": "Best brush I've tried yet", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A2W54MMU4V17V9", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 3.8-Pound Bag", "Flavor Name:": " Original Assortment", "Package Type:": " Standard Packaging"}, "reviewerName": "busymomma29", "reviewText": "We have been feeding these to our dog for years. I was so excited to find them here for a great price!", "summary": "Love these treats", "unixReviewTime": 1421971200} +{"overall": 1.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "A1ZNQTOQ1DQF54", "asin": "B0002AR6UU", "reviewerName": "susie", "reviewText": "cat's not at all interested", "summary": "One Star", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A1OJAMY4Q6DJJC", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Binky", "reviewText": "A perennial fav for our cats", "summary": "Five Stars", "unixReviewTime": 1505433600} +{"overall": 4.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "APVW6L7S92D9W", "asin": "B0002AB9FS", "style": {"Size:": " 16 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "46&amp;lovinit", "reviewText": "I used to feed my dogs this exclusively but it seems like the recipe has changed a bit making it not work quite as well as it has in the past. Being that it is so pricey I would love for it to go back to the original recipe and I would be happy to buy it again.", "summary": "Good but better in earlier recipe", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2016", "reviewerID": "A3MQWE9SZOYNZP", "asin": "B0002CH1BW", "style": {"Color:": " Brown"}, "reviewerName": "retired social worker", "reviewText": "I got this for a 6 week old puppy to help her adjust to being on her own. She is now 12 weeks old and sleeps with it every night as well as day naps . She has yet to cry during the night. I love this product and highly recommend it.", "summary": "I love this product and highly recommend it", "unixReviewTime": 1475712000} +{"reviewerID": "A34COTBSK5MGQ5", "asin": "B0002ARTWU", "reviewerName": "ShanaRN", "verified": true, "reviewText": "Tears up easy but boxer dogs love", "overall": 5.0, "reviewTime": "07 10, 2016", "summary": "Dogs love", "unixReviewTime": 1468108800} +{"overall": 3.0, "verified": true, "reviewTime": "05 19, 2013", "reviewerID": "A8P4L2RPG32CU", "asin": "B0002J1FNK", "reviewerName": "Norma Ruiz", "reviewText": "My dogs still had a pretty heavy infestation even after use. Had to get yard fumigated. Funny thing is, the pest control guy uses this stuff to spray the yard and it works better.", "summary": "Helps a little.", "unixReviewTime": 1368921600} +{"overall": 4.0, "vote": "8", "verified": true, "reviewTime": "10 13, 2009", "reviewerID": "A2YC9RT1TKWHWW", "asin": "B0002AQX2M", "reviewerName": "Ben T", "reviewText": "Plain and simple: the clips are hardy, which holds the cup firmly in place and prevents the water inside from sloshing around. I bought this size and another. Both work as advertised.", "summary": "Completely happy with this purchase", "unixReviewTime": 1255392000} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "A2TX01GMOIBXPF", "asin": "B00008DFK5", "style": {"Flavor Name:": " Liver"}, "reviewerName": "Bill Whitfield", "reviewText": "Best of all, in addition to my dog living it, is that the liver paste flows out smoothly and the amount put into the Kong can be controlled easily.", "summary": "Good Stuff", "unixReviewTime": 1366848000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A37Y97MBW04UR2", "asin": "B0002X311U", "style": {"Size:": " 52-Inch", "Color:": " Burgundy"}, "reviewerName": "Dyson", "reviewText": "This is the only one he's not ripped to shreds. Guess those days of nice memory foam beds are a thing of the past....", "summary": "Woof!", "unixReviewTime": 1449014400} +{"overall": 3.0, "verified": true, "reviewTime": "11 12, 2013", "reviewerID": "A1086FG9CVW5F7", "asin": "B0002AR150", "style": {"Size:": " Large"}, "reviewerName": "Mary", "reviewText": "Not so much . My dog likes with treats stuffed in it for little while not really worth it . Very hard rubber & small treats fall out.", "summary": "Not so much", "unixReviewTime": 1384214400} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2017", "reviewerID": "A1ZSWL80D7S2O5", "asin": "B000084F4N", "style": {"Size:": " 16 lb. Bag", "Flavor Name:": " Chicken & Rice"}, "reviewerName": "B Mcdowell", "reviewText": "My two indoor ragdoll cats love this food. I also have a feral cat that is becoming tame and she loves it too. Meets me at the front door every morning meowing to get her food. I would recommend this", "summary": "Great food", "unixReviewTime": 1494892800} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2014", "reviewerID": "AMQS9QCGTH3O8", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "cal", "reviewText": "I have been using these chew toys for years. Havent met a pup that doesnt like them, yet. Worth the purchase even tho it may look weird and uncomfortable to chew on.", "summary": "Mutt-wonder loves these...", "unixReviewTime": 1400803200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A9BFPDKV7L7B", "asin": "B00027ZVDM", "style": {"Size:": " 2.4"}, "reviewerName": "L. Farley", "reviewText": "My crabs like the food", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"overall": 4.0, "verified": false, "reviewTime": "05 4, 2016", "reviewerID": "A8NLSL2SRP08W", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "babes", "reviewText": "One was brokrn a little.. but it still does the job! Thanks", "summary": "Four Stars", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A2LJIX4MEXPCD3", "asin": "B0002IJQDC", "style": {"Size:": " 60-Gram"}, "reviewerName": "clon", "reviewText": "An excellent product. I apply it to my dogs pads daily and they are not sore any longer!", "summary": "I highly recommend this item", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A3Z8TLPN91J6Q", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "dcl", "reviewText": "smaller than I thought it would be but works extremely well very satisfied the magnets hold together awesome on both sides of tank making scrubbing a breeze", "summary": "perfection", "unixReviewTime": 1429488000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2017", "reviewerID": "AHFKHCTN15K1H", "asin": "B0002DHBQQ", "style": {"Color:": " Green"}, "reviewerName": "Jane Bloom", "reviewText": "The bowl stayed liquid over several 17 degree nights and 25 degree days so it definitely works.", "summary": "So far so good", "unixReviewTime": 1486684800} +{"reviewerID": "A3P21Q51UNG8EY", "asin": "B0002565TI", "reviewerName": "Bob", "verified": true, "reviewText": "What can I say. They work as expected and the price is better than the store. Wish there was a less expensive, even larger pack option.", "overall": 4.0, "reviewTime": "05 12, 2013", "summary": "Perfect fit good price", "unixReviewTime": 1368316800} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2018", "reviewerID": "A1Q7J64PS84UW6", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "Gail M. Westfall", "reviewText": "An outside toy! Keeps my puppy busy.", "summary": "Great Outside Toy", "unixReviewTime": 1515369600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A3ISKS34ECVISN", "asin": "B0002DH0QM", "style": {"Size:": " 20 Pound", "Color:": " black"}, "reviewerName": "Cerissa Blair", "reviewText": "Excellent substrate.", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"overall": 3.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "ACV9L9XII8GXG", "asin": "B000256606", "style": {"Size:": " 96 oz"}, "reviewerName": "Chef Traclyn", "reviewText": "Too many large twigs that my piggies leave as waste.", "summary": "very twiggy", "unixReviewTime": 1486425600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2018", "reviewerID": "A1WL251HF2K5PV", "asin": "B0002AS8D4", "style": {"Size:": " 24\" x 12\""}, "reviewerName": "J L S", "reviewText": "exactly what I ordered fit aquariums perfectly", "summary": "Five Stars", "unixReviewTime": 1518652800} +{"overall": 5.0, "verified": false, "reviewTime": "09 12, 2016", "reviewerID": "A2FKY4QO5ATA1M", "asin": "B00025K102", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "Dave S", "reviewText": "Excellent", "summary": "Fish love it. Good value", "unixReviewTime": 1473638400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2015", "reviewerID": "A195BIO1NO90DE", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "crystal ramrattan", "reviewText": "Great product will buy again", "summary": "Five Stars", "unixReviewTime": 1437004800} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A3LEA0HZFBAFVS", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "M. Russell", "reviewText": "Its cool but not for small dogs its a little to big for them to carry around its not soft plastic its hard I thought it was rubber", "summary": "its cool for kittens and maybe older dogs under 2", "unixReviewTime": 1394236800} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2017", "reviewerID": "A2BF0W2BX5CEWG", "asin": "B00027ZVLY", "reviewerName": "mike Roberts", "reviewText": "They are have a ball with these toys", "summary": "Five Stars", "unixReviewTime": 1488758400} +{"overall": 1.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A11OAK8NM6O8VO", "asin": "B0002566YC", "style": {"Size:": " 50-Ounce"}, "reviewerName": "FRANK", "reviewText": "did not like this product,made my water cloudy,price was good and seller is good but disliked the product.", "summary": "One Star", "unixReviewTime": 1457136000} +{"overall": 3.0, "verified": true, "reviewTime": "11 14, 2017", "reviewerID": "A1KWXFPO95XDAL", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "Boyfriend thinks its creepy (lol) and the dog wasn't a fan of the hard plastic.", "summary": "Three Stars", "unixReviewTime": 1510617600} +{"reviewerID": "AVOY8DO15YX71", "asin": "B0002ARX5I", "reviewerName": "alderum", "verified": true, "reviewText": "Much better than the plastic scoops at the pet store. It'll do!", "overall": 3.0, "reviewTime": "11 29, 2014", "summary": "Three Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": false, "reviewTime": "05 21, 2016", "reviewerID": "A1MGXLEBYT3D54", "asin": "B0002563O0", "style": {"Size:": " Small", "Style:": " 21\""}, "reviewerName": "L_CARGILL", "reviewText": "Great perch! My sun conure loves it!", "summary": "Five Stars", "unixReviewTime": 1463788800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A3TTUWVN5GIZG6", "asin": "B0002I0GVS", "style": {"Size:": " 15-Pound Bag", "Flavor Name:": " Whitefish & Sweet Potato"}, "reviewerName": "vlklng69", "reviewText": "The dog loves it, it's grain free. Since I switched him to this food, he's scratching far less, and his poops are a lot smaller.", "summary": "the dog loves it, it's grain free", "unixReviewTime": 1420848000} +{"overall": 4.0, "verified": false, "reviewTime": "05 17, 2016", "reviewerID": "A2DTZ27H57K4EM", "asin": "B00025Z6MK", "style": {"Size:": " 32-Ounce"}, "reviewerName": "River Dan", "reviewText": "Fish love these, but they cloud the water-meant to be used in out door ponds.", "summary": "Worth the Money", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A2X07TX8CL6KQL", "asin": "B0002XJ11E", "reviewerName": "Donna", "reviewText": "Works better than anything I have ever tried. The Best!!", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"overall": 1.0, "verified": true, "reviewTime": "08 25, 2017", "reviewerID": "A15XHOMR3OAMBN", "asin": "B0006342P0", "style": {"Size:": " 2.9 oz, 24 Pack", "Style:": " Entre | Tuna & Vegetable"}, "reviewerName": "Kitty", "reviewText": "my cats hate this product, but love other SD products", "summary": "One Star", "unixReviewTime": 1503619200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2SD3ULOHP0BBE", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Michael Murello", "reviewText": "The dog loves it keeps her busy.", "summary": "The dog loves it keeps her busy.", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A2GB44JFU8ACWB", "asin": "B0002G7ZQY", "style": {"Size:": " 70 wipes"}, "reviewerName": "luke", "reviewText": "this stuff works great", "summary": "Five Stars", "unixReviewTime": 1414022400} +{"overall": 4.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "AEKB8YJT94ZY6", "asin": "B0002A5VK2", "style": {"Size:": " 100 MILLILITER"}, "reviewerName": "Patrick L. Gray", "reviewText": "Have only been using it for a few months but seems to be a good replacement for the middle material in the AquaClear 30. Both materials worked fine but this should save on frequent replacements.", "summary": "Good middle layer for AquaClear 30", "unixReviewTime": 1436659200} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "A19VS16353NNCR", "asin": "B0002AQWHI", "reviewerName": "D.H.", "reviewText": "Works great for my small breed puppy. Strong and well-made. Survives his infrequent chewing with no visible damage.", "summary": "Five Stars", "unixReviewTime": 1452729600} +{"overall": 5.0, "verified": false, "reviewTime": "07 20, 2014", "reviewerID": "A12O9PQFPP3Y2R", "asin": "B0002APT18", "reviewerName": "Jesse Ferreira", "reviewText": "very good", "summary": "very good", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2015", "reviewerID": "AVN2LUYYN5D7N", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Amazon Customer", "reviewText": "Dogs love it. Essential for joint and coat. No odor. Pump convenient and works. I keep it refrigerated just in case.", "summary": "Works well", "unixReviewTime": 1440892800} +{"overall": 2.0, "verified": false, "reviewTime": "08 31, 2014", "reviewerID": "A291A5R1EMRSYB", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "Cami M.", "reviewText": "Does not even begin to touch algae, horrible cleaning ability! Just makes it LOOK like you care about cleaning your tank!", "summary": "horrible cleaning ability", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A3VDMP6RAC8HU", "asin": "B0002565KM", "reviewerName": "Kiesha Crosby", "reviewText": "Bought this for my granddaughters fish tank. The grass is very soft and easy for the fish to hide in. I would buy this again.", "summary": "Soft grass!", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2017", "reviewerID": "ACY9V2NBA1H4G", "asin": "B0002APQV6", "style": {"Size:": " 32 oz", "Style:": " Spray"}, "reviewerName": "Kat G", "reviewText": "This is the ONLY product I ever use (since 2003) with my dogs and little people. Cleans up the spot well, because none ever return to use the spot again.", "summary": "GREAT PRODUCT!!", "unixReviewTime": 1503705600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "AO0Q5UYEDQ273", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "NovaShopper", "reviewText": "Easily remove chlorine and chloramines.", "summary": "Nothing is too good for my fishies!", "unixReviewTime": 1486080000} +{"reviewerID": "A2XFH52V5BEXLZ", "asin": "B0002DK9L0", "reviewerName": "JP", "verified": true, "reviewText": "Great ball for our GSD!", "overall": 5.0, "reviewTime": "11 10, 2014", "summary": "Five Stars", "unixReviewTime": 1415577600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A23LJ9X7NK794A", "asin": "B000255OIG", "style": {"Size:": " 21 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "J. Solares", "reviewText": "All three of our dogs love these freeze-dried treats and they are healthy for them. We have to keep a steady supply of them on hand at all times.", "summary": "Great treats for your dogs!", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "AX6TV924PZAI6", "asin": "B0002AR3OO", "style": {"Size:": " 150-Watt/120-Volt", "Package Type:": " Standard Packaging"}, "reviewerName": "Amber Baize", "reviewText": "This light is amazing. I am now able to turn off another light because this light keeps my iguanas cage at a steady temp. It does not fluctuate as much as before.", "summary": "Light has regulated the cage temp.", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A3MRONLZ629AH", "asin": "B00028ZMBC", "style": {"Size:": " 12 Count", "Package Type:": " Standard Packaging", "Style:": " Filet Mignon"}, "reviewerName": "kaliel", "reviewText": "My dogs love it. Even the picky one eats these", "summary": "My dogs love it. Even the picky one eats", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A2RUT5LJTWJ4RV", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Jessie P", "reviewText": "Worked well! It feels very sturdy. Worked for a 4-month-old kitten.", "summary": "Great buy!", "unixReviewTime": 1507680000} +{"overall": 3.0, "verified": false, "reviewTime": "04 7, 2018", "reviewerID": "A356WYOY4XRBMX", "asin": "B0002AQMZU", "style": {"Style:": " Gel + Toothbrush"}, "reviewerName": "T. Saldana", "reviewText": "I cant really comment on the effectiveness, but my dog hates the flavor or lack there of. After one use, I had to switch back to a brand we previously used.", "summary": "Dog did not like..", "unixReviewTime": 1523059200} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2016", "reviewerID": "A2HCDY1HMAYHSG", "asin": "B0002YFC9I", "reviewerName": "lhlesch", "reviewText": "Best product ever! Helps my fur babies with their joints", "summary": "Best product ever", "unixReviewTime": 1452384000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A2AHGLZS5HTJ8R", "asin": "B000084EEF", "reviewerName": "Masha", "reviewText": "I add catnip to the center section and my cats love it. They frequently scratch their nails in the center section and they sleep draped across it. They also enjoy knocking the ball around in the trough.", "summary": "Bergan Turbo Scratcher Cat Toy", "unixReviewTime": 1454976000} +{"overall": 3.0, "verified": true, "reviewTime": "07 13, 2016", "reviewerID": "A5KRMXBFXRK2W", "asin": "B0002DJ6XW", "style": {"Size:": " Toy is 7 1/4' x 2 1/4' x 1 1/2'."}, "reviewerName": "Jacquie", "reviewText": "This holds pretty well over a door frame, but unfortunately my cats weren't too interested. I have to spray it with a ton of catnip for them to even look at it.", "summary": "Fits, but not interested", "unixReviewTime": 1468368000} +{"reviewerID": "A3C6SFRFIQWBJ1", "asin": "B00004T2WR", "reviewerName": "Jan Petz", "verified": true, "reviewText": "Great for filleting large fish. That is what we bought it for.", "overall": 5.0, "reviewTime": "02 21, 2015", "summary": "Five Stars", "unixReviewTime": 1424476800} +{"overall": 3.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A1JAMWCIMWRV2U", "asin": "B0002DHW10", "style": {"Style:": " 48-Inch"}, "reviewerName": "BS AZ", "reviewText": "This is the second one of these I've had to get as my dog chewed the first one up when he was bored one day. The fit is just a little short for a standard 48\" crate, but it's close enough. So far this one has held up pretty well and is easy to clean.", "summary": "Just a little short for standard crate", "unixReviewTime": 1470182400} +{"overall": 3.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A2X94GI9T27W2A", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Jessica", "reviewText": "These do what they're supposed to do, but after a while they curl and I've even had one to crack. I don't recommend washing them in the dishwasher or with high heat. But, overall, they're fine - especially because they're inexpensive.", "summary": "They do the job!", "unixReviewTime": 1461542400} +{"overall": 5.0, "verified": true, "reviewTime": "11 19, 2014", "reviewerID": "A2QNEI8HW02MIK", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "Elaine Koldste", "reviewText": "WORKS VERY WELL", "summary": "Five Stars", "unixReviewTime": 1416355200} +{"overall": 3.0, "verified": true, "reviewTime": "09 24, 2017", "reviewerID": "AC1MPWOQ47FWX", "asin": "B0002AR0II", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "PrettyKiller", "reviewText": "So far, these are holding up to my dogs, but they don't really like them.", "summary": "My dogs don't really like them", "unixReviewTime": 1506211200} +{"overall": 5.0, "verified": false, "reviewTime": "09 23, 2016", "reviewerID": "A2YU7DIOV4EKL4", "asin": "B0002AQMZU", "style": {"Style:": " Toothpaste"}, "reviewerName": "terry rouse", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A1WA8ZM3BP90Z5", "asin": "B0002APILE", "reviewerName": "Greg Martin", "reviewText": "Seachem prime was recommended to me by many fish store experts that specialize in just fish. Visit the Seachem Website and read about the technology behind their products.", "summary": "Top Quality, visit website to see for yourself.", "unixReviewTime": 1427328000} +{"overall": 3.0, "verified": false, "reviewTime": "12 22, 2014", "reviewerID": "A1TETPEWPSVZ2K", "asin": "B0002MISZ0", "style": {"Size:": " Large"}, "reviewerName": "CMHWolf", "reviewText": "My 100lb lab mix loves these, but, they don't last for a super chewer.", "summary": "The fur-kids favorite toy.", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "AMC8K2PIG526B", "asin": "B0002DJWWM", "style": {"Size:": " Large", "Pattern:": " Pack of 1"}, "reviewerName": "mags", "reviewText": "Fun", "summary": "a must have", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2014", "reviewerID": "A1GRY4P7NZE7VM", "asin": "B0002C7FFE", "reviewerName": "Elaine M Ferrara", "reviewText": "The item arrived early and was in perfect condition. I have four Great Pyrenees and this product appears to be effective. Big tick problem in my area.", "summary": "Good Product.", "unixReviewTime": 1396656000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2013", "reviewerID": "A1HX6LICE7BPNF", "asin": "B0002DRJDG", "style": {"Size:": " 1.6 Ounce"}, "reviewerName": "Louie", "reviewText": "My water turtles love them ! They are a good treat & change of the daily green floating sticks they eat..", "summary": "Freeze Dried Crickets", "unixReviewTime": 1362182400} +{"overall": 1.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A1U1CGYMLXZYWY", "asin": "B0002DJU0G", "style": {"Size:": " 200-Gallon"}, "reviewerName": "clarisse", "reviewText": "Too long delivery,to broken bag of salt inside spilled!", "summary": "broken bag!", "unixReviewTime": 1435017600} +{"overall": 2.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A18E9I8EP9RDC7", "asin": "B0002563O0", "style": {"Size:": " Medium", "Style:": " 14\""}, "reviewerName": "Linde", "reviewText": "Bird chews and shreds this, which makes a mess.", "summary": "Bird loves it, but messy", "unixReviewTime": 1482969600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A2YJ5AAAHG2KN8", "asin": "B0002AQ5ZC", "reviewerName": "lori", "reviewText": "Perfect for my goffin cockatoo cage. Thank you. Great quality.", "summary": "Five Stars", "unixReviewTime": 1511740800} +{"overall": 1.0, "verified": true, "reviewTime": "05 15, 2016", "reviewerID": "AQFJE4M3MBTB1", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Sweet Pea", "reviewText": "Bone broke up to easy and had to throw away. I feel it is very dangerous.", "summary": "No good", "unixReviewTime": 1463270400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2013", "reviewerID": "A2WR1ANKIO05ZF", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "Sharon Howe", "reviewText": "This is the best water conditioner if you have fish , works great , I have used this for a long time and alway get great results .", "summary": "Awsome", "unixReviewTime": 1358380800} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2017", "reviewerID": "AAGFYVDXDDXWZ", "asin": "B000084EEF", "reviewerName": "J. Ing", "reviewText": "They don't get tired of it.", "summary": "Fun fun fun", "unixReviewTime": 1492992000} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A2MI7FQ2L2AUKL", "asin": "B0002Z15UM", "reviewerName": "Cliff L. Newbold", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A3HIEWV7EKDDR3", "asin": "B0002DGJS2", "style": {"Size:": " 1 Count", "Package Type:": " Standard Packaging", "Style:": " Beef & Bacon"}, "reviewerName": "HC", "reviewText": "Dogs ate them very quickly", "summary": "Five Stars", "unixReviewTime": 1487721600} +{"overall": 3.0, "verified": true, "reviewTime": "11 17, 2015", "reviewerID": "A1FDTHCGRZMBA1", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "kickash", "reviewText": "My dogs play with this toy sometimes. It's difficult to get the treats inside without breaking them sometimes. On the positive, it hasn't been destroyed yet.", "summary": "It's okay.", "unixReviewTime": 1447718400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A3JQ7VKJJ8QTG7", "asin": "B0002DGVY4", "reviewerName": "A. Friend", "reviewText": "order was received on time and as advertised.", "summary": "Five Stars", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A1IOE47S7GA2IF", "asin": "B000084F80", "style": {"Size:": " Large"}, "reviewerName": "DRTJR", "reviewText": "my dog loves it. I can actually smell the bacon sent on it.", "summary": "Five Stars", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "A26R51YHBDEFVT", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "domantn", "reviewText": "This has the same advantages as the other Chuckits in that it throws a long way and you don't have to handle a dirty wet ball. But it really throws a long way so you'll need a big dog that likes to run and a lot of space", "summary": "Throws really long", "unixReviewTime": 1357171200} +{"overall": 4.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A2E7JJ4OY35E4B", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Janet", "reviewText": "Great for dog, but stinky!! We don't mix it in her food anymore because it gets on her \"beard\" and stinks. Now we just squirt it directly into her mouth.", "summary": "Great for dog", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A2OFP7JXPVHODY", "asin": "B000634160", "style": {"Size:": " 4.5 lb", "Style:": " Adult Small Bites | Lamb"}, "reviewerName": "Michelle", "reviewText": "I like science diet, and so is my dog and cat :) I buy the same brand for both of them.", "summary": "I like science diet", "unixReviewTime": 1413417600} +{"overall": 2.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A1UCCCE91BJTWD", "asin": "B000633Y4U", "style": {"Size:": " Large"}, "reviewerName": "Lorri Cook", "reviewText": "Dog couldn't get to filling inside of bone. He was done with it in 5 minutes.", "summary": "Two Stars", "unixReviewTime": 1438992000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A3EK9ENQEKRO8T", "asin": "B0002APVWK", "reviewerName": "Amazon Customer", "reviewText": "Fit and function are great at keeping the aquarium aerated. Great alternative to having the aquarium bottom bare for easy maintenance when keeping goldfish.", "summary": "Fit and function are great at keeping the aquarium aerated", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2015", "reviewerID": "A2MG2A7EGV7VE8", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Rebeccanne", "reviewText": "Easy on and off", "summary": "Five Stars", "unixReviewTime": 1430524800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A15KPBWFHMLWE0", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Gmas", "reviewText": "My doggies love this!! It is fishy, but they love fishy!", "summary": "Five Stars", "unixReviewTime": 1417564800} +{"overall": 4.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "AN7DL33MMVK6X", "asin": "B0002ARPJ2", "style": {"Size:": " 50-Pound"}, "reviewerName": "Amazon Customer", "reviewText": "I only wish I could re-order. Everytime I try it says it can't be delivered anymore. :(", "summary": "Four Stars", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A3JK5454I0WY72", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Lee A. Bailey", "reviewText": "Our kittys attacked our couch before and still do a little bit. But by they do seem to prefer this over the couch.", "summary": "For the Cats", "unixReviewTime": 1396224000} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A1UMV8RTNP8JD", "asin": "B0002DJL0K", "style": {"Size:": " 20 Feet", "Pattern:": " Super Thru-Way"}, "reviewerName": "Suephoria", "reviewText": "the ferrets LOVE this; esp when I tie it in a pretzel. only complaint is that the structural wire comes loose at the end; unlikely very dangerous, but it shouldn't come out like that", "summary": "the ferrets LOVE this; esp when I tie it in a ...", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A12ARXJ6WP4IS0", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "J. Fox", "reviewText": "Dog loves this and sleeps on it every night. I did cover it with a small blanket so I could wash that part as I am not sure about washing the whole bed. It fits perfectly in the kennel we got so make sure to compare measurements.", "summary": "great for small/medium dog", "unixReviewTime": 1431129600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A2D1E654ZQMDYG", "asin": "B0002DKBDG", "style": {"Size:": " 17-Ounce Pack of 2"}, "reviewerName": "Carol", "reviewText": "Daughter has a Medical Alert Service Dog. Great item since water isn't always available to give to her dog", "summary": "Fantastic", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2017", "reviewerID": "A1BQ7U7EHV33E7", "asin": "B0002AR17S", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Softer than a normal Kong, perfect for puppies who are teething", "summary": "perfect for puppies who are", "unixReviewTime": 1493078400} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2014", "reviewerID": "A1OYXIT8WGKRTQ", "asin": "B000256EAI", "style": {"Size:": " 100 Watt/2 Pack"}, "reviewerName": "Diana", "reviewText": "My only issue with this was promptly settled by amazon. One bulb worked for less than a week and went out- I got a full refund for the product. The remaining bulb hasn't had any problems.", "summary": "Nice heat source", "unixReviewTime": 1388534400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2017", "reviewerID": "A35VU4G463F18A", "asin": "B0002ASG9K", "style": {"Size:": " 4-Ounce"}, "reviewerName": "gary lynn new", "reviewText": "A couple of my fish ended up getting sick from some new ones that were placed in the tank. A couple days after receiving this they were fine.", "summary": "A couple days after receiving this they were fine.", "unixReviewTime": 1501459200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A2MUC4THGV6QZS", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Chicken & Oatmeal"}, "reviewerName": "D. A. Rogers", "reviewText": "Quality food that my beagles love.", "summary": "Five Stars", "unixReviewTime": 1449187200} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "A1FP47J3FX9LPA", "asin": "B0002I9O84", "style": {"Size:": " 60 Tablets"}, "reviewerName": "DeaB", "reviewText": "This really works. Suggested by my vet to help with hairballs and general digestion. Excellent product. My kitty is picky but i crushed one up and she liked the taste even without mixing it with anything. It's a pretty big tablet but crushes easily.", "summary": "Good for your cat's digestion", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A2SKZF5KY4ZVZF", "asin": "B0002DJM40", "reviewerName": "Shannen", "reviewText": "One of the ferrets favorite toys! We hang it in the cage and it can keep them entertained; or take it out play with it with them! Either way they love it:)", "summary": "Great toy for the ferrets!", "unixReviewTime": 1439942400} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A23WPU3SH61HDY", "asin": "B000084EJO", "reviewerName": "Vanessa", "reviewText": "Cat's fave", "summary": "Four Stars", "unixReviewTime": 1435622400} +{"overall": 3.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A1D77IAATSW654", "asin": "B0002J1F7G", "reviewerName": "Jo-Ellen Sullivan", "reviewText": "It works", "summary": "Three Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2017", "reviewerID": "A32S7D7RUWEE4L", "asin": "B00006IX59", "style": {"Size:": " SPORT 26L", "Color:": " ASSORTED"}, "reviewerName": "Molly Backus", "reviewText": "Perfect size for our German Shepherd. Now if only we could get him to drop the ball on command...", "summary": "Five Stars", "unixReviewTime": 1508889600} +{"overall": 2.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "ATNDZWKJYBU9Y", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Bacon Flavored Bone"}, "reviewerName": "Jodi Foster", "reviewText": "Very hard", "summary": "Two Stars", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "AX5X4C3PQDZD", "asin": "B0002DJU0G", "style": {"Size:": " 50-Gallon"}, "reviewerName": "robotai", "reviewText": "This is the only aquarium salt I will use in my aquarium", "summary": "A must have if you have corals", "unixReviewTime": 1454112000} +{"overall": 1.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "A21WAKWT4W8QXI", "asin": "B0002AQITK", "reviewerName": "Amazon Customer", "reviewText": "Pay about two more dollars and buy a digital thermometer. Did not work for me at all. Always stayed at 60 degrees.", "summary": "Do not recommend", "unixReviewTime": 1488067200} +{"overall": 2.0, "verified": true, "reviewTime": "01 30, 2014", "reviewerID": "AEG9Y16ZWFSOO", "asin": "B0002DJXGW", "style": {"Size:": " Large"}, "reviewerName": "Kathleen Dashiell", "reviewText": "There were several negative reviews for this and I have to add mine. Its much softer and more stretchy than I expected it to be. Our dogs who are voracious chewers just wouldn't have anything to do with it -- and that's about the only rubber toy I can say that about.", "summary": "Too soft", "unixReviewTime": 1391040000} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2015", "reviewerID": "A1CWIDZVVBHSMF", "asin": "B0002AT450", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "Elisha", "reviewText": "Works great! Easy to clean. I have multiple dogs so this is a great size and not heavy to carry around.", "summary": "Works great! Easy to clean", "unixReviewTime": 1443657600} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A7WCF6M5KWBZ7", "asin": "B0002AS5KK", "reviewerName": "jennn", "reviewText": "Finally, a hideout that my guinea pigs can't move all over the cage and tip over! Great quality for a good price!", "summary": "Great buy", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": false, "reviewTime": "03 30, 2016", "reviewerID": "A1OXJC6380Y4GO", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Lisa", "reviewText": "It's hard to find this size kennel anywhere. It shipped very fast with no damage to it. My pup fits perfect and it's built sturdy. My German shepherd has bent through her cages multiple times. No problems with this one yet!", "summary": "My pup fits perfect and it's built sturdy", "unixReviewTime": 1459296000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A3QPXJ2HC78P2R", "asin": "B000255P5I", "style": {"Size:": " 1-gallon"}, "reviewerName": "Lucinda", "reviewText": "Great product, last a long time, time to buy more", "summary": "Five Stars", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": false, "reviewTime": "06 19, 2015", "reviewerID": "A2JBNXRU6GUG82", "asin": "B000084F80", "style": {"Size:": " Large"}, "reviewerName": "Cassiopeia", "reviewText": "These chews can withstand about two weeks of heavy use from my 9 month old pitbull puppy.", "summary": "Great For Heavy Chewers", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "AZ647QY7V640D", "asin": "B0002563O0", "style": {"Size:": " Small", "Style:": " 21\""}, "reviewerName": "Carole", "reviewText": "My Lovebird loves this perch. Definitely a great buy, comfortable for her feet, flexible, fits anywhere in the cage. I move it around with no problem, my bird loves...I love it. Will buy again. Thanks", "summary": "Great buy", "unixReviewTime": 1427932800} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A2H9Z1U3GYLTCR", "asin": "B0002ASBBS", "reviewerName": "Annamarie", "reviewText": "Bought this for a rat. He absolutely loves it. It's large enough that he uses it as both a playpen and a litterbox.", "summary": "very large, rat loves it", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A3RXIR97L5V61Z", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Dgreer", "reviewText": "I went to one those pet stores(don't want get anyone in trouble for saying pet_______). The exact cage, from manufacture to size was $40 dollars more than this one. So great price.", "summary": "Great price of product", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2014", "reviewerID": "A2E0RKNXJGPGC5", "asin": "B0002AT3MY", "reviewerName": "Northskymare", "reviewText": "I needed to have a rescued cat transported from to another state for homing and this pan fit perfectly into the carrier", "summary": "Good Product", "unixReviewTime": 1405036800} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A2RADMVH4SIPLW", "asin": "B0002DIQD8", "style": {"Size:": " 1-Pack"}, "reviewerName": "janevicki", "reviewText": "3 extra prongs. Kind of expensive for only 3 prongs but it's better than buying an extra collar. Yes if your are going to use a prong collar, Herm Sprenger has rounded edges on their ends that are the way to go.", "summary": "Expensive but needed.", "unixReviewTime": 1416268800} +{"overall": 3.0, "verified": true, "reviewTime": "03 4, 2014", "reviewerID": "A2Q0U8Y6TYBJPD", "asin": "B00027CKU4", "reviewerName": "connie w.", "reviewText": "When I put this or the Cranimals in my cats Fancy Feast wet food, they won't eat it! They always know! May work better for YOU.", "summary": "Cats always know!", "unixReviewTime": 1393891200} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2014", "reviewerID": "A2IRUA4N5D7TEH", "asin": "B0002DK0A0", "style": {"Size:": " 1PAck"}, "reviewerName": "Randi F.", "reviewText": "Nice little brush. Works well on the dog, too.", "summary": "Five Stars", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "A3S9HLDFMI6TG1", "asin": "B000255NAK", "reviewerName": "Yvonne Michel", "reviewText": "This product is safe, reliable, easy to use and inexpensive. The best of all worlds", "summary": "easy to use and inexpensive", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A3L1192BT30QPT", "asin": "B000634JB2", "style": {"Size:": " Regular"}, "reviewerName": "Shopping Queen", "reviewText": "This was a little bigger than the last one we bought. My dogs favorite toy since she was a pup. This was tough enough for my girl and also washable. She is a min. schnauzer.", "summary": "Her favorite toy and also the brand is Great.", "unixReviewTime": 1482883200} +{"reviewerID": "A1BYWQ4TK7YGHO", "asin": "B0002RJMA0", "reviewerName": "J Bug", "verified": true, "reviewText": "I have had a number of dog brushes in the last year and this one is my favorite. The plastic one broke, the Kong one didn't get out tangles, the prickly wire one irritates my dog.....this one is good for both of us, sturdy and nice feeling in the hand. Should last a long time.", "overall": 5.0, "reviewTime": "09 1, 2014", "summary": "A nice, wooden brush that should last a long time.", "unixReviewTime": 1409529600} +{"overall": 4.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A9FBZ6EBOGG6D", "asin": "B000274674", "style": {"Size:": " Small (9 in x 9 in)"}, "reviewerName": "Igor Krasnov", "reviewText": "Good", "summary": "Four Stars", "unixReviewTime": 1485907200} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A29KK5D4SXL70L", "asin": "B0002AQN2M", "style": {"Size:": " 1Pack"}, "reviewerName": "Kristyn", "reviewText": "Easy way to wash my cat who hates baths. Leaves a nice light fresh scent.", "summary": "Four Stars", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A2ZFOVWIWGLF3Z", "asin": "B0002TJAXC", "style": {"Size:": " 7 lb", "Style:": " Adult Dry | Chicken"}, "reviewerName": "alisa", "reviewText": "kitties love it!!", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 30, 2010", "reviewerID": "A2E32CPGHT2GAN", "asin": "B0002ASGC2", "style": {"Size:": " 1.25 oz"}, "reviewerName": "Ang", "reviewText": "FAST SHIPPING AND GOOD PRODUCT! BUT ITS NOT A FAST WORKING PRODUCT..YOU HAVE TO USE IT SEVERAL TIMES TO GET THE WATER WHERE YOU WANT IT AND CHECK YOUR WATER BEFORE ADDING MORE", "summary": "PH UP", "unixReviewTime": 1269907200} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2013", "reviewerID": "A1RP9QTAPOO5O4", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Kevin R. Veneracion", "reviewText": "I've had this item for months now, it seems to be the only thing my husky hasn't chewed up. Amazing!", "summary": "works great (still!)", "unixReviewTime": 1374019200} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A25ALIHKQTUKGK", "asin": "B0002ASS0M", "style": {"Size:": " 5 Pounds", "Style:": " Powder"}, "reviewerName": "Dan Herrera", "reviewText": "Very great product. Works well.", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A2LXFH45EVB2YN", "asin": "B0002IJQDC", "style": {"Size:": " 60-Gram"}, "reviewerName": "VFerg81", "reviewText": "Wonderful product for summer or winter!!", "summary": "Love it!", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2012", "reviewerID": "A2OL4DLWV0PD8P", "asin": "B0002566DS", "reviewerName": "Melody", "reviewText": "Not sure I would recommend this. The directions are alitlle hard to follow, and the readings come back at different levels. I had to average the readings I got to get an estimate. Not to accurate.", "summary": "Works okay", "unixReviewTime": 1354752000} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2018", "reviewerID": "A2R951UOG1ZEF2", "asin": "B0002APRGA", "style": {"Color:": " Black with Fluorescent Highlights"}, "reviewerName": "Cavina2", "reviewText": "Looked great.", "summary": "Four Stars", "unixReviewTime": 1516838400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2015", "reviewerID": "A3TUULAKXFETUX", "asin": "B0002AR15U", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Spinninfreak69", "reviewText": "Item was described perfectly! My puppy loves this toy!", "summary": "Five Stars", "unixReviewTime": 1433548800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2014", "reviewerID": "A3K3T5DWFUKA5K", "asin": "B000256CG4", "style": {"Size:": " 4 count"}, "reviewerName": "Damaris Quirin", "reviewText": "another one of my cats favorite toy to paw around the floor and kick around or rather paw around like a soccer ball.", "summary": "4 piece cat crazies unique cat toy", "unixReviewTime": 1397865600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A26S4UHP7QVNJ8", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Lucy", "reviewText": "Oh these fit perfectly in my dogs kennel, I only ordered one as a tester, however we have 6 dogs and 4 of them are in the same size kennel so I plan to order 3 more in this size and 2 more in a larger size they are soft and hold up well. my puppy loves to lay on his.", "summary": "5 stars, they fit perfectly in the kennel. I am ordering more!", "unixReviewTime": 1515628800} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A1Q89F31QX892Y", "asin": "B0002AR17S", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Bargain shopper", "reviewText": "Great puppy toy", "summary": "Five Stars", "unixReviewTime": 1491004800} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A1B8VOOIX2LGGI", "asin": "B0002AR15U", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "RAY D", "reviewText": "Nothing better than a Kong with a slab of peanut butter in it. works great", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 4.0, "verified": true, "reviewTime": "10 12, 2017", "reviewerID": "A254F46A3ZIGSU", "asin": "B0002IJQYQ", "style": {"Size:": " Large"}, "reviewerName": "KP TX", "reviewText": "perfect fit......measured 3 times to be sure, but went in perfectly A 20 year old dog door, so I can testify they last a long time.", "summary": "perfect fit", "unixReviewTime": 1507766400} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "ALUFFMHQH3Z17", "asin": "B0006343W2", "style": {"Size:": " Medium"}, "reviewerName": "Laugh Love Shop", "reviewText": "Love these and recommend them to all my cat owning friends.", "summary": "Recommend to everyone", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "A2X02TA9M2M0E7", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "JCG", "reviewText": "Nylabones are the best dog chews around!", "summary": "Five Stars", "unixReviewTime": 1448582400} +{"overall": 1.0, "vote": "2", "verified": false, "reviewTime": "09 29, 2009", "reviewerID": "AF2M6N8R583CR", "asin": "B000256E4Y", "reviewerName": "Starlit Rogue", "reviewText": "But that something would be a little fish gel candle.\n\nBut you could get cheaper ones at the dollar store.", "summary": "Is good for something...", "unixReviewTime": 1254182400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "A2NXW35QM44S6I", "asin": "B0002ASRYY", "style": {"Size:": " 5-Pound", "Style:": " powder"}, "reviewerName": "Liz A", "reviewText": "Works great.. no tummy upsets and puppies lap it up readily", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2018", "reviewerID": "A3JM85Z2GACVHA", "asin": "B0002AQ0BQ", "style": {"Size:": " 30 lb. Bag", "Style:": " Unscented"}, "reviewerName": "Jessica Schmidt", "reviewText": "Use this for my ferrets! Works very well! :)", "summary": "Five Stars", "unixReviewTime": 1518220800} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A3FYELF2GFLZE9", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Sara P", "reviewText": "This is the only shampoo I use for our dog. He used to have dry skin, and now he doesn't! It's nice that it's all natural too, so just in case he licks himself, I know he won't get sick.", "summary": "Great for the skin", "unixReviewTime": 1427241600} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2017", "reviewerID": "A25JBUAPIZ6JP6", "asin": "B0002DGL3K", "style": {"Size:": " 34 Count", "Package Type:": " Standard Packaging", "Style:": " Variety"}, "reviewerName": "ketchumsgal", "reviewText": "My dogs absolutely love these!!!! And they didn't leave stains or marks on furniture", "summary": "Five Stars", "unixReviewTime": 1484697600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2011", "reviewerID": "A3J3OUX8KHRBZ", "asin": "B0000632T8", "style": {"Size:": " Extra Small", "Package Type:": " Standard Packaging"}, "reviewerName": "mobius", "reviewText": "My Pom is pretty laid back, so he doesn't shred most of his toys, and he loves-loves-loves this one. Family member with Duck and Frog. Squeak!!!", "summary": "Small Dog Loves His Bear", "unixReviewTime": 1313884800} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "05 23, 2010", "reviewerID": "A9NXTC0HTPSDO", "asin": "B0002ARYY8", "style": {"Size:": " 10 inches", "Color:": " Red"}, "reviewerName": "Maggie", "reviewText": "This ball has a great concept but my dog does not care for it since the outer portion is hard plastic. I also do not feel it is worth 20 dollars.", "summary": "Hard plastic ball", "unixReviewTime": 1274572800} +{"overall": 2.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A1O2DCVG3GI7K7", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "John Derr", "reviewText": "Never changed color. Even when my tank turned green", "summary": "Two Stars", "unixReviewTime": 1441497600} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2017", "reviewerID": "A306EOSH1MTJ5Y", "asin": "B0002DK9OM", "style": {"Size:": " 6-Inch", "Color:": " Red"}, "reviewerName": "Angie S", "reviewText": "This is one of our Pitbulls favorite toys. Can't beat the value for the money. She usually gets the rope out of the ball within a couple of days but then has two toys!. Still a good deal for the price!", "summary": "Great Pitbull toy!", "unixReviewTime": 1498694400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2012", "reviewerID": "A2DUG0NNGFQOD4", "asin": "B0002HBMYO", "style": {"Color:": " Egg Babies"}, "reviewerName": "DanaFromLA", "reviewText": "These Kyjen toys are great. The entire \"hide\" series is great! Tons of fun for my dog. The best part is, she loves the toys separately; This toy is 4 toys in one! The eggs can be used for fetch or for chew toys and the platypus- well you get it! Great toy. Great price.", "summary": "My dogs loves her Platypus!", "unixReviewTime": 1330992000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A2CB7F9VAHEQM3", "asin": "B0002C7FFE", "reviewerName": "Garden Angel", "reviewText": "This works well. I do notice I have to apply it a few days earlier than every month which is not unusual according to the instructions. I just placed 2nd order.", "summary": "Works", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A1NVKR3AJ0KMDT", "asin": "B0002DJX3A", "style": {"Size:": " Small"}, "reviewerName": "Likes Good Stuff", "reviewText": "I really enjoy the soft-but-firm texture of the Hol-ee Roller for our teething puppy. It is colorful enough to get the puppy's attention and small enough to keep from tripping over it at this stage of life.", "summary": "I really enjoy the soft-but-firm texture of the Hol-ee Roller for our ...", "unixReviewTime": 1444694400} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A1RTCL2FH962SO", "asin": "B0002602SC", "reviewerName": "Shane", "reviewText": "Perfect thanks", "summary": "Perfect", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "AP9PXFI377KVV", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "Jochen", "reviewText": "OK with the tubing, arrived well @ destination", "summary": "Five Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A1NIKXCMU9JE6V", "asin": "B00008DFHG", "reviewerName": "John Mitchell", "reviewText": "Dogs love them!", "summary": "Five Stars", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A2J87Y8TRPKQVY", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Bee"}, "reviewerName": "Active purchaser of everything", "reviewText": "Great product", "summary": "Five Stars", "unixReviewTime": 1434240000} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A3QB74DDVFQMWN", "asin": "B0002ARQV4", "style": {"Size:": " Large"}, "reviewerName": "Marielle", "reviewText": "Works great", "summary": "Four Stars", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2014", "reviewerID": "AFWV14WQ2KOCZ", "asin": "B000068GQ3", "style": {"Size:": " 180 Count"}, "reviewerName": "Mikesgal", "reviewText": "Always check with the vet to be sure, the product worked great on my 2 small dogs, with a great price!!!", "summary": "Great!", "unixReviewTime": 1399420800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A2NRQ4NP89L9DF", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "Whitney", "reviewText": "Takes 24hrs to get accurate readings works as advertised will buy another one in a year or so when this one pudders out", "summary": "Takes 24hrs to get accurate readings works as advertised will ...", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A1ML9JDL74YCOI", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "seoulja99", "reviewText": "Our cat loves this thing. It's tall and sturdy, which allows for a full stretch. She even jumps up and sits on the top part to look down on us sitting on the couch.", "summary": "tall and sturdy = princess approved", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A24CKAGXJ0NRHT", "asin": "B0002DI1Y2", "style": {"Size:": " 8.45-Ounce"}, "reviewerName": "Bob Orwig", "reviewText": "I received exactly what I ordered at a very good price. I will continue to order my aquarium supplies through Amazon.", "summary": "I received exactly what I ordered at a very good price. I will continue to order my aquarium ...", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A502WBRT314AW", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Sweet Potato & Chicken"}, "reviewerName": "Karen Johnson Miller", "reviewText": "Another treat that both my small dogs enjoy! They really like the flavor!", "summary": "Great for picky eaters", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1T323VZKI7ATY", "asin": "B0002HYB7O", "style": {"Size:": " Medium"}, "reviewerName": "julie russell", "reviewText": "fun", "summary": "fluffy", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A20DE0NHX27NTG", "asin": "B00025K1H0", "reviewerName": "Mia", "reviewText": "All my fish eat it!!", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "A38PKXSARIOXQ4", "asin": "B00008DFDJ", "reviewerName": "Lynne Walton", "reviewText": "Noticeably less shedding since we have been giving this to our yellow lab!", "summary": "Four Stars", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2016", "reviewerID": "A3IEI6T0KU8137", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " Gray Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Merinda crane", "reviewText": "Soft and comfortable dog bed. Fits in the kennel I got it for perfectly.", "summary": "Five Stars", "unixReviewTime": 1481932800} +{"overall": 5.0, "verified": true, "reviewTime": "09 29, 2017", "reviewerID": "A2ZL1YH6VS36G7", "asin": "B0002IJQDC", "style": {"Size:": " 60-Gram"}, "reviewerName": "Amazon Customer", "reviewText": "This stuff is awesome! I apply mushers to the pads of my huskies paws during the winter months and it really helps keep them protected and moisturized!", "summary": "This stuff is awesome! I apply mushers to the pads of my ...", "unixReviewTime": 1506643200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A3UP9ZY5P7YKK", "asin": "B0002AQM0A", "style": {"Size:": " 1000 Cubic Inch", "Package Type:": " Standard Packaging"}, "reviewerName": "Becky10cats", "reviewText": "Perfect for what I needed it got.", "summary": "Five Stars", "unixReviewTime": 1466467200} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A10JPA1A13P26G", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Haley", "reviewText": "My parents German Shepard loves it! Fill it with peanut butter and it keeps him busy for an hour or better.", "summary": "Fill it with peanut butter and it keeps him busy for an hour or better.", "unixReviewTime": 1473206400} +{"overall": 2.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "ACLN9TVWM6SAC", "asin": "B0002A5XFU", "reviewerName": "Holly Moore", "reviewText": "The more I use this kit, the less I like it. The discs are super annoying and I never get the same read when testing the same water source. I would not buy this again. I love Seachem, but I'd stick with the API master kit for ammonia testing.", "summary": "the less I like it. The discs are super annoying and I ...", "unixReviewTime": 1460419200} +{"overall": 3.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A36HJCAYELWIR8", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Melissa T", "reviewText": "Definitely wasn't strong enough for my puppy. She had it destroyed in less than an hour.", "summary": "Three Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2018", "reviewerID": "A3N1ASTPM1GUKS", "asin": "B0002MLA5K", "style": {"Size:": " 4 lb", "Style:": " Light Dry"}, "reviewerName": "Evelyn M.", "reviewText": "The cat liked it right off. It smells better then a lot of the other cat foods do. Hope it helps her to lose some weight.", "summary": "Cat likes it", "unixReviewTime": 1516665600} +{"overall": 4.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A3482HOFR5L6MX", "asin": "B0002E7ITK", "style": {"Size:": " 125g/All Sizes"}, "reviewerName": "george", "reviewText": "Fish love it. I just wish it sank on contact with water. I usually have to dip it in the water for it to sink right away.", "summary": "Fish love it. I just wish it sank on contact ...", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2015", "reviewerID": "A2850KFMNR3JSU", "asin": "B00025YVPI", "style": {"Size:": " 1 Pack"}, "reviewerName": "Di Kitchens", "reviewText": "My male cat Wesley loves these and he does not like most cat toys!", "summary": "Fun for a picky feline", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A25376GCSVLM4B", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "Shelia Coffey", "reviewText": "Cute safe toy. My Chorkie loves interactive toys. She has to conquer them !! Great for play and exercise time", "summary": "Safe and fun for my baby", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "ABZMJ6TH2DEXQ", "asin": "B0002ASM94", "style": {"Size:": " Regular/Small"}, "reviewerName": "gramma9562", "reviewText": "always the best for my chewers", "summary": "Five Stars", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2013", "reviewerID": "AH8ARXZB1IM24", "asin": "B0002AR0II", "style": {"Size:": " XX-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Joel Hall", "reviewText": "My Great Dane loves it, and it is the first toy he has not destroyed in the first two days!", "summary": "Great for a Great Dane", "unixReviewTime": 1363824000} +{"overall": 4.0, "verified": true, "reviewTime": "03 18, 2017", "reviewerID": "A3G18WULRMWOJF", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "Jenny M.", "reviewText": "This is a good product but a little messy but the cavie loved it so at least 4 stars.", "summary": "Four Stars", "unixReviewTime": 1489795200} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "AJXKQ4BC0DM7U", "asin": "B0002DJWUY", "style": {"Size:": " Heavyweight (5.00\" x 3.25\" x 5.00\")"}, "reviewerName": "janet c", "reviewText": "Great for my dog who loves to chew.", "summary": "Five Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "AZGG9BNLFRL4Y", "asin": "B00025Z74C", "style": {"Size:": " 1.4 Ounces"}, "reviewerName": "Amazon Customer", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A31KXRTEADNTBI", "asin": "B0002C7FFE", "reviewerName": "Amazon Customer", "reviewText": "Much better than Frontline which has stopped working for us!!", "summary": "Five Stars", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A3JRS2BFTHHB0V", "asin": "B0002567XC", "style": {"Size:": " 14 oz."}, "reviewerName": "Marcia", "reviewText": "My parrot loves all the nutria berries flavors and I have bought one of each for a nice variety!!", "summary": "Parrot loves nutri berries", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A7KVKT0XFJSWI", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Kindle Customer", "reviewText": "These are happy cat beds, just put a little something under them to lift them up a little.", "summary": "Five Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "A11V3GPODBXN7C", "asin": "B000255NAK", "style": {"Style:": " Calcium"}, "reviewerName": "Amazon Shopper", "reviewText": "I use this to test out the calcium in my fish tanks and this tests it with good accuracy. Definitely a must have if you have a fish tank.", "summary": "Works as it should", "unixReviewTime": 1387843200} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2015", "reviewerID": "A33NFD0VO3VO9W", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Turkey"}, "reviewerName": "5girlsandaguy", "reviewText": "My Great Pyr loves this and it's lasted a week! Nothing lasts this dog a week so I think we've finally found her the perfect bone!", "summary": "Great for strong chewers!", "unixReviewTime": 1437868800} +{"overall": 4.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A3KX0VVKX66TGO", "asin": "B0002566YC", "style": {"Size:": " 50-Ounce"}, "reviewerName": "RJ", "reviewText": "Easy to use", "summary": "good", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2018", "reviewerID": "A2P4YP2GE6QB2F", "asin": "B0002CH1BW", "style": {"Color:": " Brown"}, "reviewerName": "bugbiz", "reviewText": "My puppy did not cry at all.", "summary": "Life saver", "unixReviewTime": 1517788800} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2015", "reviewerID": "A3VP6APOW447ZQ", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "S.R.", "reviewText": "My fish are much healthier with the Stress Coat. Would recommend.", "summary": "Would recommend.", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A3IIQMFNRX6ZTL", "asin": "B0002DK26C", "style": {"Size:": " Small"}, "reviewerName": "Rae", "reviewText": "My doggie loves this ball, and best of all it doesn't make any noise. Every evening, I fill it for her.", "summary": "LOVES", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2015", "reviewerID": "A1R3GZYY0KGJ3", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "chrischan", "reviewText": "Been buying this for years. Cats love this scratcher the best. And play with the ball occasionally too. Especially after I add catnip to the scratcher.", "summary": "Cats love these cardboard scratchers.", "unixReviewTime": 1444003200} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2016", "reviewerID": "A22LYT87K46RQD", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Fish"}, "reviewerName": "Barbara J Maluo", "reviewText": "Really good for dogs that have an allergy to grains and they love. Plus the best price around.", "summary": "Five Stars", "unixReviewTime": 1455840000} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2017", "reviewerID": "A3ULIML6MU63Y1", "asin": "B0001AB42W", "style": {"Size:": " Sofa 60\" x 12\"", "Style:": " Mat and Controller"}, "reviewerName": "Sherrie", "reviewText": "So far, so good. We have turned it on low and left it on the couch whenever we are not in the room and overnight. Just having it on the couch has stopped them from jumping up and they haven't even gotten shocked by it!", "summary": "Great buy", "unixReviewTime": 1510444800} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "A296Z4WZUOX9HX", "asin": "B000084EEC", "style": {"Size:": " 5 lbs", "Style:": " Regular"}, "reviewerName": "aceducy", "reviewText": "Use it every night on Collie's food - they love it. Beats the garbage they're putting into commercial vitamins", "summary": "Excellent product", "unixReviewTime": 1427587200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A2EOFHLTO06XAZ", "asin": "B0002YFBF8", "style": {"Size:": " 1 lb", "Style:": " Powder"}, "reviewerName": "AH", "reviewText": "Great supplement, helps with my dogs allergies", "summary": "Five Stars", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2012", "reviewerID": "A1NO59EHPQVMFP", "asin": "B0002C7FFE", "reviewerName": "JustLauren", "reviewText": "I've tried Advantage and Advantage II on my dogs and they still had fleas! I switched to Advantix years ago and have not looked back. Only recently I switched to Advantix II and I still love the product. It works for my 2 big dogs. Say no to fleas!", "summary": "Will not buy anything else!", "unixReviewTime": 1339545600} +{"overall": 1.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A2YXUV20158YQ1", "asin": "B0002Z162O", "reviewerName": "Anthony B.", "reviewText": "Leaks", "summary": "One Star", "unixReviewTime": 1447200000} +{"reviewerID": "AZZAJ9DDOMBIZ", "asin": "B0002RJMA0", "reviewerName": "Jennifer Brown", "verified": true, "reviewText": "This is the first brush I bought for my puppy, and he loves it! It's not the greatest for his hair type, but he likes the way it feels when I brush him with it.", "overall": 4.0, "reviewTime": "04 9, 2017", "summary": "It's not the greatest for his hair type", "unixReviewTime": 1491696000} +{"overall": 2.0, "verified": true, "reviewTime": "12 15, 2012", "reviewerID": "AXBAQM9IQANAF", "asin": "B0002HBMYO", "style": {"Color:": " Egg Babies"}, "reviewerName": "M. CICIO", "reviewText": "Well, I thought this would be a lot like the squirrels in the tree, which I LOVE..but, after getting the eggs back into the stuffed animal, which was NOT an easy task..my beagle destroyed the stuffy in no time at all...the eggs are still around, but not a fav for my dog.", "summary": "egg babies toy", "unixReviewTime": 1355529600} +{"overall": 1.0, "verified": true, "reviewTime": "12 19, 2015", "reviewerID": "A3ICUM9JY3HLG3", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Tearless Extra Gentle"}, "reviewerName": "DD", "reviewText": "The last time I bought this it's not tearless at all. everytime I use it my dogs eyes are getting burnt. Just bought in October.", "summary": "NOT TEARLESS", "unixReviewTime": 1450483200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71xby3tKr-L._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "A14AUO9KHJQ7GU", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "Richard Barrientes", "reviewText": "Our puppy just turned 8 months today so it came at the perfect moment for him!!! He loves it, it keeps him entertained, and I can cook dinner, lol!!!", "summary": "Happy Puppy!!!", "unixReviewTime": 1524700800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "AZE9B72776AXO", "asin": "B0002AT450", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "Donna Davis", "reviewText": "Perfect for cleaning up after my Great Pyrenees.", "summary": "Five Stars", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A1JSOWJ172VWN3", "asin": "B000255OIG", "style": {"Size:": " 14 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "Brooke", "reviewText": "My dog LOVES these things. They are like puppy \"crack\", and have helped improved training.", "summary": "Puppy \"crack\"", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2017", "reviewerID": "A1NKDPEC3A84MC", "asin": "B0002DJONY", "style": {"Size:": " 50 Pound"}, "reviewerName": "Dr. Hibberstein", "reviewText": "Love this unit. Very well built and holds a lot of kibble.", "summary": "Five Stars", "unixReviewTime": 1514332800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "AF6MZ5LS61ZL0", "asin": "B0002DK2A8", "style": {"Size:": " Regular"}, "reviewerName": "Abagail Adams", "reviewText": "Great design! This cat littler box is working out very well. I was very pleased to find a self-cleaning litter box that didn't have an automatic mechanism. It's very easy to setup and use. Other Amazon reviews helped me decide to purchase this product and I'm very glad I did.", "summary": "Great design! This cat littler box is working out ...", "unixReviewTime": 1433116800} +{"overall": 1.0, "verified": true, "reviewTime": "03 19, 2015", "reviewerID": "A35C7SQQOXDXXL", "asin": "B0002AT1DA", "reviewerName": "A Fernandez", "reviewText": "This product does not work! As soon as I put the spray can back down she goes right back to scratching the sofa. The smell is horrible.", "summary": "Useless", "unixReviewTime": 1426723200} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A37QWGMLJSI4WD", "asin": "B00025YVHG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "JAMES A COX", "reviewText": "I'm using the product but not sure if it is working the way the it should", "summary": "Five Stars", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A2VKNNX9PDTLAY", "asin": "B0002ARQYG", "style": {"Size:": " Large"}, "reviewerName": "MW", "reviewText": "Our breeder recommended this brush as a every day use for my Leonberger and it works great.", "summary": "Great brush!", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A1P98ORIN891WO", "asin": "B000633U58", "style": {"Size:": " 5 lbs.", "Flavor Name:": " Chicken - Small Breed", "Package Type:": " Standard Packaging"}, "reviewerName": "tasha", "reviewText": "My dog just loves it and the price is right.!!!", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"overall": 4.0, "verified": true, "reviewTime": "09 22, 2014", "reviewerID": "A2I6J570F1KTAU", "asin": "B0002DIRXC", "reviewerName": "donnacooksalot", "reviewText": "What a comfy tote for your favorite pet, whether in the air or on the ground. Our new Siberian cat baby calls this her home in the car, and she loves it. It's lightweight, breathable, and includes a padded floor for comfort.", "summary": "Deluxe is the word, for sure!", "unixReviewTime": 1411344000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A29A4HECS7Z48L", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "jeremy", "reviewText": "Might need some catnip to get them on it at first but after that it's a go to scratcher for them", "summary": "Works well!", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A2XLXMTRTFNLS0", "asin": "B000255PGM", "reviewerName": "Candyman", "reviewText": "Good deal, helps maintain nitrate levels.", "summary": "Five Stars", "unixReviewTime": 1419033600} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2015", "reviewerID": "A2369FIFATE61R", "asin": "B0002A5VK2", "style": {"Size:": " 100 MILLILITER"}, "reviewerName": "chokung", "reviewText": "awesome product!", "summary": "Five Stars", "unixReviewTime": 1424649600} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A1R9AH9N99NRDT", "asin": "B00061UN14", "style": {"Size:": " 5 lb"}, "reviewerName": "msplantladi", "reviewText": "I liked this because the pieces are bigger as my macaws just seem so uninterested of the regular small stuff that is suppose to be for parrots.", "summary": "I liked this because the pieces are bigger as my macaws ...", "unixReviewTime": 1430352000} +{"overall": 2.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A2QCOUBN5XL2V5", "asin": "B00028ZMBC", "style": {"Size:": " 6 Count", "Package Type:": " Standard Packaging", "Style:": " Bacon"}, "reviewerName": "clothes horse", "reviewText": "Dog eats in less than a minute. Doesn't compare to a chew like they say.", "summary": "Treat not a chew", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A3445YU07NWQ9W", "asin": "B000062WUT", "style": {"Pattern:": " Mr. Bill"}, "reviewerName": "H. Franckhauser", "reviewText": "My puppy loves this!!!", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2016", "reviewerID": "A3CDWQT15B6FGJ", "asin": "B0002DJONY", "style": {"Size:": " 50 Pound"}, "reviewerName": "Ashley", "reviewText": "I now own three of these containers. Love them!", "summary": "Love these containers!", "unixReviewTime": 1475366400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2015", "reviewerID": "A1WE6ME1P5A5ZH", "asin": "B0006342P0", "style": {"Size:": " 7 lb", "Style:": " Dry | Rice & Egg Recipe"}, "reviewerName": "SEK", "reviewText": "Arrived on time. The cats really enjoyed it.", "summary": "The cats really enjoyed it.", "unixReviewTime": 1440115200} +{"overall": 5.0, "verified": false, "reviewTime": "02 21, 2017", "reviewerID": "A1MC1T1F2CL9GM", "asin": "B0002AT3MO", "style": {"Size:": " 42-Inch w/Divider", "Style:": " Single Door"}, "reviewerName": "Tas", "reviewText": "Midwest crate is exactly what I expected. It seems sturdy enough to hold a large dog. My dog does not fight the cage so it hold him nicely.", "summary": "Midwest crate is great!!", "unixReviewTime": 1487635200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "AV3XTMK5I2AWI", "asin": "B000255OIG", "style": {"Size:": " 14 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "CANTHESPAM", "reviewText": "I make cookies for my dogs and have for many years. I grind the cubes into powder and add to my cookie dough. All of my dogs have loved it and a few even stood by the oven as they were baking.", "summary": "All of my dogs have loved it and a few even stood by the oven ...", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": false, "reviewTime": "09 1, 2014", "reviewerID": "A3368D8E8IJT4T", "asin": "B00063415G", "style": {"Size:": " Jumbo"}, "reviewerName": "G LEWIS", "reviewText": "He goes to bed with his \"baby\" every night . . .", "summary": "Five Stars", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2018", "reviewerID": "A20EFB09WKHK7E", "asin": "B000634CSW", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "Donald Taylor", "reviewText": "Our cats prefer this over canned food!", "summary": "Five Stars", "unixReviewTime": 1523750400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2018", "reviewerID": "A1PWUUOU3U6L9Q", "asin": "B000634818", "style": {"Size:": " Mini Biscuits, 5-Ounce Bag", "Flavor Name:": " Puppy", "Package Type:": " Standard Packaging"}, "reviewerName": "Lori", "reviewText": "puppy loves these treats", "summary": "Five Stars", "unixReviewTime": 1520899200} +{"overall": 4.0, "verified": true, "reviewTime": "10 23, 2015", "reviewerID": "A2ECMHMB0O9GFL", "asin": "B00025K10W", "style": {"Size:": " 1000-Count"}, "reviewerName": "Lmarino", "reviewText": "Hope this really helps deflect fleas w the garlic formula.", "summary": "Four Stars", "unixReviewTime": 1445558400} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2017", "reviewerID": "A2I92MN1I579HM", "asin": "B0002A5VIY", "style": {"Size:": " 2 L / 67.6 oz."}, "reviewerName": "Brandon", "reviewText": "Good bio media short of bio home but cost is definitely less and still very good. Another great Seachem product.", "summary": "Good bio media short of bio home but cost is ...", "unixReviewTime": 1489881600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A37IN5XBYTOA9H", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Our 90 pound 8 month old german Shepard who tears through everything hasn't devoured this yet. I'd say it's doing its job!", "summary": "Durable", "unixReviewTime": 1515628800} +{"overall": 1.0, "verified": true, "reviewTime": "06 12, 2015", "reviewerID": "A10Q6B0X2MUA1L", "asin": "B0002J1F7G", "reviewerName": "FluffytheNewt", "reviewText": "My cat has NEVER had MORE fleas!!! I've been using this brand for 6 months and my house it drenched in fleas. Never using Frontline again.", "summary": "DID NOT WORK", "unixReviewTime": 1434067200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2018", "reviewerID": "A23JSEJT9Q3VH6", "asin": "B0002ASBRM", "reviewerName": "Abby", "reviewText": "My guinea pig loves it!", "summary": "Guinea pig sleeps in his every night!", "unixReviewTime": 1520121600} +{"overall": 5.0, "verified": true, "reviewTime": "02 15, 2014", "reviewerID": "AI6QK6U4W2N7W", "asin": "B0002DJWUY", "style": {"Size:": " Heavyweight (5.00\" x 3.25\" x 5.00\")"}, "reviewerName": "Ana M. Stovall", "reviewText": "My 8 month old Doberman still hasn't been able to destroy it and he likes the nubs. I wish I had gotten it for him when he was teething, I think he would have liked the way it felt on his gums.", "summary": "Sturdy enough for a Doberman", "unixReviewTime": 1392422400} +{"overall": 4.0, "verified": true, "reviewTime": "12 22, 2017", "reviewerID": "A16MFCD3EJ1ORV", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "Wancito", "reviewText": "Solid post, but there are unsightly screw holes on the top.", "summary": "Four Stars", "unixReviewTime": 1513900800} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A30WKMGC4KW6R2", "asin": "B0002DK6FE", "reviewerName": "joseph m.", "reviewText": "Great product.", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2013", "reviewerID": "ACJWXSF2U6HFW", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Danielle Bercier", "reviewText": "German Shepherds and hard biters love it! It helps give great exercise and they can't destroy it during play or training.", "summary": "Tough toy!", "unixReviewTime": 1371945600} +{"overall": 4.0, "verified": true, "reviewTime": "07 11, 2015", "reviewerID": "A29B2IO27XYJOB", "asin": "B000634G9C", "style": {"Size:": " 120 count", "Style:": " Senior"}, "reviewerName": "Steve", "reviewText": "I have 3 Pointer dogs at are up in years. One has hip issues and I believe these vitamins have helped her get around. All 3 are extremely active for their ages.", "summary": "Highly recommended vitamins for senior dogs.", "unixReviewTime": 1436572800} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A8IV9RC8AGWGD", "asin": "B0001AB42W", "style": {"Size:": " Large 48\" x 20\"", "Style:": " Mat and Controller"}, "reviewerName": "Amanda Callahan", "reviewText": "Keeps my dogs off of the couch. Works great. Long-ish battery life.", "summary": "Great for pets", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A9YFB18B4WOWR", "asin": "B0002DHXX2", "style": {"Size:": " 30-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Kitty", "reviewText": "must have for bottom of crate, works good.", "summary": "works good.", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "AYSINY3B4HX19", "asin": "B0002APIIW", "style": {"Size:": " 500 ml"}, "reviewerName": "PRADEEPTA KUMAR JENA", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A2RU9NBR0VA7OD", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "R. Frazier", "reviewText": "Compared to the pet store... these are the best priced snacks ever!!", "summary": "SUPER AWESOME PRICE!!!", "unixReviewTime": 1507680000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2011", "reviewerID": "A228EMSW4H157R", "asin": "B000084ERH", "style": {"Size:": " Souper/X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Joan L. Cortez", "reviewText": "My dogs love this bone and they cannot destroy it in a week. My Golden Retrievers just love it!", "summary": "Amazon Galileo Best Dog Bone In Town", "unixReviewTime": 1306108800} +{"overall": 3.0, "verified": true, "reviewTime": "10 12, 2013", "reviewerID": "ATWSGKCY68CA1", "asin": "B0002DJXPI", "reviewerName": "Cristina R. Veiga", "reviewText": "my dog detsroy it in 18 min, he is not big but is a french bulldog he looks for the sound till bite it till the end", "summary": "destructabe", "unixReviewTime": 1381536000} +{"overall": 3.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A10PIINYM81DFV", "asin": "B0002DHBHU", "reviewerName": "Ktina", "reviewText": "They took one look at it and walked away. Kitties are unpredictable and so are products.", "summary": "Kitties ignored it!", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2013", "reviewerID": "A1EPB90U0KGQRJ", "asin": "B000084EEF", "reviewerName": "jennifer", "reviewText": "my cats loooove this toy. they play with it all the time and its great because they can play with it by themselves. put a little catnip in the center and they happy kitties! this is my cats favorite toy in the house", "summary": "the best toy ever", "unixReviewTime": 1378166400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A29XULFK0LMENP", "asin": "B0002DJKW4", "style": {"Color:": " Royal Blue"}, "reviewerName": "maggiej", "reviewText": "Perfect for kittens!", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"reviewerID": "A163VMJRI7Q4HQ", "asin": "B0002RJMA0", "reviewerName": "arnief", "verified": true, "reviewText": "Doesn't really go deep enough on my Aussie. Ended up buying more expensive brush that does a better job but still use soft side of brush", "overall": 3.0, "reviewTime": "01 29, 2013", "summary": "Dog double side pin brush", "unixReviewTime": 1359417600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A1VQ1SZ08JJ2MR", "asin": "B0002567WS", "style": {"Size:": " 0.78 lb"}, "reviewerName": "Jenna McMaster", "reviewText": "Through all the birds I've had over the years not a single one hasn't loved these. I've tried all the flavors, all the varieties, and many of the different sizes. They are simply the best things to use as treats, period.", "summary": "Best Treats", "unixReviewTime": 1482192000} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2016", "reviewerID": "AXALUWB0R3RL2", "asin": "B0002DK4IS", "style": {"Size:": " Large"}, "reviewerName": "Doris S K Asbury", "reviewText": "Bought this for a friend who had recently adopted a puppy. This was the perfect Christmas gift. I will probably purchase another one for a gift later!", "summary": "This was the perfect Christmas gift", "unixReviewTime": 1452729600} +{"overall": 2.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A1OC0UM6X4BCL", "asin": "B0002DGI1U", "style": {"Size:": " 4.5 lb"}, "reviewerName": "Becky Smith", "reviewText": "my guineas didn't like - but they are fussy.", "summary": "they didn't like it.", "unixReviewTime": 1453939200} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A1HPZG9V7DK8KN", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Living A Good Life", "reviewText": "My dog loves these tasty treats. He spends lots of time trying to get them out of Kong toys.", "summary": "Delicious doggy snacks!", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": false, "reviewTime": "05 11, 2016", "reviewerID": "A3PLGZAKBZ88EL", "asin": "B00061UPNA", "style": {"Size:": " 2-Pounds"}, "reviewerName": "Marsha Cravener", "reviewText": "My canary likes this food alot!!", "summary": "Five Stars", "unixReviewTime": 1462924800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A2JQ6HHBS6QTI3", "asin": "B0002AQ228", "style": {"Size:": " Large", "Color:": " Black Hammertone"}, "reviewerName": "anonomous", "reviewText": "Very well constructed. Gives my loves birds space to fly a bit. Tray and bottom grill is easily removed for cleaning.", "summary": "Tray and bottom grill is easily removed for cleaning", "unixReviewTime": 1454284800} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A31EFSN86HSXHN", "asin": "B0002AR22C", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "D. Konz", "reviewText": "The dog chewed the felt off it right away, so couldn't use it anymore.", "summary": "Four Stars", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A39A4IQ62ZV6QT", "asin": "B00025Z74C", "style": {"Size:": " 0.70 oz"}, "reviewerName": "Ninaev", "reviewText": "Nice treat for my betta", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2015", "reviewerID": "A1ONVQZM1S0J1C", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "DB", "reviewText": "My dogs are aggressive chewers and these hold up well.", "summary": "Great for dogs who love to chew.", "unixReviewTime": 1426550400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "AOK4ZG0J26WNJ", "asin": "B0002IJXDK", "style": {"Size:": " 6OZ"}, "reviewerName": "BobB", "reviewText": "They are grain free and the perfect size for training. Still kind of pricey but you get what you pay for, right?", "summary": "Our dog loves these", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": false, "reviewTime": "09 25, 2016", "reviewerID": "A1WSLPYPPP3HZB", "asin": "B0002XAFTG", "style": {"Style:": " 1 Pack"}, "reviewerName": "Richard Diranian", "reviewText": "A canine's favorite! Great price and quickly delivered.", "summary": "Five Stars", "unixReviewTime": 1474761600} +{"reviewerID": "A2G1VQ67QUAX2D", "asin": "B0002I0GV8", "reviewerName": "Thomas G. Cummings", "verified": true, "reviewText": "I had concerns how this would be after shipping, however it was packed well and arrived on time with no problems. We have a 1 year old golden who really likes the lamb and rice version of this. It is a good fit for a young active dog.", "overall": 5.0, "reviewTime": "01 7, 2015", "summary": "It is a good fit for a young active dog", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A3HRC4L4DEXTHB", "asin": "B0002MLAEQ", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "Pamela Jones", "reviewText": "Cats love it", "summary": "Five Stars", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2016", "reviewerID": "ANT5JCRWQSYPI", "asin": "4847611102", "reviewerName": "keri Banister", "reviewText": "My kitties can't live without this! No more hair balls in my house.", "summary": "Cat's love this and it does work! No more hair balls", "unixReviewTime": 1475193600} +{"overall": 3.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "AFHZZWJKJRLN6", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "J. McLean", "reviewText": "Little squirrel didn't last long.", "summary": "Three Stars", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A2BU0OBCKFDUKE", "asin": "B00028ZLTK", "reviewerName": "Valerie M. Bury", "reviewText": "Our dogs take these daily for arthritis!", "summary": "Five Stars", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2014", "reviewerID": "A2W027BZO2Z16L", "asin": "B0002DHH42", "reviewerName": "Rod", "reviewText": "works", "summary": "Five Stars", "unixReviewTime": 1415232000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2017", "reviewerID": "A2XCK5N3L9CPFL", "asin": "B0006346GA", "reviewerName": "Matt & Liz C", "reviewText": "It makes my tanks bright", "summary": "Five Stars", "unixReviewTime": 1488412800} +{"overall": 4.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "A261PG63GDOSO0", "asin": "B0002AS1RW", "reviewerName": "The Gift Lady", "reviewText": "Works as promised.", "summary": "Stops our dog from eating too fast", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "AWKC5RPZCIBOV", "asin": "B0002J1FPI", "reviewerName": "Rob C", "reviewText": "Same old reliable product with delivery and price that are the best", "summary": "Will continue to buy this from Amazon as our source for this product", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2017", "reviewerID": "A15PUOQ7Q17OE7", "asin": "B0002DK60E", "style": {"Size:": " Large"}, "reviewerName": "Campbell", "reviewText": "This system works great but don't use as directed follow the instruction on first review with sifter Always in center ...it is a little hard to separate the sections but worth it no more scooping took less that one min to give my \"Brat cat \" clean liter", "summary": "This system works great but don't use as directed follow the instruction on ...", "unixReviewTime": 1505433600} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A2SR324EBXOOLX", "asin": "B0002APRGA", "style": {"Color:": " Black with Fluorescent Highlights"}, "reviewerName": "Jose A Vazquez", "reviewText": "Item came in excellents conditions.", "summary": "Five Stars", "unixReviewTime": 1459296000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/717rGFXHiKL._SY88.jpg"], "overall": 5.0, "vote": "27", "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A6BQ1UX97VAB4", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Misty", "reviewText": "A must have for aquariums we have used this to set up a new aquarium and after 3 days of purchasing our first round of mickey mouse platys fish they are as happy and vibrant as can be", "summary": "great for all freshwater fish", "unixReviewTime": 1427328000} +{"overall": 3.0, "verified": true, "reviewTime": "09 29, 2016", "reviewerID": "A5T10F9O55568", "asin": "B000084EEC", "style": {"Size:": " 1 lb", "Style:": " Small Breed"}, "reviewerName": "rachel", "reviewText": "I liked this, at first. After several weeks, my dog developed an allergy to it. We had to discontinue use.", "summary": "Watch for allergies.", "unixReviewTime": 1475107200} +{"overall": 5.0, "verified": false, "reviewTime": "10 17, 2016", "reviewerID": "A3HA0D66JLCZCD", "asin": "B0002MLAE6", "style": {"Size:": " 7 lb. Bag"}, "reviewerName": "Charlene M Cody", "reviewText": "My cats like this special food. Thank you Amazon. Char", "summary": "Five Stars", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "AUPEQHYMWNEU", "asin": "B000256606", "style": {"Size:": " 48 oz"}, "reviewerName": "Josh", "reviewText": "My bunny loves this hay. I love it too because of how they package it. It is much easier than other brands to pull out of the bag without making a mess.\n\nMy only complaint is that typically there is a bunch of those small pieces in the bottom of the bag that aren't usable.", "summary": "great hay", "unixReviewTime": 1458864000} +{"overall": 3.0, "verified": true, "reviewTime": "09 3, 2013", "reviewerID": "AG50Y7KCLNM3W", "asin": "B0002AQHBE", "style": {"Size:": " 4 per Pack", "Package Type:": " Standard Packaging"}, "reviewerName": "Mike", "reviewText": "works okay but the neck is pretty skinny and my older tubes did not fit. Had to use newer one's.", "summary": "works okay", "unixReviewTime": 1378166400} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A2PUHH4ET0N0JE", "asin": "B0002DGYXW", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Dorothy", "reviewText": "Very nice, easy to put on the cage. My amazon grey likes it!", "summary": "Good product!", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A233J838FIXF8E", "asin": "B000633Y4A", "style": {"Size:": " Pack of 1", "Flavor Name:": " Peanut Butter"}, "reviewerName": "Joseph A. Vazquez", "reviewText": "my girls love it, it a solid bone that they go nuts for at first because of the peanut butter..once they get most of it out they lose some interest in it but they still naw on for a quite a bit..doesnt fragment too much and isn't messy like the knee bones", "summary": "girls love it", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2014", "reviewerID": "A3EXTA5FVWJV7T", "asin": "B000255MXI", "style": {"Size:": " 1-Pack", "Style:": " Weekend (4-Count)"}, "reviewerName": "Judy G", "reviewText": "Use for vacations, works well no problems with fish.", "summary": "Five Stars", "unixReviewTime": 1419206400} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A148C3Q56H8FCT", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "Robert F.", "reviewText": "easy to use and throws the ball great", "summary": "throws the ball great", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A2WF3A4V0HVMF9", "asin": "B00061MO7K", "reviewerName": "Claudia E. Kiblinger", "reviewText": "use this daily for my collies and does keep the plague down", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A2Q2D3571BWWZ7", "asin": "B0002565SY", "reviewerName": "Laurie", "reviewText": "perfect fit,awesome filter. and super quick shipping!", "summary": "Everything was perfect with this order", "unixReviewTime": 1441670400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 19, 2017", "reviewerID": "A1EJG595LPW4K9", "asin": "B000634CJQ", "style": {"Size:": " 31.1 lb. Bag"}, "reviewerName": "Patricia Griswold", "reviewText": "I can see results already! Coat improved, frisky, and overall improved health! My pup is a six year old rescue, but the Brewer's yeast is doing its job also, but w/o the gas!", "summary": "Use this for all ages?!", "unixReviewTime": 1511049600} +{"overall": 3.0, "verified": true, "reviewTime": "01 8, 2013", "reviewerID": "A1YRNMOZZYTC95", "asin": "B0002I0RN0", "style": {"Size:": " Large"}, "reviewerName": "First Mrs. Korade", "reviewText": "Very good but if you have a big dog be careful the treats are small and may cause choking. I bought two also the medium size. Peanut butter works if you leave it alittle open.", "summary": "My Dog likes to carry it around!", "unixReviewTime": 1357603200} +{"overall": 1.0, "verified": true, "reviewTime": "04 11, 2015", "reviewerID": "A2OJKH6Y8WCJ3", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "Scooter Bee Dot Rocks", "reviewText": "didn't work for me", "summary": "One Star", "unixReviewTime": 1428710400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A2J5OLZWD9RJU9", "asin": "B0002AR17S", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "VA Mermaid", "reviewText": "My puppy absolutely loves this toy. Fill the inside with peanut butter and it's a great treat!!!!", "summary": "Fill the inside with peanut butter and it's a great treat!", "unixReviewTime": 1418601600} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A3FGFIQ2JY9WGF", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "A. Rein", "reviewText": "Very solid dog bone", "summary": "good product", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "AOEY7OZ7CT66L", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Crapgamer17", "reviewText": "Cat loves it. A lot more durable than I expected.", "summary": "Five Stars", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2014", "reviewerID": "AIW1YPYQWMY4H", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "VB", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1411603200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A386CNLWZUF3EH", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Patricia Kenworthy", "reviewText": "This was an impulse buy, added on to an order since I already had free shipping. It's a felt-like fabric on a stick. I had all four cats chasing me around the house with it this morning. That's what I expect from a good cat toy.", "summary": "Yes, they'll chase it!", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2013", "reviewerID": "AUVOJ2C8VC3TM", "asin": "B0002H3RCY", "reviewerName": "K.C.", "reviewText": "I have dogs and chickens, so I keep this in my first aid kit. It's great to have on hand in case of an emergency. I've only had to use it once, but it did stop the bleeding.", "summary": "Works well", "unixReviewTime": 1362268800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A2C45P2D4WUI5P", "asin": "B0006342P0", "style": {"Size:": " 7 lb", "Style:": " Dry | Rice & Egg Recipe"}, "reviewerName": "Mom&amp;Pop", "reviewText": "Seems to be working great for sensitive kitty!", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A3PHUHEM3O5EMR", "asin": "B00061MRFO", "reviewerName": "Sarah", "reviewText": "Did it's job but made the dam pretty sick.", "summary": "Four Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A364MU8LMRRSTE", "asin": "B0002I9O70", "style": {"Color:": " 1 pack"}, "reviewerName": "Amazon Customer", "reviewText": "This shampoo really helps my Maltese. She has skin allergies and this shampoo doesn't irritate her skin. Also makes her hair super soft!", "summary": "Great for Maltese.", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A3D6P54NDW3PP9", "asin": "B0002DHXX2", "style": {"Size:": " 30-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Andrew", "reviewText": "Puppy loves this in his crate! its very soft and cleans in the washer.", "summary": "perfect", "unixReviewTime": 1442707200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A29FQHHKSLJGWP", "asin": "B0002ARTYI", "style": {"Color:": " Blacks & Grays"}, "reviewerName": "Kathryn Robertson", "reviewText": "My dog is nuts for this just wish it was a higher quality", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A2TVCT23SKGNHK", "asin": "B0002DIDQI", "reviewerName": "Jose Vazquez", "reviewText": "Fast delivery. Will buy again.", "summary": "Five Stars", "unixReviewTime": 1472774400} +{"overall": 1.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A3TKUWCDMGO1PR", "asin": "B0002A5ZGC", "style": {"Size:": " 10 inches", "Color:": " Clear"}, "reviewerName": "mark almquist", "reviewText": "not all parts arrived and it was cracked, (2 cracks) no lid.", "summary": "One Star", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A3UNHNEKR0LIF6", "asin": "B0002DGWIE", "style": {"Size:": " 16"}, "reviewerName": "don", "reviewText": "works very well.", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2017", "reviewerID": "A3VRW0V9OKGOKE", "asin": "B000255NKA", "style": {"Size:": " 200-Gallon"}, "reviewerName": "Russell", "reviewText": "great value", "summary": "Five Stars", "unixReviewTime": 1494460800} +{"overall": 3.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A3EA8VJHPHM5TA", "asin": "B000634336", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "Patrick G.", "reviewText": "They definitely work as advertised but I'll save money next time by using a cardboard box.", "summary": "Three Stars", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2017", "reviewerID": "A157W2HYK373KJ", "asin": "B00061MO7K", "reviewerName": "Lyndal", "reviewText": "Works great, does just what we were looking for in a product.", "summary": "Five Stars", "unixReviewTime": 1488585600} +{"overall": 5.0, "verified": false, "reviewTime": "11 29, 2016", "reviewerID": "A1FFHBC9E0ZJ9N", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Bacon Flavored Bone"}, "reviewerName": "madam_mim", "reviewText": "My dogs love anything nylabone and the vet said my dogs teeth look much better now that I got these chews for them", "summary": "My dogs love anything nylabone and the vet said my dogs teeth ...", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A374KW1E4ZDIXQ", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "Amy Britt", "reviewText": "Dogs loved it, humans not so much : ) Easily fixed by taking it away when you're home and only putting it out while out.", "summary": "Like buying drums for a friends kids", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A31N3V113H898H", "asin": "B0002I0RNK", "style": {"Size:": " Small"}, "reviewerName": "Michele Phillips", "reviewText": "Dogs love this toy. I put peanut butter all over it and the dogs are busy for a while.", "summary": "Great dog toy", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2013", "reviewerID": "A1644WKC5Z18VY", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 50: 20 to 50 Gallons"}, "reviewerName": "Janet Hootman", "reviewText": "We've had Marineland filters before, went through two of 'em, before getting the AquaClear 50 Power Filter. The AquaClear is much more quiet, and keeps the water in our turtle tank amazingly clear! Would rate this filter many more stars, if I could!", "summary": "The Best Filter Ever!", "unixReviewTime": 1377648000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2016", "reviewerID": "A391C0ILZ39ZTV", "asin": "B0002AR15U", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "High Expectations", "reviewText": "Kongs are great. Very durable. Dogs love them. Buying on Amazon saved about 30% over brick and mortar.", "summary": "Great dog toy, great price", "unixReviewTime": 1458086400} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2017", "reviewerID": "AMFWW4XRCSGSU", "asin": "B000261O0W", "style": {"Size:": " 12.5 oz. (Pack of 12)", "Package Type:": " Standard Packaging", "Style:": " Senior"}, "reviewerName": "Josie", "reviewText": "This is the best food for a dog with anal problems. It solved my Chi's problem pretty fast.", "summary": "Five Stars", "unixReviewTime": 1493251200} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2015", "reviewerID": "A18KDVWL2ZVRQV", "asin": "B0002DK6W2", "style": {"Size:": " 12-inch"}, "reviewerName": "S. Bowman", "reviewText": "I ordered this along with 3 other toys for our two dogs and this one stole the show. It's like the other ones don't even exist! I may have to order another one so the can each have their own.", "summary": "Both dogs LOVE this toy!", "unixReviewTime": 1435190400} +{"overall": 3.0, "verified": false, "reviewTime": "11 2, 2014", "reviewerID": "AW4FB2664XHO5", "asin": "B0002G7ZQO", "reviewerName": "Debby Porter", "reviewText": "I'm a little disappointed in Poop Off. I have other household cleaners which do a better job. And it's not cheap.", "summary": "I'm a little disappointed in Poop Off", "unixReviewTime": 1414886400} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2012", "reviewerID": "A2Q2WRVKDJM1O6", "asin": "B000256ES0", "style": {"Size:": " 16-Ounce"}, "reviewerName": "ya ya", "reviewText": "Recommended by a friend, I followed the instructions and noticed a rapid improvement my turtles. Much better altermative to sulfur dip.", "summary": "Worked quickly for turtles", "unixReviewTime": 1352764800} +{"overall": 4.0, "verified": true, "reviewTime": "03 3, 2018", "reviewerID": "A2I13PVNYTRRNR", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Potato & Duck"}, "reviewerName": "MommaDukes", "reviewText": "Healthy treats which I always look for. But, they are rock hard. I cant break them no matter how hard I try. They are perfect for my big dog but a no go for my smaller dog.", "summary": "They are perfect for my big dog but a no go for ...", "unixReviewTime": 1520035200} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "A16OIOSYTBL200", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "Chris Jones", "reviewText": "Java loves his - cuddles and protects them- talks back to them - he has 3-4 and they are his personal pals and pets. . . . Java is a Shih Tzu.", "summary": "Java loves his - cuddles and protects them- talks back ...", "unixReviewTime": 1412899200} +{"overall": 4.0, "verified": true, "reviewTime": "01 20, 2014", "reviewerID": "A1OPH7JV1X0RXA", "asin": "1890948217", "style": {"Format:": " Paperback"}, "reviewerName": "S. Hart", "reviewText": "Went to Clicker Training Classes in my area. Wanted a refresher course for myself. Happy with this purchase, and the lessons provided.", "summary": "Clicker Training Works", "unixReviewTime": 1390176000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A9CNGHQD7XHOO", "asin": "B0002ASCEE", "style": {"Size:": " Giant"}, "reviewerName": "JLovesToShop", "reviewText": "Holds enough water for 4 dogs! Sturdy bowl great quality. They can't flip it over either.", "summary": "Great bowl. Love it.", "unixReviewTime": 1492560000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A1BXWUEGQ3D6ZH", "asin": "B000256ELM", "style": {"Size:": " 19\" x 8\""}, "reviewerName": "30s Woman", "reviewText": "This is the best turtle dock I've tried. I've had three sizes now as my turtle has grown and it type seems to stick to the glass the best and lets my turtle dry his shell completely (it doesn't sink for my 7\" red-eared slider).", "summary": "Would Highly Recommend", "unixReviewTime": 1419811200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A2A8AKQ2YHYVPY", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "C.WILLIAMS", "reviewText": "Just like discribed", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "A3B3EWWYW15KYK", "asin": "B000633RHO", "reviewerName": "JustMe", "reviewText": "my dogs love this product, and I do too. I have been using it for years. It's not irritating for their skin, is gentle and smells good.", "summary": "love this", "unixReviewTime": 1357171200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2018", "reviewerID": "ANY8A4AJZ3F0P", "asin": "B00023ND8G", "reviewerName": "Ron VanMeter", "reviewText": "Easy to install and works great", "summary": "Five Stars", "unixReviewTime": 1516665600} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A2J5FJRZV4994H", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "D. Bors", "reviewText": "Never met a cat who didn't lift a paw for this one. I volunteer at an animal shelter and have four of my own. Even the laziest kitties will bat at it. Claws don't damage it. And they last. I've thrown them in the washing machine in a laundry bag and they come out perfect.", "summary": "One of the best cat toys.", "unixReviewTime": 1432684800} +{"overall": 3.0, "verified": true, "reviewTime": "09 17, 2013", "reviewerID": "A2N541UMBIBHV", "asin": "B0002MISZ0", "style": {"Size:": " Large"}, "reviewerName": "Navigio", "reviewText": "dogs liked it but Siberian husky and German shepherd ate it in no time flat. Not nearly as tough as a real fire hose.", "summary": "fun but easliy chewed up", "unixReviewTime": 1379376000} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2016", "reviewerID": "A3IA9RH5TPUHG", "asin": "B0002AQMB4", "reviewerName": "mw", "reviewText": "this is a wonderful product.", "summary": "all you need to keep your dog's ears clean, dry and healthy.", "unixReviewTime": 1482537600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2015", "reviewerID": "A3GBBTB5FHVVP1", "asin": "B0002DH0QM", "style": {"Size:": " 20 Pound", "Color:": " black"}, "reviewerName": "antonin karasek", "reviewText": "Loved", "summary": "Five Stars", "unixReviewTime": 1432857600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A31STPC28MN990", "asin": "B0002DHZIU", "style": {"Size:": " Large, 3-Pack"}, "reviewerName": "Steve Miller", "reviewText": "As expected.", "summary": "Five Stars", "unixReviewTime": 1430265600} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A2ZBTF3CA6ES3", "asin": "B0002AT3TC", "style": {"Size:": " 6\" x 6.38\" x 29\"", "Style:": " Grass"}, "reviewerName": "Kaleb, Haley & Ava's Gram", "reviewText": "It does what it's supposed to do, picks up dog poop. It seems to be very sturdy, we've been using it for several weeks now. We have 5 dogs, so this definitely gets a workout every time it's used. Would recommend.", "summary": "Super scooper!", "unixReviewTime": 1440201600} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2015", "reviewerID": "A87GEJ8DTWDI7", "asin": "B0002QWX7A", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "upnorth girl", "reviewText": "I just love that I can replace my puppy's squeaker!!", "summary": "Great squeaker!", "unixReviewTime": 1422489600} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "AL4Z27DFY65L0", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "DARLAKNAUER", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "A2HK1VCMUVWYWO", "asin": "B0001BV0OI", "style": {"Size:": " 40-Pounds"}, "reviewerName": "AMK", "reviewText": "Thank you.", "summary": "Five Stars", "unixReviewTime": 1450742400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2013", "reviewerID": "A1ACI4A6I9VUHS", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "Gina", "reviewText": "Works well because the pads are small, and if they pee in one spot, I can remove that pad, instead of having to remove a big pad (which would be wasteful).", "summary": "Pads work well", "unixReviewTime": 1386892800} +{"overall": 3.0, "verified": true, "reviewTime": "06 10, 2016", "reviewerID": "A2MD56KL9LIXCQ", "asin": "B0002ASCGC", "style": {"Size:": " Large"}, "reviewerName": "Louise Jordan", "reviewText": "Its alright but was not blue..Kinda cream color..Lid want stay on..", "summary": "Just ok", "unixReviewTime": 1465516800} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "AOMFKHO1LHM7I", "asin": "B0002AR3O4", "style": {"Size:": " 100-Watt/120-Volt", "Package Type:": " Standard Packaging"}, "reviewerName": "Calvin M Barber", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": false, "reviewTime": "10 1, 2017", "reviewerID": "A15SVSBNVCCC5X", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Sharon Lothian", "reviewText": "My German Shepard puppy loves these peanut butter treats! They are crunchy and she actually has to chew them instead of just swallow them!", "summary": "My puppy's favorite treat", "unixReviewTime": 1506816000} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2014", "reviewerID": "A2U3NB45B37XXZ", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "danae", "reviewText": "I have used this for over 20 years. I continue to use when I do monthly water changes (20 percent of existing water).", "summary": "Excellent for fish", "unixReviewTime": 1401753600} +{"overall": 5.0, "verified": true, "reviewTime": "10 17, 2016", "reviewerID": "AHL8YIH8E4KE1", "asin": "B0002DHO1I", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Alexander J Orona", "reviewText": "This retains attention, even for a dog that likes novelty. I use it as part of my daily ritual with my Siberian husky to keep him entertained for about 20-30 minutes in the morning.", "summary": "This retains attention, even for a dog that likes ...", "unixReviewTime": 1476662400} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A2MK9CQW0L5JI0", "asin": "B000084EEC", "style": {"Size:": " 5 lbs", "Style:": " Regular"}, "reviewerName": "CaroleSue", "reviewText": "Not sure about this yet.", "summary": "Five Stars", "unixReviewTime": 1440201600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A1M9XZQ20QIGO1", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Brown Rice & Lamb Meal"}, "reviewerName": "nevia", "reviewText": "I have a very picky Giant Schnauzer that seem to hate most things but this brand of treats she loves them. She would eat the whole bag if I let her.", "summary": "My Giant Schnauzer love them.", "unixReviewTime": 1392595200} +{"overall": 2.0, "verified": true, "reviewTime": "10 6, 2017", "reviewerID": "A143BYZBTGGBGT", "asin": "B0002DHO1I", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Cathy", "reviewText": "I have a westie and a frenchton, they both destroyed this toy in 1 day. Totally chewed it into pieces.", "summary": "I have a westie and a frenchton, they both ...", "unixReviewTime": 1507248000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A2OBS28M274EL4", "asin": "B00025YW9I", "reviewerName": "racingisfun", "reviewText": "Item as described.", "summary": "Nice Replacement", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": false, "reviewTime": "09 22, 2015", "reviewerID": "A1JDR0QGCYHL26", "asin": "B0002DJ4RU", "reviewerName": "Susi K.", "reviewText": "This is for a smaller hamster, a larger one will have a hard time with the wheel", "summary": "Five Stars", "unixReviewTime": 1442880000} +{"overall": 4.0, "verified": false, "reviewTime": "01 17, 2016", "reviewerID": "A2V3THN58CDZLC", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "G. Chow", "reviewText": "Fun for them to play with. I like it because it does not hurt when you step on it in the dark.", "summary": "Pip Likes It", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A21K9R1ZOFWX54", "asin": "B0002565QG", "reviewerName": "Charlie M", "reviewText": "Purchased for my magnum 350 power filter. Great fit for my 29G setup. Fast delivery.", "summary": "Great fit for my 29G setup", "unixReviewTime": 1412208000} +{"overall": 3.0, "verified": false, "reviewTime": "02 1, 2018", "reviewerID": "A3HIJHZ0DQH1L6", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Gerolyn howard", "reviewText": "Used as directed and it's NOT working my fish keeps dying.", "summary": "Three Stars", "unixReviewTime": 1517443200} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "A2K3A3HA229ZVN", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Beef"}, "reviewerName": "Jules", "reviewText": "My older arthritic Rottweiler/lab loves these and it really helps with her arthritis! Tried a few other brands and formulas and she wouldn't eat most of them but she loves eating these and actually will beg for them.", "summary": "My dog loves these!", "unixReviewTime": 1435708800} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2018", "reviewerID": "A3OSY05NH82OPH", "asin": "B0002566H4", "style": {"Size:": " Giant/Large", "Flavor Name:": " Chicken Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Michelle C.", "reviewText": "literally the only dog toys my dog can not destroy", "summary": "Five Stars", "unixReviewTime": 1520380800} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2015", "reviewerID": "A38MZZ3CLMAX71", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " Pink Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Daryle K", "reviewText": "Beds arrived quickly and we exactly what we needed.", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"overall": 1.0, "vote": "8", "verified": false, "reviewTime": "03 31, 2011", "reviewerID": "A1W6R6W8Q693XT", "asin": "B0002APXMI", "reviewerName": "Matthew Snyder", "reviewText": "Even if this thing didn't have dividers and was completely open, it is still too small for ONE fish. Your fish will die a slow and horrible death being cramped in this thing. Any fish should have no less than 2.5 gallons of water to swim and live in.", "summary": "You've got to be kidding...", "unixReviewTime": 1301529600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A3244SLI7V4N8O", "asin": "B0002DH2WO", "reviewerName": "Erik", "reviewText": "I love it.", "summary": "Five Stars", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A3JI1KXM18A1OO", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Wendy Gray", "reviewText": "Great Kong for medium sized dogs.", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2013", "reviewerID": "A3E7Y3WYEWD9IU", "asin": "B0002H3RCY", "style": {"Size:": " .5 ounce", "Style:": " powder"}, "reviewerName": "F. Parker", "reviewText": "I like that this is a little tub so that having it handy with qtips at the ready is easy on case it is needed. I t does the job well.", "summary": "Miracle Care Kwik Stop Styptic Powder", "unixReviewTime": 1388448000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2017", "reviewerID": "A1V3XBTCH0J6XK", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Kindle Customer", "reviewText": "My dog loves this toy. It keeps her busy.", "summary": "Great toy", "unixReviewTime": 1484438400} +{"overall": 4.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "A135AMJPVDSIH5", "asin": "B0002DK7LC", "reviewerName": "John C", "reviewText": "Not for hard chewers, but it seems to have great mouth appeal, and it can hold a few proper sized treats inside.", "summary": "but it seems to have great mouth appeal", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2014", "reviewerID": "A2NC3LHKIQQJLQ", "asin": "B000084F4A", "reviewerName": "montana shopper", "reviewText": "my pups love it!", "summary": "Five Stars", "unixReviewTime": 1413936000} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A2EWWF22SO10NJ", "asin": "B00005Q7CJ", "style": {"Pattern:": " M3"}, "reviewerName": "Kate", "reviewText": "My dogs do not like these at all. They won't even try them. Never had that response before. So now I don't know what to do with them!", "summary": "Dogs Not Interested", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2013", "reviewerID": "A3SHS5Z8PFTTP1", "asin": "B00025Z6YI", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "B. Sharp", "reviewText": "I didn't realize when I bought this size of a container how big it would be. I forgot how light fish flakes are. When it arrived I figured I would have food for ever - but they seem to be making a dent in it already.\n\nMy fish are thriving off this food.", "summary": "HUGE container of food", "unixReviewTime": 1361491200} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2016", "reviewerID": "A1NX3EJTUQ9ONV", "asin": "B0002DHXEQ", "style": {"Style:": " Small Animal Playpen"}, "reviewerName": "Donna Lynn Billings", "reviewText": "I am using it now for kittens. Mom can jump in and they can't jump out yet. It's a good height. I had a shorter one, but it wasn't long before the kittens could climb out.", "summary": "Great pet pen", "unixReviewTime": 1461369600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A23953YBPOZ065", "asin": "B0002DHW10", "style": {"Style:": " 42-Inch"}, "reviewerName": "Taryn Truese", "reviewText": "Fast shipping. Sturdy. I use it for the dog to potty indoors as a super large washable mat.", "summary": "Works very well", "unixReviewTime": 1437091200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "02 27, 2014", "reviewerID": "A1I5R8HOP0DO6O", "asin": "B000255NLE", "style": {"Size:": " 100-Gallon"}, "reviewerName": "pargueraboatpr", "reviewText": "I have a 55 gl salt water tank. I had this same skimmer and it last over 3 years always on. Brought the same one again since it works great and it is simple.", "summary": "Skimmer", "unixReviewTime": 1393459200} +{"overall": 1.0, "verified": false, "reviewTime": "11 24, 2016", "reviewerID": "A1BCRPF9D8BPHG", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "catafamilia", "reviewText": "Would you let your kids eat or drink from cheap plastic? I didn't think you would?\nSo why this????\nUse SST and never have cat acme on your cats chin.", "summary": "No plastic; No Acne!", "unixReviewTime": 1479945600} +{"overall": 3.0, "verified": true, "reviewTime": "10 9, 2017", "reviewerID": "A304J11UQPW3K6", "asin": "B0002ASDIY", "reviewerName": "Carly K.", "reviewText": "had pointy hard plastic sticking out that could rip betta fins, had to cut and file off", "summary": "Three Stars", "unixReviewTime": 1507507200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2017", "reviewerID": "A2YJZ9SYU9FNC0", "asin": "B0002DIYVC", "reviewerName": "Susie Rose", "reviewText": "Bought this for one of rabbits that throws his bowls around. The crock works great as it is screwed onto the cage and now my naughty bunny cannot throw his pellets everywhere. Haha", "summary": "The crock works great as it is screwed onto the cage and now ...", "unixReviewTime": 1503014400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2014", "reviewerID": "A1J3GIL41OVGUD", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Rush", "reviewText": "very good price and it worked as described. I verified my water quality with a test kit. I would definitely recommend it to someone else.", "summary": "Works Great", "unixReviewTime": 1398297600} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "A1R4ZV9DWVG8DJ", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Beef"}, "reviewerName": "Grearstuff", "reviewText": "I have two Doggies that have bone issues. They love Zukes and it seems to help.", "summary": "Good for my 'Babies'.", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2017", "reviewerID": "AH5FY15HZS75E", "asin": "B0002DH8JG", "style": {"Color:": " Titanium"}, "reviewerName": "Shirley", "reviewText": "Cats love it! Easy to clean & doesn't take up too much space!", "summary": "Five Stars", "unixReviewTime": 1511654400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2015", "reviewerID": "AURC2RQZKXHPO", "asin": "B000084EEF", "reviewerName": "Jenifer S.", "reviewText": "Cat still loves this thing after nearly a year. I move it around the house and he always gets so excited when it's someplace he wasn't expecting, it's like brand new again. He's a little over a year old so still pretty kittenish.", "summary": "Great cat toy", "unixReviewTime": 1448150400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "A175JSOXR2Y88A", "asin": "B0002566Z6", "style": {"Size:": " 45-Ounce", "Flavor Name:": " Maintenance Formula"}, "reviewerName": "Kim Ess", "reviewText": "My Aquatic turtles love it.", "summary": "Five Stars", "unixReviewTime": 1442966400} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A3BZLVY18PFUWG", "asin": "B0000AH3RR", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "Summer", "reviewText": "I buy this and blend it with a more expensive food like Blue Buffalo for my cat with severe IBS. Works very well for him.", "summary": "... this and blend it with a more expensive food like Blue Buffalo for my cat with severe IBS", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1HGVPXVH5N84", "asin": "B00025YVWG", "style": {"Size:": " 35 g"}, "reviewerName": "Amazon shopper", "reviewText": "Our hamster loves this \"fluff\"! It helps make his bed cozy!", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "ATIQI980Y9GEI", "asin": "B000084EYK", "reviewerName": "Amazon Customer", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1470096000} +{"reviewerID": "A33EZBCCFC850F", "asin": "B0002DJVX2", "reviewerName": "B. Bauman", "verified": true, "reviewText": "Perfect parakeet nails are going down already", "overall": 5.0, "reviewTime": "01 11, 2017", "summary": "A winner", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A1J7DUJMWGT3D6", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Suzzy", "reviewText": "Dogs love it.", "summary": "Five Stars", "unixReviewTime": 1477440000} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A3GM0W10GU2JDM", "asin": "B0002I0O5G", "style": {"Size:": " X-Large", "Style:": " Squirrel"}, "reviewerName": "Tree5", "reviewText": "I bought 2 of these dog toys. One in the smaller size for my puppy and one of the large size for my friends full grown dog. Both dogs loved to play with them. The only problem is that they get destroyed pretty quickly if your dogs a chewer", "summary": "Dog loved it!", "unixReviewTime": 1408579200} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2010", "reviewerID": "A242NHKVYIYHHP", "asin": "B0002V2S6Q", "style": {"Size:": " X-Large", "Color:": " Red"}, "reviewerName": "Joseph R. Norman", "reviewText": "I use it on our Rhodesian Ridgeback in cold weather. He does not have any undercoat and his hair is basically on long enough to avoid sunburn so he really does not like temps below 40 degrees without his jacket!", "summary": "Fits well", "unixReviewTime": 1291766400} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "02 16, 2009", "reviewerID": "A1BIY7DN9HZA5D", "asin": "B0002ARUKQ", "reviewerName": "J. Metcalf", "reviewText": "These things are great! I had a similar pair but they made a 'clicking' sound when squeezing them that my dog would always pull her foot away. Not with these though. Highly recommend for dog lovers.", "summary": "Best around", "unixReviewTime": 1234742400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2016", "reviewerID": "A3AY7EUYHMYNYK", "asin": "B000084E2P", "reviewerName": "dragonlady", "reviewText": "My picky cats like this dry food. It is one of the only things they consistantly will eat.", "summary": "My picky cats will eat this.", "unixReviewTime": 1480896000} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2014", "reviewerID": "A2YAVMOIBLBRI3", "asin": "B00028IX7M", "style": {"Size:": " Medium/Large", "Color:": " Black"}, "reviewerName": "Brittany Clubbs", "reviewText": "Nice size gate for my little dog. Wish I got the smaller size one but it does its purpose.", "summary": "Nice size gate for my little dog", "unixReviewTime": 1409529600} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "ABNRQLWRGB84W", "asin": "B0002XUJFG", "style": {"Size:": " 80-Count"}, "reviewerName": "Juliann M.", "reviewText": "These are the best training pad for absorption! I would recommend them to anyone!", "summary": "Five Stars", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2014", "reviewerID": "A30E7HIJFDX2SP", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Charlotte Oathout", "reviewText": "GREAT chew toy!!", "summary": "Five Stars", "unixReviewTime": 1408492800} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2015", "reviewerID": "ADAPNQS82W273", "asin": "B0002DH2YW", "style": {"Size:": " Twin pack"}, "reviewerName": "Denise Bell-Larsen", "reviewText": "Almost time to reorder, my bird loves this, Also birds need this if they are laying eggs.", "summary": "Light grit use for smaller birds.", "unixReviewTime": 1435276800} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2014", "reviewerID": "A1F9RGJTN0I15I", "asin": "B0002ARHI6", "style": {"Size:": " Medium", "Color:": " Bright Pink"}, "reviewerName": "L. Suvada", "reviewText": "Works so much better than the old one! My dog walks great now! She doesn't fuss with this one like she did w the other one.", "summary": "Awesome!", "unixReviewTime": 1399593600} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2018", "reviewerID": "A2PHAJWSPQFLY1", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "Great toy to fill boredom and keeps the attention of food driven dogs well. For the money, this is better than any brain teaser game you can buy Fido!", "summary": "BEST TOY to fill boredom", "unixReviewTime": 1521590400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A1WMUSX2GBZJTY", "asin": "B0002A5VK2", "style": {"Size:": " 100 MILLILITER"}, "reviewerName": "Gregory Thompson", "reviewText": "Item as described and shipped fast !!", "summary": "Five Stars", "unixReviewTime": 1425168000} +{"overall": 4.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A3M3O5KAY44053", "asin": "B0002H3ZLM", "style": {"Size:": " SMALL UP TO 25 LBS.", "Color:": " DEEP PURPLE"}, "reviewerName": "elime", "reviewText": "Definitely works if fitted correctly as instructed! It keeps my little terrier mix from pulling so much on our walks. However, the nose strap easily goes right up to her eyes no matter how I adjust it, and that is annoying to her.", "summary": "Works! Nose strap problem though.", "unixReviewTime": 1437091200} +{"overall": 3.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A1HUJKC7QC65O4", "asin": "B0002ZJV44", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Tina", "reviewText": "nicely made, good quality but I've just come to terms that nothing out there can or will prevent my dog from pulling on her walks. I just look at the bright side, at least I have nicely toned arms because of all the pulling (lol)", "summary": "unsure?", "unixReviewTime": 1414627200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2016", "reviewerID": "A2RETDNWQ42H1R", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "Amazon Customer", "reviewText": "my animals love this but does make alittle mess make sure you have a matt to cover your floor", "summary": "Five Stars", "unixReviewTime": 1468972800} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2016", "reviewerID": "A8KAI3500EAXN", "asin": "B00025YU3Q", "style": {"Size:": " 9.5 inches"}, "reviewerName": "viriel", "reviewText": "Works great super durable.", "summary": "Five Stars", "unixReviewTime": 1478649600} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A3AKVU353S7X7C", "asin": "B0002AR5BA", "style": {"Size:": " Medium"}, "reviewerName": "qingchenzi0", "reviewText": "My pet very like it!", "summary": "Five Stars", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "06 14, 2017", "reviewerID": "A2GWEXCBTB5X23", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "jennifer", "reviewText": "My little puppy loves it! She's only 2 pounds and it's bigger than\nher, so funny to see her drag it around!", "summary": "Cute", "unixReviewTime": 1497398400} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A4YXHIWZ3PB95", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Amazon Customer", "reviewText": "This product has really helped me a lot! I am a beginner and love how everything is explained.", "summary": "I am a beginner and love how everything is explained", "unixReviewTime": 1468800000} +{"reviewerID": "A2NC2VADTT5T6I", "asin": "B0002BTDAK", "reviewerName": "Mary Ann E.", "verified": true, "reviewText": "Soft and washable!!! And my puppy loves to sleep on it in his crate!", "overall": 5.0, "reviewTime": "07 22, 2016", "summary": "Five Stars", "unixReviewTime": 1469145600} +{"overall": 3.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A153RU4L9M3CLM", "asin": "B00028DOX0", "style": {"Size:": " Extra Large"}, "reviewerName": "Christopher T.", "reviewText": "Not the best fit but it works just loose inside door but gap is filled", "summary": "Three Stars", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2014", "reviewerID": "A2685SIUTCKN7A", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "doneandover", "reviewText": "This filter does a good job of keeping the tank clear. We can clean the filter at least once and use again. Will keep buying this filter.", "summary": "This filter does a good job of keeping the tank clear", "unixReviewTime": 1407542400} +{"overall": 3.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A36Z4BG6FJMJM7", "asin": "B000084F1Z", "reviewerName": "Cindi", "reviewText": "This is a great product and my dogs love it. Unfortunately it does not ship well. Each time I order it I have many broken bones but this time the package was badly damaged and almost every treat was broken. Guess this is something I need to pick up locally.", "summary": "Great product", "unixReviewTime": 1434758400} +{"overall": 3.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A2ZXO76Z19EH97", "asin": "B0002ASMT4", "style": {"Style:": " Smooth ring"}, "reviewerName": "Molly Girl", "reviewText": "This is a big favorite for our chewer. The entire toy gets sharp however and I ended up giving my dog the traditional straight bone which won't be a risk to her gums.", "summary": "Bite marks become sharp. Stick with the traditional Nylabone shape.", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "A3B377WXK6A55F", "asin": "B0002ARHI6", "reviewerName": "Thomas Reed", "reviewText": "My dog was constantly pulling on the leash this product works great after several walks i was able to walk her without it and the pulling was greatly improved. She doesn't like wearing it but it works well", "summary": "Works well as described", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2015", "reviewerID": "A2BY59W96SFQIR", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "ferret", "reviewText": "Perfect for ferrets. These trimmers won't crush their nails. I just put a drop of Ferretone on their bellies and they let me trim their nails with ease.", "summary": "Good for ferrets", "unixReviewTime": 1420329600} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2018", "reviewerID": "A3CTZ9E7TRQDQN", "asin": "B00008GKAV", "style": {"Size:": " 33 lbs.", "Flavor Name:": " Chicken", "Package Type:": " Standard Packaging"}, "reviewerName": "Denise Mann", "reviewText": "Good the mix with the wet dog for too.", "summary": "Five Stars", "unixReviewTime": 1524787200} +{"overall": 4.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A1I2222Q8G9DFL", "asin": "B000062WUT", "style": {"Pattern:": " Mr. Bill"}, "reviewerName": "TinaMM", "reviewText": "He loved it but destroyed it, I liked it more than he did LOL", "summary": "Four Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A3UOC57LXQBFAQ", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Tearless Extra Gentle"}, "reviewerName": "MARILYN", "reviewText": "I love this and so do my dogs. Don't have to worry about getting soap in their eyes", "summary": "Love", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A1DPEBUKXHB5D0", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "smokin' moses", "reviewText": "perfect for a small, under 10 gallon tank", "summary": "Five Stars", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "AF8WSO0LA1CU7", "asin": "B0002I9O84", "style": {"Size:": " 60 Tablets"}, "reviewerName": "Inge Goetz-Cordova", "reviewText": "USE IT ALL THE TIME FOR MY CATS AND HAVE MINIMAL HAIRBALLS. IT IS HEALTHIER THEN USING THE PETROLEUM BASED GEL, AND THE CATS LOVE IT.", "summary": "GREAT HAIBASLL REMEDY", "unixReviewTime": 1386374400} +{"overall": 1.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A2UVCJ5ODGR0ZH", "asin": "B0002ASDJ8", "reviewerName": "MarMed", "reviewText": "I was so optimistic. I examined it as close as you can on a picture. I read all the answers to, is it safe for a betta. But it does not pass the nylon test. I will not be putting it in his tank. I'd return it. But it's not worth the hassle.", "summary": "Not for a betta", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A2FGC2JREM2RG8", "asin": "B000084DXS", "style": {"Size:": " 4.5 lb", "Style:": " Dry | Chicken Meal"}, "reviewerName": "Travis Huff", "reviewText": "My dog loves it best price you will find.", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2017", "reviewerID": "A31SILZXQRIIKD", "asin": "B000633TU4", "reviewerName": "Southpaw Power", "reviewText": "My dog loves them, but they are like potato chips so I have to limit her. I keep them in a Vittles Vault to keep them fresh.", "summary": "but they are like potato chips so I have to limit her", "unixReviewTime": 1487376000} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2015", "reviewerID": "A3HKSXLGASL39R", "asin": "B000633Y4U", "style": {"Size:": " Large"}, "reviewerName": "frank kirstatter", "reviewText": "love this", "summary": "Five Stars", "unixReviewTime": 1423440000} +{"overall": 3.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A1PFJR1Y07PE14", "asin": "B0006342AU", "style": {"Size:": " 1 Ounce Pouch"}, "reviewerName": "Trubluman", "reviewText": "Cat's not excited", "summary": "Meh", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2014", "reviewerID": "A32TGHD77OX43A", "asin": "B0002H3T2W", "style": {"Size:": " 120 Ounce (Stainless)"}, "reviewerName": "diane miller", "reviewText": "It works very well out in our garage where the stray kitties live..", "summary": "Five Stars", "unixReviewTime": 1416787200} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A3Z75WXXZL1JN", "asin": "B0002AQMWS", "style": {"Size:": " 5 lb"}, "reviewerName": "crouton56", "reviewText": "I love it!", "summary": "Five Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2014", "reviewerID": "A1EXY1GZSJXJSR", "asin": "B0002563KE", "style": {"Size:": " For 110 Power Filter", "Package Type:": " Standard Packaging"}, "reviewerName": "David Blankenburg", "reviewText": "Bought this to go with a new motor unit on a filter build. Not much to say about it other than it works. I couldn't find at my LFS so I had to order it.", "summary": "Great replacement part", "unixReviewTime": 1396224000} +{"overall": 3.0, "verified": true, "reviewTime": "03 28, 2014", "reviewerID": "A2QNTMW6ONFDWV", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Cherry Creek", "reviewText": "Great idea and it fits nicely into the Kong Toy but Milkbone cookies when broken in half work very well and are much cheaper.", "summary": "An OK Cookie but too $$$", "unixReviewTime": 1395964800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2017", "reviewerID": "A2U964B7STUZIK", "asin": "B000084F39", "style": {"Size:": " Medium"}, "reviewerName": "Jennifer Smith", "reviewText": "Perfect size for my 2.5 lb Holland lop bunny.", "summary": "Effective litter box for bunny", "unixReviewTime": 1511740800} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2017", "reviewerID": "A1N2TW7B3MPP7U", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "S. Sarathy", "reviewText": "I use this at every water change. So far the fish look healthy!", "summary": "Five Stars", "unixReviewTime": 1494460800} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "A1G4XT8GDJ1KEO", "asin": "B0002XAFTG", "reviewerName": "Anne W.", "reviewText": "My dog loves these smashed up on top of her food! They are crunchy and low calorie so I never feel bad giving her several of them :)", "summary": "Great topper!", "unixReviewTime": 1486598400} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2013", "reviewerID": "A1PIESEVP0F6IE", "asin": "B000256606", "style": {"Size:": " 24 oz"}, "reviewerName": "Jen", "reviewText": "My piggie prefers this to any other substance on the planet. Her human mommy loves not running out and not dragging home an awkwardly shaped bale thanks to subscribe and save. We're both pleased.", "summary": "Guinea Pig's Favorite", "unixReviewTime": 1369180800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A17FDPOYPSV9PG", "asin": "B0002DGSRO", "style": {"Size:": " 150 Grams", "Style:": " CatGrass Plus Tub"}, "reviewerName": "Deirdre Heinrich", "reviewText": "my cat loves this stuff - can't get enough of it! it's easy to use, grows quick and lasts a long time.", "summary": "great!", "unixReviewTime": 1400025600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2014", "reviewerID": "A38KQIUM4APMMN", "asin": "B00025K1GG", "style": {"Size:": " .70 Ounces"}, "reviewerName": "Nancy Campbell", "reviewText": "fish love this", "summary": "Five Stars", "unixReviewTime": 1405641600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2013", "reviewerID": "A1CWGIJC29USNF", "asin": "B00006IX5A", "style": {"Size:": " Large"}, "reviewerName": "wonkavision", "reviewText": "So far, they've held up well.\nDogs really like them.\nTheir humans like them as they don't seem to get as slobber slimed as the rubber version.", "summary": "Dogs love these.", "unixReviewTime": 1361750400} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A1V6F04I7UKMPW", "asin": "B0002DJXGW", "style": {"Size:": " Small"}, "reviewerName": "Janet Miller", "reviewText": "My Boston's love this!", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"reviewerID": "A606B4QR6WF7S", "asin": "B00063434K", "reviewerName": "Trina", "verified": true, "reviewText": "love it", "overall": 5.0, "reviewTime": "11 14, 2016", "summary": "Five Stars", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2016", "reviewerID": "A3P8R2288SEYVX", "asin": "B0002AQYYO", "style": {"Size:": " 10-Inch"}, "reviewerName": "firelane", "reviewText": "My dog loves this toy because it's soft, not a hard frisbee. The first one I had held up a long time and only got torn because two dogs were fighting over retrieving it.", "summary": "Great Toy!", "unixReviewTime": 1480204800} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "AVGPCW7R8LAK6", "asin": "B0002J1FOO", "reviewerName": "vinnie caputo", "reviewText": "i verifed with multiple sources online. this is not the knock off verison that other customers wrote about. have been buying this and using it for months. works the same as the kind i was getting from the vet. way less expensive.", "summary": "this is not the knock off", "unixReviewTime": 1368576000} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A13DYA52LSXBU", "asin": "B00061MO7K", "reviewerName": "rvw741s", "reviewText": "My kitty loves it. We've had this before, and will stick with for many years to come.", "summary": "Same old, but good stuff", "unixReviewTime": 1426982400} +{"overall": 4.0, "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A24KUVPV4ONRD6", "asin": "B0002DK6HM", "reviewerName": "Jessica Sutphin", "reviewText": "Great little waterer. The only annoying thing is the difficulty of taking off the lid and refilling. It's very hard to snap back on.", "summary": "Great!", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2014", "reviewerID": "AADPRM0L7YZ6Y", "asin": "B000255NAK", "style": {"Style:": " pH & Adjuster"}, "reviewerName": "mac", "reviewText": "This is the easiest way to manage your fish tank.", "summary": "awesome", "unixReviewTime": 1406505600} +{"overall": 3.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "A2PNR0O7JY2RQC", "asin": "B0002AR17S", "reviewerName": "SNDYGRL", "reviewText": "No where did I and do I see where this is for puppies....\nDisappointed.", "summary": "Disappointed.", "unixReviewTime": 1470614400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A1WTXNTXMP9M16", "asin": "B0002G7ZQO", "reviewerName": "jane doe", "reviewText": "works great and arrived when stated", "summary": "Five Stars", "unixReviewTime": 1464220800} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "AMSKX3RQ8LHZ6", "asin": "B0002AR36M", "style": {"Size:": " Medium"}, "reviewerName": "Bar fly now Mama", "reviewText": "This has been a really god product. We have had it for a long time and it is has stood up to play, flossing, and outdoor weather. Recommend for any active dog.", "summary": "Great stocking stuffer", "unixReviewTime": 1470873600} +{"overall": 2.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A2LX4BGYWQMGXT", "asin": "B000062WUT", "style": {"Pattern:": " Mr. Bill"}, "reviewerName": "Erika Sullivan", "reviewText": "Pug chewed his mouth off within a day and broke his voicebox within 5 days. Wish he had lasted longer.", "summary": "OH NO Mr. Bill...you stink...", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "07 14, 2016", "reviewerID": "A2KE9PA380KMOV", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "julia haberman", "reviewText": "I have five little mutts and lately they had been running from me when time to trim their nails. Groomer told me a dull blade can cause cracks, splinters that hurt, to get new one often. These are sharp, padded for excellent grip, good size too. No more running from Mommy!", "summary": "Replace trimmer or risk painful cracks.", "unixReviewTime": 1468454400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2017", "reviewerID": "AN9W69YI95PGI", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " Pink Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Deb", "reviewText": "fits in little kennel for baby puppy comfort. Washable & holds up very well. Need another for new boy puppy.", "summary": "fits in little kennel for baby puppy comfort. Washable ...", "unixReviewTime": 1500163200} +{"overall": 4.0, "verified": true, "reviewTime": "02 27, 2012", "reviewerID": "A3DBPT9MV1IQOX", "asin": "B00006IX59", "style": {"Size:": " SPORT 26L", "Color:": " ASSORTED"}, "reviewerName": "ILOVEMYHUSKY", "reviewText": "I got the for my puppy thinking it was normal sized. Whelp, I was wrong...this ball is bigger than her head. Will have to wait awhile to use it but it does seem high quality so looking forward to that!", "summary": "MEGA is right!", "unixReviewTime": 1330300800} +{"reviewerID": "A265ZXCJ0P0XB", "asin": "B0002BTDAK", "reviewerName": "Melonmagellan", "verified": true, "reviewText": "This was nice and thick/plush but a bit over priced. I see similar mats at Costco periodically for half the price.", "overall": 3.0, "reviewTime": "07 11, 2016", "summary": "Nice but Expensive", "unixReviewTime": 1468195200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "A2OHDR8WEDN2YR", "asin": "B0002565IE", "style": {"Size:": " 4 lb"}, "reviewerName": "David Nelson", "reviewText": "Some of the parrots prefer these pellets rather than Zupreem.", "summary": "Five Stars", "unixReviewTime": 1492387200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A321C5NODA7PFV", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Peanut Butter"}, "reviewerName": "Rebecca Zheng", "reviewText": "My 7 year old puppy loves these and they have definitely helped with his knee issue!", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2016", "reviewerID": "AZRH1YMUYZCGW", "asin": "B0002HBMYO", "style": {"Color:": " Egg Babies"}, "reviewerName": "Bob Loblaw", "reviewText": "Our dogs love these kind of toys. We restock them whenever they get torn up.", "summary": "Five Stars", "unixReviewTime": 1452124800} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2015", "reviewerID": "AQR0RF64ZXGF0", "asin": "B0002566WO", "style": {"Size:": " 40-Ounce"}, "reviewerName": "tmm", "reviewText": "Filter materialD", "summary": "Filter", "unixReviewTime": 1434844800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A1JX0GEA6AMZ0C", "asin": "B0002ARR90", "reviewerName": "Daniel Conti", "reviewText": "Our kitty Bailey loves this so much that we had to get one for upstairs too.", "summary": "Five Stars", "unixReviewTime": 1493769600} +{"overall": 1.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "AJDMUZBEQ7QWQ", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "Rachel I ", "reviewText": "You have to go over a spot a lot to actually get anything off the glass", "summary": "Not worth", "unixReviewTime": 1511481600} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A1BBPDFXPVEKW4", "asin": "B0002DJXGW", "style": {"Size:": " Small"}, "reviewerName": "Pamela K. Barron", "reviewText": "My puppy loves this toy !!", "summary": "Great Toy !!", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2017", "reviewerID": "A2RR9FQ39NGDNH", "asin": "B000255OIG", "style": {"Size:": " 3 OZ.", "Flavor Name:": " Duck Liver"}, "reviewerName": "Nancy T.", "reviewText": "Even the cat loved these! Unfortunately, he kept knocking them off the shelf and eventually he did it when nobody was around and the dog chewed off the lid. They both had a party after that!", "summary": "Even the cat loved these! Unfortunately", "unixReviewTime": 1508716800} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A2H410D80N7S5Z", "asin": "B0002ARTYI", "style": {"Color:": " Blacks & Grays"}, "reviewerName": "Cindy Dodd", "reviewText": "It's a little small but my dogs love it it's cute and the sound is funny ", "summary": "Five Stars", "unixReviewTime": 1483747200} +{"overall": 4.0, "verified": true, "reviewTime": "09 12, 2013", "reviewerID": "A21AYZ9CXSUQ5P", "asin": "B0002567T6", "style": {"Size:": " 8-Ounce", "Style:": " Freshwater"}, "reviewerName": "kiki", "reviewText": "I can't say if it was this product that did the job or not, but I had ich, used pima- and melafix, upped my temperature, and put in salt. Ich is gone, but my water was cloudy after treatment. 20% water change and we're crystal and healthy.", "summary": "used w/ pimafix, salt, and temp. Ich now gone", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2017", "reviewerID": "A1DEQL8WBJNKEW", "asin": "B00061URQA", "style": {"Size:": " 3.74 oz"}, "reviewerName": "Cash23", "reviewText": "My yorkies love these treats !", "summary": "Five Stars", "unixReviewTime": 1489104000} +{"reviewerID": "A3S01R0R13Z2VU", "asin": "B0002565TI", "reviewerName": "lucy", "verified": true, "reviewText": "AAA", "overall": 5.0, "reviewTime": "10 7, 2015", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A3F2QB2CFWKSDF", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Peggy Shorey", "reviewText": "My lab LOVES this. Still not tired of it.", "summary": "They are chipmunks, not squirrels BTW", "unixReviewTime": 1449619200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2014", "reviewerID": "A1O3JT9YX98IGF", "asin": "B0002DH396", "reviewerName": "Jen", "reviewText": "This fits snugly on the flexi retractable leash. I have a small flashlight in one pouch and some doggy bags in the other. I also have room for my keys. Not enough room for a smart phone but I usually keep that in my pocket anyway. I am happy with it and I would purchase again.", "summary": "Fits perfectly, stays out of the way. Love being able to keep my hands & leash free of clutter.", "unixReviewTime": 1393891200} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A3SJY6MBRF7CWO", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "Edgar", "reviewText": "Only the best of the best.", "summary": "Five Stars", "unixReviewTime": 1479168000} +{"overall": 5.0, "verified": true, "reviewTime": "10 3, 2017", "reviewerID": "A1NJP44RO0CID8", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Heather", "reviewText": "This is pretty fun!", "summary": "Funtime for kitties!", "unixReviewTime": 1506988800} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A24NCQYKOZ685Z", "asin": "B0002DJWUY", "style": {"Size:": " Lightweight (5.00\" x 1.75\" x 4.75\")"}, "reviewerName": "Isabel Lara", "reviewText": "Super addition to my dogs' arsenal of toys. Great dumbbell for training.", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 1.0, "verified": true, "reviewTime": "02 17, 2014", "reviewerID": "A2IAEVJEFBNMIN", "asin": "B0002APQ5M", "style": {"Size:": " 1Pack"}, "reviewerName": "Peaceful Mary", "reviewText": "Got these today - a waste of money. They are so thin that the dog dribbled through them in about 5 minutes. They are basically cheap mini-pads like you'd buy in the women's section of the grocery store. Or the dollar store. That cheap. Don't bother.", "summary": "Waste of money", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "A22JSXBW1S7N62", "asin": "B0002563JA", "style": {"Size:": " 8.4-Ounce"}, "reviewerName": "Amy Paetznick", "reviewText": "Used this for the fish", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 4.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A2JAUQV0IXERHT", "asin": "B0002QX3Q0", "style": {"Size:": " 16-Ounce"}, "reviewerName": "michael e jean", "reviewText": "dogs liked em", "summary": "Four Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A1JRX7I7FHNE5N", "asin": "B000084ES8", "style": {"Size:": " 5.5-Ounce Can (Pack of 24)", "Flavor Name:": " Salmon & Trout Pate", "Package Type:": " Standard Packaging"}, "reviewerName": "djd in VA", "reviewText": "Tuxedo, our 8-year old (cat) loves this, so I have to give it 5 stars. I know this because she meows at least 5 times, loudly before we feed her in the morning.", "summary": "Our cat loves it...", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2017", "reviewerID": "A31ES7R1PYVRU8", "asin": "B0002AS8SY", "style": {"Color:": " Clear", "Package Type:": " Standard Packaging"}, "reviewerName": "Danielle", "reviewText": "Love it!", "summary": "Perfect!", "unixReviewTime": 1511136000} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "A1PCV42H9Q1FQJ", "asin": "B000634JJE", "style": {"Size:": " 12 Ounce"}, "reviewerName": "Holly", "reviewText": "excellent", "summary": "Five Stars", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2PIVX3Q8O8GG5", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Rose", "reviewText": "cats love to play with and it's pretty durable", "summary": "Five Stars", "unixReviewTime": 1426896000} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2018", "reviewerID": "A319OC7OXVMSQC", "asin": "B0002CH1BW", "style": {"Color:": " Golden"}, "reviewerName": "ARL", "reviewText": "While my puppy didn't care for the heartbeat, he does love it for its snuggle power.", "summary": "he does love it for its snuggle power", "unixReviewTime": 1518739200} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "A33EWDSTI5P6YC", "asin": "B00027469M", "style": {"Size:": " Small"}, "reviewerName": "Ed S.", "reviewText": "JUST WHAT I WAS LOOKING FOR... NO MORE FUMBLING AROUND IN PLASTIC BAGGIES IN MY POCKETS TO FIND MY BEST FRIEND'S TRAINING TREATS TO HER ASAP.", "summary": "5 STAR QUALITY AND FUNCTIONALITY", "unixReviewTime": 1510876800} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A12Y8DILS8SI38", "asin": "B0002HZESY", "style": {"Size:": " 25-50lbs", "Color:": " Bleached Linen/Black"}, "reviewerName": "Leanna Wright", "reviewText": "Nice dog house! Big enough for my puggle, stays dry on the inside.", "summary": "Five Stars", "unixReviewTime": 1503100800} +{"overall": 4.0, "verified": true, "reviewTime": "04 2, 2016", "reviewerID": "A3C1GOWBI1PCB6", "asin": "B0002I0O5G", "style": {"Size:": " X-Large", "Style:": " Squirrel"}, "reviewerName": "Greg", "reviewText": "my lord it is big.... but the squirrels come out too easy", "summary": "but the squirrels come out too easy", "unixReviewTime": 1459555200} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A4KI3FLSXQYKW", "asin": "B0002AQPA2", "style": {"Size:": " Medium"}, "reviewerName": "Axel", "reviewText": "Perfect size and the longest lasting of the dog's toys. We like to put various things in it to challenge her.", "summary": "Perfect size and the longest lasting of the dog's toys", "unixReviewTime": 1427241600} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A3MPOTQHGNJICK", "asin": "B0002ASCQC", "style": {"Size:": " large - 2-cup capacity"}, "reviewerName": "iwalkwithedead", "reviewText": "Does the job it was intended to do", "summary": "Five Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "AB5VYVWDUDK31", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Rebecca Cumbee", "reviewText": "great toy", "summary": "Five Stars", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2014", "reviewerID": "A33C8W7EVX9EWL", "asin": "B0002DJ0AQ", "style": {"Size:": " 2.25 Ounces"}, "reviewerName": "Disappointed", "reviewText": "Ive been using this product for my three box turtles for a month now i will say it does work great product a must buy", "summary": "Satisfied", "unixReviewTime": 1397088000} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2016", "reviewerID": "A4FEUO6HMCL2U", "asin": "B000256DVI", "style": {"Size:": " 500-ML"}, "reviewerName": "HJ", "reviewText": "My koi trip balls when I coat their food with this. Doesn't matter what meds I mix it with. Downside is the bottle is pretty big. Smells delicious. Wonder if you can cook with it.", "summary": "Heroin for koi", "unixReviewTime": 1473206400} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A12BZVXF243AKG", "asin": "B0002AR17S", "style": {"Size:": " X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "jennifer", "reviewText": "I wished they came in pink", "summary": "Five Stars", "unixReviewTime": 1520294400} +{"overall": 2.0, "verified": true, "reviewTime": "06 14, 2015", "reviewerID": "A3EAIK0P2QFEM4", "asin": "B0002AS18Q", "reviewerName": "batray", "reviewText": "Very cute but my 8 month old puppy destroyed in two days. Not for heavy chewers.", "summary": "cute but not durable", "unixReviewTime": 1434240000} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A21PZ1M3TCAIBG", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "eddie", "reviewText": "Good value", "summary": "Five Stars", "unixReviewTime": 1431129600} +{"overall": 4.0, "verified": true, "reviewTime": "12 1, 2016", "reviewerID": "A1156MAGYRBUR5", "asin": "B000634HD2", "style": {"Size:": " 28-Pound"}, "reviewerName": "Darla", "reviewText": "Dogs liked it", "summary": "Four Stars", "unixReviewTime": 1480550400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "AQDQMFAQ048LB", "asin": "B000084EEF", "reviewerName": "Customer", "reviewText": "cat loves the hell out of this, especially if I play with it too.", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A1F7PQCTQWLV8", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Madison", "reviewText": "My puppy LOVES this chew toy! He got the brontosaurus - I'm hoping to get the other varieties for him, too.\n\nHe absolutely goes nuts playing with this thing and chewing on it, which makes me a happy dog-momma!", "summary": "Awesome chew toy - puppy loves it!", "unixReviewTime": 1404518400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A1H7SU6AH49JAT", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " DEEP PURPLE"}, "reviewerName": "Ellen Paquin", "reviewText": "Very pleased with product and speed of delivery.... thanks!", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A2CG6QBJH7J17E", "asin": "B0002C7FFE", "reviewerName": "diana", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A1SPY8FSKL0TVJ", "asin": "B0002AQITK", "reviewerName": "Vincent D.", "reviewText": "Good thermometer. Use it in my 1.1g tank, and I try to regulate it to around eighty degrees max. Does the readings right, worked when I needed to manually plug/unplug my heater. Stays secure, doesn't move until cleaning.", "summary": "Durable thermometer, works well.", "unixReviewTime": 1448409600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2008", "reviewerID": "A39OGL3BRP99YF", "asin": "B0002Z16E2", "style": {"Size:": " 1 Pack"}, "reviewerName": "T. Sammons", "reviewText": "Delight your canine friend with their very own bottled water. Give them fresh water everywhere you go! Never a reason for your dog to go thirsty again.", "summary": "Doggie Delight", "unixReviewTime": 1223251200} +{"overall": 4.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A1SWWX37H4DA1W", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "SIVDP", "reviewText": "The only thing they haven't destroyed pretty much immediately.", "summary": "Four Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A15ELD4YIA5UJ3", "asin": "B00028J0CE", "style": {"Size:": " Fits Most 48 Inch Crates-up to 125lbs", "Color:": " Natural"}, "reviewerName": "Megan", "reviewText": "awesome crate pad! my dog loves it, it gives comfort and is super soft!! cleaned up well even after he pooped on it lol :)", "summary": "awesome crate pad", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2013", "reviewerID": "A2IY80G3S499PJ", "asin": "B0002AT464", "reviewerName": "Brian Mathason", "reviewText": "Cheap and effective. This works great for doing the job, especially on grass. I don't think those claw or shovel type ones would work as well.", "summary": "Works great on lawns", "unixReviewTime": 1374537600} +{"reviewerID": "A1URDXQGOXSGTA", "asin": "B000634JL2", "reviewerName": "Brian and Hannah Fleck", "verified": true, "reviewText": "Doesn't seem to want to pick up the hair very well. Honestly I don't use it if I don't have to", "overall": 3.0, "reviewTime": "03 31, 2016", "summary": "Doesn't seem to want to pick up the hair very ...", "unixReviewTime": 1459382400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2015", "reviewerID": "A8K5I4MF6QCGJ", "asin": "B0002ASLTK", "reviewerName": "saturday mourning", "reviewText": "My birds all love this stuff! I definitely recommend giving some of this a try with your birds! It's an excellent and yummy treat!", "summary": "Excellent and yummy treat!", "unixReviewTime": 1424736000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2018", "reviewerID": "AJ3F2T9XFKD5X", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "Kingsley", "reviewText": "Our dog would pull like crazy when going to the park, or if she saw another dog. That is no longer an issue with this leader and she quickly corrects the bad behavior. It's a miracle worker.", "summary": "Miracle Worker", "unixReviewTime": 1516147200} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A2W7OZ0ODRVTOJ", "asin": "B0002AQYYO", "style": {"Size:": " 10-Inch"}, "reviewerName": "fishsticks", "reviewText": "This is the best dog frisbee I have ever seen. It is very sturdy and will stand up to much abuse from a rat terrier. I fully recommend this Tailspin Flyer for any dog that loves to chase frisbees.", "summary": "Best Dog Frisbee", "unixReviewTime": 1470960000} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2017", "reviewerID": "A24OB2BEQISZO2", "asin": "B0002568SG", "style": {"Size:": " 8.75 oz"}, "reviewerName": "Mandie", "reviewText": "Great packaging and came as expected", "summary": "Highly recommend", "unixReviewTime": 1496016000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2014", "reviewerID": "AGILBKYLHLU04", "asin": "B00027ZWFO", "reviewerName": "RLS", "reviewText": "My turtles and fish seems satisfied, so that makes me satisfied", "summary": "Five Stars", "unixReviewTime": 1409616000} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A2QFXSMFUHNJ27", "asin": "B0002NNVUG", "style": {"Size:": " 18-Ounce", "Style:": " Light Vanilla Scent"}, "reviewerName": "Evie", "reviewText": "I wanted to wait until I used it and finally did....very good. My babies did not itch afterwards, have a nice coat, and a soft feel. I do recommend this item. They are not puppyies but are my babies, so its important that the shampoo is tearless.", "summary": "Fresh n Clean tearless puppy shampoo", "unixReviewTime": 1417564800} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A1GJ41K0AVC9AP", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "Good product", "summary": "Four Stars", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2014", "reviewerID": "A104GTX4GP75L1", "asin": "B000084F45", "style": {"Size:": " Large Biscuits, 3.3-Pound Bag", "Flavor Name:": " P-Nuttier", "Package Type:": " Standard Packaging"}, "reviewerName": "B. Taxier", "reviewText": "So far my two German Shepards Nigel Mayhem and Shadow Mayhem have absolutly loved loved loved this product! Highly reccomend for any large dog", "summary": "It comes GSD approved", "unixReviewTime": 1402012800} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A22EPI245DFY06", "asin": "B000255QJS", "style": {"Size:": " 250 ML"}, "reviewerName": "David zheng", "reviewText": "My plants grow like crazy with these.\n\nI supplement a 13 gallon planted with them every couple days and I have to trim every 2 weeks, easy", "summary": "My plants grow like crazy with these", "unixReviewTime": 1452211200} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "A3KXVMKD5DR49B", "asin": "B000256ES0", "style": {"Size:": " 8-Ounce"}, "reviewerName": "Andrew V.", "reviewText": "I couldn't tell if this actually worked or if my betta healed on his own (he's incredibly hardy, even for a betta). Whenever I put in the recommended dosage, my betta still seemed offended by the remedy. His fin rot did stop and go away, though. Take that for what it's worth.", "summary": "Potentially Effective", "unixReviewTime": 1438041600} +{"reviewerID": "A1MLCQ49Y5BRP1", "asin": "B0002APS6O", "reviewerName": "Shapoppa", "verified": true, "reviewText": "What a hunk of junk and a waste of money.", "overall": 1.0, "reviewTime": "02 14, 2016", "summary": "One Star", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A4V43Z7AFZ4GP", "asin": "B00025Z6YI", "style": {"Size:": " 4.52-Pound"}, "reviewerName": "Ana Centeno", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "A6NGAY7V1C49W", "asin": "B0002DJU0G", "style": {"Size:": " 200-Gallon"}, "reviewerName": "Adrian Manz", "reviewText": "I use this in a 1,000 gallon fish only tank. Used it since 1998, and my fish all have been alive for > 10 yrs.", "summary": "I use this in a 1, 000 gallon fish ...", "unixReviewTime": 1450396800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2013", "reviewerID": "A3LV13M3A9G6HB", "asin": "B0002DHOJU", "style": {"Size:": " Small"}, "reviewerName": "Bennett", "reviewText": "So far it hasn't been destroyed. Kong stuff is normally pretty tough and this is no different. Would recommend to any dog owners", "summary": "dog loves it", "unixReviewTime": 1367884800} +{"overall": 4.0, "verified": true, "reviewTime": "07 30, 2013", "reviewerID": "A32B2PCBYB61O5", "asin": "B0002J1F7G", "reviewerName": "JVA", "reviewText": "I used the product as directed and the fleas from my cat totally disappeared after 2 session. It did not work on the first time I place the medicine.", "summary": "Frontline for Cats", "unixReviewTime": 1375142400} +{"overall": 2.0, "verified": true, "reviewTime": "11 11, 2015", "reviewerID": "A2YZXLD1T8AX0Z", "asin": "B0002H3ZLM", "style": {"Size:": " SMALL UP TO 25 LBS.", "Color:": " RASPBERRY PINK"}, "reviewerName": "Lindsey", "reviewText": "My dog despised this harness and I kind of felt bad using it on her!", "summary": "... dog despised this harness and I kind of felt bad using it on her", "unixReviewTime": 1447200000} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A1DARKXTBUZL01", "asin": "B0002ARR2W", "style": {"Size:": " Pack of 1"}, "reviewerName": "~C", "reviewText": "Great tool Thank you!", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A3N3H72SL02GXZ", "asin": "B00061MWP4", "style": {"Style:": " 3-3/4FC: 1/2\" (13 mm)"}, "reviewerName": "Dal", "reviewText": "Great product. Now if I could only get this same thing in 2 and 3 times the length.", "summary": "Cooler, Longer than Metal", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A1E23DZY4HGFCR", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Sweet Potato & Bison"}, "reviewerName": "Melissa M", "reviewText": "If you have limited ingredient needs...this works great...", "summary": "Limited ingredient treats...dogs love", "unixReviewTime": 1451174400} +{"overall": 2.0, "verified": true, "reviewTime": "01 1, 2016", "reviewerID": "A18PFXJ4QPTSX3", "asin": "B00061MRUY", "reviewerName": "Punk4life", "reviewText": "My 3 girls did not like the taste of this stuff.", "summary": "Dogs did not like it", "unixReviewTime": 1451606400} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2017", "reviewerID": "A1J3BHSDNKVBNV", "asin": "B0002C7FFE", "reviewerName": "Brenda Grable", "reviewText": "I have been using this product for years. I highly recommend it.", "summary": "I highly recommend it.", "unixReviewTime": 1499644800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A34VGLCNED3B8N", "asin": "B000084EJO", "reviewerName": "Danner", "reviewText": "cats love", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A2XVEBMYWTP28E", "asin": "B000255MXI", "style": {"Size:": " 1-Pack", "Style:": " Vacation (1-Count)"}, "reviewerName": "kak", "reviewText": "This works great for a freshwater tank with about 8 fish for 10 days!", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 1.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "A20OTNHEUIWGYH", "asin": "B0002MISZ0", "style": {"Size:": " Large"}, "reviewerName": "JGLK", "reviewText": "Golden retriever/lab dog destroyed this in literally 10 minutes. Waste of money for my type dog. Don't waste your cash.", "summary": "not tough", "unixReviewTime": 1402617600} +{"overall": 1.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "AWLM8K2S16R3L", "asin": "B0002DK7NA", "reviewerName": "Rhonda", "reviewText": "I got two of these , my dogs tore them up in less than 5 minutes", "summary": "One Star", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2015", "reviewerID": "A2U5USX3C2VX9P", "asin": "B000084EEC", "style": {"Size:": " 5 lbs", "Style:": " Regular"}, "reviewerName": "Mitchell Brooks", "reviewText": "Invaluable for my Golden Retrievers. This supplement works as good or better than Dinovite at a fraction of the cost. Incredibly fast shipping. This stuff will prolong your dogs life.\nI will order this product as my only supplement for the full dogs life---#1", "summary": "This supplement works as good or better than Dinovite at a fraction of the ...", "unixReviewTime": 1433980800} +{"overall": 5.0, "verified": true, "reviewTime": "10 1, 2016", "reviewerID": "A10Q3ROVHYB05W", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "A.W.", "reviewText": "Much cheaper to make your own cartridges than to buy pre-assembled and is simple to do. I've purchased multiple times and will continue to do so.", "summary": "Economical and easy to put together", "unixReviewTime": 1475280000} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "A34YXFRWAH1I2M", "asin": "B0002DJG0U", "style": {"Size:": " 8-pound", "Package Type:": " Standard Packaging"}, "reviewerName": "sodamom", "reviewText": "I like the smell, the look, and it's easy peasy to clean! My ferrets use it and seem to like this better than Marshalls litter. I only wish it could be less expensive!", "summary": "Good product", "unixReviewTime": 1461715200} +{"overall": 1.0, "verified": true, "reviewTime": "06 4, 2014", "reviewerID": "AVICQVASIHDHE", "asin": "B0002AS1J0", "reviewerName": "SueV", "reviewText": "Bought this one on Amazon when we got a chewer, thinking it would be a good diversion. Even tried cutting it in two to make it smaller, but one look inside was enough. The inside has a net lining, and the tail is a round rope. All of it looked pretty yucky, and smelled the same.", "summary": "Nope, they weren't interested.", "unixReviewTime": 1401840000} +{"overall": 3.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A2VGYH6Q2K779L", "asin": "B0002AAO2M", "reviewerName": "aml", "reviewText": "I say this is okay, just because I am not a huge fan of powders. I find them messy. That said, it seems to be good quality.", "summary": "Good, if you don't mind powders.", "unixReviewTime": 1494806400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2016", "reviewerID": "A1YDEIKMV9V2YF", "asin": "B00025K1H0", "reviewerName": "Frank Williamson", "reviewText": "They love it", "summary": "Five Stars", "unixReviewTime": 1479859200} +{"reviewerID": "A2GXQ29C0E4J0K", "asin": "B0002PYDII", "reviewerName": "Phyllis C. Combs", "verified": false, "reviewText": "I like the look of the box but the newer version of this box the top is very hard to put on easy to take off but it is flimsy and bends easy. The older boxes allow the cat pee to come out of the box on the floor the new one is better good luck getting the top on..", "overall": 1.0, "reviewTime": "03 10, 2018", "summary": "I like the look of the box but the newer version ...", "unixReviewTime": 1520640000} +{"overall": 2.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A173O1NAO7JSR5", "asin": "B0002ARTXO", "reviewerName": "Kindle Customer", "reviewText": "It didn't make any noise/grunts.", "summary": "It doesn't work", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A22QYQG2GPIDXN", "asin": "B000084ES8", "style": {"Size:": " 3-Ounce Can (Pack of 24)", "Flavor Name:": " Kitten Chicken Pate", "Package Type:": " Standard Packaging"}, "reviewerName": "J from MA", "reviewText": "Kitten LOVES this food !! He eats dry food during the day/night and canned food at our dinner time. Like that it is delivered and don't have to hunt for \"kitten\" food.", "summary": "Kitten LOVES the food !!", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2016", "reviewerID": "A2XC2L1AG7KPBO", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "WE-2", "reviewText": "I got tired of paying my vet to clip our felines' nails so I decided to do it myself. This is so much better than the scissor type cutters most people use.", "summary": "This is so much better than the scissor type cutters most people use", "unixReviewTime": 1458259200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2016", "reviewerID": "A2AF2ZI9PNLYF", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "stanj", "reviewText": "Works well with the little stop", "summary": "Five Stars", "unixReviewTime": 1462406400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2017", "reviewerID": "A26S56NH5RDLUQ", "asin": "B0002563UO", "style": {"Size:": " 110", "Package Type:": " Standard Packaging"}, "reviewerName": "Rich", "reviewText": "Good product at a good price.", "summary": "Five Stars", "unixReviewTime": 1497139200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A1C6S7WSD54F4L", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "Tammy Sue", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2011", "reviewerID": "A1S3N3DMZI3ETK", "asin": "B0002AQ228", "style": {"Size:": " Large", "Color:": " Black Hammertone"}, "reviewerName": "Winpuc", "reviewText": "This product was relatively easy to assemble. It's made of solid wrought iron. It rolls easily. Compared to any product I found in the pet stores, it's better made and half the price. I am very happy.", "summary": "Great product", "unixReviewTime": 1315958400} +{"overall": 5.0, "verified": false, "reviewTime": "10 27, 2017", "reviewerID": "A1DIOEWXWTA92Y", "asin": "B00062B84O", "style": {"Style:": " Super Scratcher +"}, "reviewerName": "Anthony Gomez", "reviewText": "Cat loves these things, uses them everyday....", "summary": "Cat loves it", "unixReviewTime": 1509062400} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "12 7, 2013", "reviewerID": "A2F8CXMO49XQPF", "asin": "B0000CEPDP", "style": {"Size:": " 24-Pack"}, "reviewerName": "Patricia and Richard Perry", "reviewText": "My renal cat loves this stuff. He turned his nose up to Royal Canin, and grudgingly will eat Science Diet KD food. The vet said we needed to put weight on our rescued cat, and this is the answer for us! Fast delivery with excellent packaging.", "summary": "Renal Cats LOVE the Taste!", "unixReviewTime": 1386374400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A10ZLTERQQJTP7", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "IndecisiveShopperGirl", "reviewText": "Great toy. My cats love it. I like that there are no feathers or string for the cats to chew on.", "summary": "Great toy. My cats love it", "unixReviewTime": 1502064000} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A20ZTRS9DQ4L6H", "asin": "B0002DK9CO", "style": {"Size:": " 4-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "nmwhipkey", "reviewText": "seems like a good food, but my rats didn't really care for it", "summary": "Four Stars", "unixReviewTime": 1454544000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A2IONVQRSQ10P8", "asin": "B0002DJONY", "style": {"Size:": " 30-lb capacity"}, "reviewerName": "Penny G", "reviewText": "Easy to open and close. Holds 30 pounds of dry dog food as advertised. Sturdy and does what it's designed for. Happy with it. Came with 1 cup scoop (don't love the scoop). Much better than having to deal with a dog bag each time. Like the size, bought 2.", "summary": "Easy to open and close", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A38KBYHEVJFMNN", "asin": "B0002568WM", "style": {"Size:": " 3.5 Ounce"}, "reviewerName": "K Wise", "reviewText": "My dog enjoys these!", "summary": "Five Stars", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2017", "reviewerID": "A4WFOU3PZTON2", "asin": "B000084EEF", "reviewerName": "irishcats", "reviewText": "Best entertainment for a playful cat!! Mine goes crazy chasing that ball around.", "summary": "Excellent item for a cat.", "unixReviewTime": 1497571200} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2016", "reviewerID": "A34ITQDFC2H0EB", "asin": "B00006IX59", "reviewerName": "A B ", "reviewText": "Own several of these-great for the dog park!", "summary": "Five Stars", "unixReviewTime": 1454371200} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "AM27RWU2N58CM", "asin": "B0002ARWTA", "style": {"Size:": " Pack of 3"}, "reviewerName": "RobertL", "reviewText": "3-pack flexibiliy fits and seals wet cat food cans wonderfully. Hard to find in stores. Very pleased.", "summary": "Great Buy", "unixReviewTime": 1499817600} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "A3UENIUZK1SQ3Z", "asin": "B0002Z16E2", "style": {"Size:": " 1 Pack"}, "reviewerName": "NCary", "reviewText": "Great product for a family on the go. Traveling made easier with this portable water bottle. Bottle prevents wasted water with folding bowl. The strap is weak and unnecessary. The bottle and folding bowl work well and have stood up to the test of time and use.", "summary": "Great product", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A1OE91S7X79I8C", "asin": "B0006342AU", "style": {"Size:": " 2 Ounce Canister"}, "reviewerName": "Kindle Customer", "reviewText": "Cats enjoy it. No complaints from any of my multiples", "summary": "Cats enjoy it", "unixReviewTime": 1488326400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2015", "reviewerID": "AO6V1PXXL7P8L", "asin": "B0002I9O84", "style": {"Size:": " 60 Tablets"}, "reviewerName": "Ivy Bennett", "reviewText": "I break them in half then treat my cat to them 4 times a day. She loves them and we have had zero hair balls in 6 months!", "summary": "Finally!", "unixReviewTime": 1430870400} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "A1XFQ0DXXYTOD", "asin": "B0002DGYXW", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Cassie", "reviewText": "This product has been making a huge difference in my Amazon's nails!!", "summary": "Five Stars", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2014", "reviewerID": "A2FL8FWELSTILL", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "ZenMama", "reviewText": "Cute, small chipmunks perfect for my Maltese mix.", "summary": "small chipmunks perfect for my Maltese mix", "unixReviewTime": 1412640000} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A1Z465EOLLVKMC", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "SM", "reviewText": "My cat loves this toy. I tried to hang it from the doorway so that she could still play without having me do all the work, and within less than 10 minutes she had already started to shred the felt. I was afraid that she would swallow it, so I had to take it away from her.", "summary": "Not so durable for an active cat.", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A18GJ9MYYO6GCQ", "asin": "B0002DGL3K", "style": {"Size:": " 34 Count", "Package Type:": " Standard Packaging", "Style:": " Variety"}, "reviewerName": "Just ask me!", "reviewText": "This is the only treat which our dog jumps for. It takes a few minutes to eat, making it ideal for when I want to distract her and leave the house without a scene.", "summary": "She loves them!", "unixReviewTime": 1451952000} +{"overall": 3.0, "verified": true, "reviewTime": "12 3, 2017", "reviewerID": "A1K5KPRDQOGH1G", "asin": "B000197Y8G", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Teresa Mallin", "reviewText": "We had hoped it was not so large but the price was too good to pass up. The openings so big some treats fall right out.", "summary": "This is large as marked!", "unixReviewTime": 1512259200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A22V6MV9IESRE7", "asin": "B0002TJAZU", "style": {"Size:": " 5.5 oz, 24 Pack", "Flavor Name:": " Chicken", "Style:": " Adult 7+ Entre"}, "reviewerName": "Amazon Customer", "reviewText": "My five cats like it so I am happy!", "summary": "Five Stars", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "ANX3C9W2PBKBB", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 3.8-Pound Bag", "Flavor Name:": " Original Assortment", "Package Type:": " Standard Packaging"}, "reviewerName": "Nancy J Headd", "reviewText": "Dogs love them and they're healthy!", "summary": "Five Stars", "unixReviewTime": 1460851200} +{"reviewerID": "A34TLZU4SGD2ER", "asin": "B0002ARR72", "reviewerName": "Lisa M Carr", "verified": true, "reviewText": "This is great. It's very lightweight and makes eating so much easier for my tall dog. I highly recommend it.", "overall": 5.0, "reviewTime": "06 2, 2013", "summary": "Wish I had gotten this sooner for my 8 year old golden", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "A3VQC6XKFK09IY", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 12-Pack"}, "reviewerName": "Robert Golder", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2012", "reviewerID": "A1TTJ1IF0J62OQ", "asin": "B0002DI7KA", "reviewerName": "D. Reitz", "reviewText": "We have used Herm Sprenger products for years. Never buy anything else. In over 30 years of training we have never had a failure...", "summary": "Always great collars from Herm Sprenger ..", "unixReviewTime": 1325808000} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A74RSBHNTF8HQ", "asin": "B000255OIG", "reviewerName": "Rosa", "reviewText": "My dog loves these treats\nAnd they are natural with no additives", "summary": "My dog loves these treats And they are natural with ...", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A2KOG01DF10L72", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Iggy Mom", "reviewText": "Great product!", "summary": "Five Stars", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A3KPWW1CX6D3QB", "asin": "B00028ZLTK", "reviewerName": "CharlotteMom104", "reviewText": "Vet recommended for my big dogs I believe it makes a difference will continue to buy.", "summary": "Five Stars", "unixReviewTime": 1437523200} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A3REJDGMZ1K6L8", "asin": "B0002AQDKO", "reviewerName": "Nicole Roberts", "reviewText": "Great buy", "summary": "Four Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": false, "reviewTime": "10 19, 2015", "reviewerID": "A1GOMGVK9QB0OI", "asin": "B0002AQUPM", "style": {"Size:": " 7-1/4-Inch Large"}, "reviewerName": "Amazon Customer", "reviewText": "Great 2-for comb. Strong and easy to clean.", "summary": "2-for comb", "unixReviewTime": 1445212800} +{"overall": 1.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A2FBVHQYHIRSE3", "asin": "B0002ARYWU", "style": {"Size:": " 6 inches", "Color:": " Red"}, "reviewerName": "Natalie Cataline", "reviewText": "Dog tore it up in 3 hrs.", "summary": "No good for heavy chews", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A2J0QNHA6WMPU9", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "david j.", "reviewText": "Will purchase more items", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "AR4NO4HTE2ICV", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "E. Babs", "reviewText": "These crates are great! Easy to set up and perfect for our Corgi.", "summary": "Five Stars", "unixReviewTime": 1431907200} +{"overall": 3.0, "verified": true, "reviewTime": "08 22, 2015", "reviewerID": "A1EXDNX6Z59H6Y", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " ROYAL BLUE"}, "reviewerName": "Mary Rider", "reviewText": "I didn't know you couldn't use this on a bulldog and that's what I have. I'm sure it would work with other dogs though.", "summary": "I didn't know you couldn't use this on a bulldog ...", "unixReviewTime": 1440201600} +{"reviewerID": "A48XAJDC2B1X6", "asin": "B0002ASNAC", "reviewerName": "Lady of the Night", "verified": true, "reviewText": "Neither of my dogs will touch it", "overall": 2.0, "reviewTime": "01 23, 2018", "summary": "My dogs are not a fan", "unixReviewTime": 1516665600} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2017", "reviewerID": "A1L4SX04DCOYXU", "asin": "B000084EEF", "reviewerName": "Amazon Customer", "reviewText": "My cats love this toy and play with it all the time. The only issue is that they fight over it sometimes :/ so I might order another one.", "summary": "My cats love this toy and play with it all the time", "unixReviewTime": 1500681600} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2011", "reviewerID": "A3R7KGYVGUTJNG", "asin": "B0002DHR7Y", "reviewerName": "hm", "reviewText": "This is great cat litter. I almost didn't buy it because of another review complaining about the scent. I guess to each his own but I personally really like the scent. I like this much better than the unscented.", "summary": "Favorite Cat Litter", "unixReviewTime": 1309996800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 31, 2011", "reviewerID": "A188JG3088JF8K", "asin": "B0002YFSDI", "style": {"Size:": " 1/2\" x 6'", "Color:": " Black"}, "reviewerName": "akitavr", "reviewText": "Great Value!1 Very nice quality - perfect training lead! much more expensive and less quality in pet shops- very pleased!", "summary": "Mendota Slip- Excellant!", "unixReviewTime": 1320019200} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2011", "reviewerID": "A2W8V9V419TLCA", "asin": "B0002DHOJA", "reviewerName": "From Ohio", "reviewText": "Dog loves this ball. Made of the great Kong material. Bounces great. Great toy for playing fetch with my lab.", "summary": "great dog toy", "unixReviewTime": 1295049600} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A342F0QAF0JJHD", "asin": "B0002C7FFE", "reviewerName": "Amy", "reviewText": "great price.", "summary": "Five Stars", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2014", "reviewerID": "AZGW3A2K3WF95", "asin": "B000084EEF", "reviewerName": "Cher", "reviewText": "This scratcher is great! I've had others, sisal, carpet covered, but my cats were never attracted to them.\nThis one, they love. When they pass by it, they play with the ball and scratch. What a relief! No more scratching on my sofa!", "summary": "Bergan Turbo Scratcher - furniture saver", "unixReviewTime": 1419724800} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2015", "reviewerID": "AJFG8SGYNAK7I", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Patti Poo 100", "reviewText": "My cat won't play w it @ all, however, my brother's cat loves it !", "summary": "Cat play", "unixReviewTime": 1442966400} +{"overall": 4.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A163S6S1WXMGV8", "asin": "B000084EEF", "reviewerName": "R. Jones", "reviewText": "1. the cardboard insert deteriorated very rapidly\n2. the cat skidded it across the room on the hard floor, it hit the wall and a huge chunk broke off the side (plastic is very brittle)", "summary": "Kittens love this, but...", "unixReviewTime": 1390521600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2017", "reviewerID": "AIG4KJ5SZUYIF", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "N. Richter", "reviewText": "One of the simplest but best cat toys around", "summary": "One of the simplest but best cat toys", "unixReviewTime": 1511913600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A1XE306Q5X3V6U", "asin": "B000256606", "style": {"Size:": " 24 oz"}, "reviewerName": "Kuoting Chiu", "reviewText": "We got a great deal on Amazon apart from our local pet stores. Thumper loves to munch on the hay whenever she gets playtime outside! I'd recommend this to my friend bunny owners! If only I HAD friends with bunnies (sigh)...", "summary": "Great Quality", "unixReviewTime": 1387152000} +{"overall": 1.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A3L4S8S3PW46ZW", "asin": "B0002C7FFE", "reviewerName": "Obithedog", "reviewText": "my dog had a sever reaction and large burn on his skin from this product. this does not happen with Frontline", "summary": "my dog had a sever reaction and large burn on ...", "unixReviewTime": 1449100800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2014", "reviewerID": "A19OQN325PSTZW", "asin": "B000084F5C", "reviewerName": "MeWannaKno2", "reviewText": "Bought the 33lb bag for our MaltiPoo puppy because the breeder recommended it!\nPuppy loves it, and never has digestive problems.\nHer coat is gorgeous. Her eyes bright. She's smart and alert!\nTHIS is a Good Thing!! :-)", "summary": "Inexpensive But Top-Rated! ;-)", "unixReviewTime": 1389484800} +{"overall": 5.0, "verified": false, "reviewTime": "10 13, 2014", "reviewerID": "A16RB7E9OAWYK0", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Sara", "reviewText": "Love these! We have a chewer and he can't destroy it. Handy to put treats in and he loves to toss it around for play because it bounces in different directions.", "summary": "Love these! We have a chewer and he can't ...", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "A1I947AYYVP521", "asin": "B0002DHQRU", "style": {"Size:": " 2 pack"}, "reviewerName": "VA Steven", "reviewText": "Works great and low cost", "summary": "Five Stars", "unixReviewTime": 1432252800} +{"overall": 4.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A3LXTU52RK24RL", "asin": "B0002DH0QM", "style": {"Size:": " 20 Pound", "Color:": " black"}, "reviewerName": "Lin H. Fryman", "reviewText": "I like it so far. Plants are doing well. It does seem to raise the PH of your aquarium water, if that happens to be an issue for you.", "summary": "I like it so far", "unixReviewTime": 1504656000} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A3H1E5FVXUAWXT", "asin": "B00061UWA6", "style": {"Size:": " 29Cm"}, "reviewerName": "Brenda", "reviewText": "NICE", "summary": "Five Stars", "unixReviewTime": 1391385600} +{"overall": 3.0, "verified": true, "reviewTime": "05 12, 2016", "reviewerID": "A2ZJ89RMKAPBWZ", "asin": "B0002AQYYO", "style": {"Size:": " 7-Inch"}, "reviewerName": "DS", "reviewText": "Flippy Flopper MUCH better for nice flying and a flying dog catches that involve (of course) some tooth action", "summary": "Three Stars", "unixReviewTime": 1463011200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "AON099ELW7T03", "asin": "B0002ASCRQ", "style": {"Size:": " 2-oz cup"}, "reviewerName": "R. K. ODONNELL", "reviewText": "My catnip-loving cat loves this brand. I will continue to use it.", "summary": "Five Stars", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "04 15, 2017", "reviewerID": "A1S69PE4XS3NZ3", "asin": "B0002ASBUO", "reviewerName": "Scotty", "reviewText": "Easy to put together and was the perfect size to bring home our two female rats.", "summary": "Good little cage", "unixReviewTime": 1492214400} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2013", "reviewerID": "A2FRFDKKTDHB02", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Gabriela", "reviewText": "New fish owner. My roomate and I killed dozens of fish. Now we are educated about cycling the tank. This test kit has helped me maintain a healthy living environment for my tank.\n\nThis is a must have!!! Do your fish and your wallet a favor", "summary": "My fish thank me for buying this kit", "unixReviewTime": 1374624000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A6NGAY7V1C49W", "asin": "B000255NKA", "style": {"Size:": " 200-Gallon"}, "reviewerName": "Adrian Manz", "reviewText": "In 20 years of fish keeping, this is the most stable salt I have ever found.", "summary": "Five Stars", "unixReviewTime": 1452556800} +{"reviewerID": "A108AXU42REEXN", "asin": "B00063434K", "reviewerName": "Tina Barwick", "verified": true, "reviewText": "Ordered this to try something new for my pup. Food was so bad my dog that will eat anything turned up his nose and would not eat it. The consitancy was VERY runny not like typical dog food. Wish I could return it!", "overall": 1.0, "reviewTime": "01 5, 2017", "summary": "Food was so bad my dog that will eat anything turned up his ...", "unixReviewTime": 1483574400} +{"overall": 3.0, "verified": true, "reviewTime": "05 25, 2016", "reviewerID": "A3NFJ1T8CPK7SB", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Fish"}, "reviewerName": "Bean", "reviewText": "One of our schnauzers loves these treats, but then again he'll eat anything. Our other schnauzer sniffs the treats and then looks up at us like we're imbeciles......she's a bitch...literally....", "summary": "Our other schnauzer sniffs the treats and then looks up at us like we're imbeciles", "unixReviewTime": 1464134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A10JHKYCOBOXW6", "asin": "B0002DIS40", "reviewerName": "P. Bennett", "reviewText": "I have two fairly large dogs with long hair and this is the best comb I have found for them that has enough give with the rotating teeth to minimize pulling their hair.", "summary": "Very nice tool for long haired dogs", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "ALK0Y3FB0I1WR", "asin": "B000084DWM", "style": {"Size:": " 15.5 lb", "Style:": " Indoor Dry | Chicken"}, "reviewerName": "Brenda Hinshaw", "reviewText": "Good food", "summary": "Five Stars", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2008", "reviewerID": "A8HM7TZLDRMMG", "asin": "B0002NYAZG", "style": {"Package Quantity:": " 2"}, "reviewerName": "dr.o", "reviewText": "i love this product, and the smell is pleasant. works well to get stains and odors from my puppy out of the carpet and other fabrics. i can't get it anywhere but on amazon.com, the price is reasonable too, the s/h is high though.", "summary": "best stuff ever for cleaning up puppy mess", "unixReviewTime": 1208131200} +{"overall": 5.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A6L8IK9S3E5WX", "asin": "B0002AQYYO", "style": {"Size:": " 10-Inch"}, "reviewerName": "Justin Conner", "reviewText": "Great little frisbee. I got 2", "summary": "Five Stars", "unixReviewTime": 1435017600} +{"overall": 3.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A3CXW25E18X086", "asin": "B0002AR3PS", "style": {"Size:": " 75-watt", "Package Type:": " Standard Packaging"}, "reviewerName": "Rob g", "reviewText": "Not such a bad light at least for the price all they do burnout kind of fast before the price its not that bad", "summary": "Its alright light for the price", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "AF2K34XZIIWM", "asin": "B0002568ZO", "style": {"Size:": " Large"}, "reviewerName": "Ms Cloe", "reviewText": "HUGE mag-float! Works perfect in my 90 gallon tank!", "summary": "Works perfect in my 90 gallon tank", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "A18B9U44ZWZ0RM", "asin": "B00028J0CE", "style": {"Size:": " Fits Most 19 Inch Crates-up to 15lbs", "Color:": " Brown"}, "reviewerName": "Amazon Customer", "reviewText": "Good bedding pad for the money.", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "10 25, 2012", "reviewerID": "A2FIW2GLXLY7HA", "asin": "B0002563K4", "style": {"Size:": " For 20/30/50 Power Filters", "Package Type:": " Standard Packaging"}, "reviewerName": "James Goddard", "reviewText": "This is a replacement tube for the one that already comes with the product. It cannot be use to \"extend\" the tube for a taller tank without restricting water flow, as the name implies.", "summary": "Replacement tube", "unixReviewTime": 1351123200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2015", "reviewerID": "A20YIEZS5IH86H", "asin": "B0002DH0YE", "reviewerName": "C. Hollyfield", "reviewText": "What can be said about a pooper scooper.....does the job it's designed to do, didn't cost a fortune, seems well made. As happy as one can get about this product.", "summary": "Does it's job", "unixReviewTime": 1445817600} +{"reviewerID": "ANZVVC2N58UFG", "asin": "B0002565TI", "reviewerName": "Bryan Herrera", "verified": true, "reviewText": "nice price, works great", "overall": 5.0, "reviewTime": "01 12, 2015", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2018", "reviewerID": "A2OQ03K6PHBBSX", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "smithriver", "reviewText": "This is such a good idea for a dog toy. I stuff this thing with every small toy I can get in it and the dogs work forever trying to get it apart! Love it!", "summary": "This is such a good idea for a dog toy", "unixReviewTime": 1525392000} +{"overall": 2.0, "verified": true, "reviewTime": "01 9, 2014", "reviewerID": "APEALUMGQDP0J", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Puppy"}, "reviewerName": "Liann", "reviewText": "It looks like a very nicely made dog food. It might be healthy for dogs but mine didn't like it.", "summary": "My dogs did not like it.", "unixReviewTime": 1389225600} +{"reviewerID": "A2IUP8HSRDGQTW", "asin": "B0002ASAYG", "reviewerName": "Khara Onstott", "verified": true, "reviewText": "My ferrets love this hammock! It washes easily and is a fun accessory for their cage. If you have ferrets I would recommend this product.", "overall": 5.0, "reviewTime": "12 3, 2013", "summary": "Super Pet Tunnel Hammock", "unixReviewTime": 1386028800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "AC4MJRZ6W6I7U", "asin": "B0002AQLMY", "style": {"Size:": " 20 lbs"}, "reviewerName": "Ed", "reviewText": "Excellent bird food. The Natural is better, less coloring and food dye. Healthier for the bird.", "summary": "Five Stars", "unixReviewTime": 1446508800} +{"overall": 2.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A2O6UVCFSA3YW3", "asin": "B0002DK7LC", "reviewerName": "Anthony inskeep", "reviewText": "JACK DESTROYED IT THE FIRST DAY I GAVE IT TO HIM!", "summary": "Two Stars", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2018", "reviewerID": "A9N9QDIZJGQ7Q", "asin": "B0002DHOJA", "reviewerName": "Sandi McClure", "reviewText": "Dogs can't destroy these!", "summary": "Five Stars", "unixReviewTime": 1519171200} +{"reviewerID": "A3E3DLAQL730T9", "asin": "B0002APLYI", "reviewerName": "Staci PK", "verified": true, "reviewText": "This thing is worth 5x as much as it's sold for. SUPER solid construction, very easy to put into the ground, and works like a charm.", "overall": 5.0, "reviewTime": "09 12, 2013", "summary": "Priceless", "unixReviewTime": 1378944000} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2017", "reviewerID": "A374ILEFJYTYPC", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 12-Pack"}, "reviewerName": "Robbin L.", "reviewText": "These work great. I've been using these For probably 30 years or more. Excellent product", "summary": "Very good product", "unixReviewTime": 1513728000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/810diahAhGL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/810diahAhGL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "01 8, 2017", "reviewerID": "A5AU6DWFXN0H5", "asin": "B000256DF4", "style": {"Size:": " 35.5-Inch"}, "reviewerName": "L.M.B.", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1483833600} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2018", "reviewerID": "AD7F2EYAHT92A", "asin": "B0002ASDIY", "reviewerName": "Steve H.", "reviewText": "nice fake plant.....", "summary": "Five Stars", "unixReviewTime": 1515974400} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A155E5SHVRCBYQ", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Beef"}, "reviewerName": "Barefoot In The Backyard", "reviewText": "My dogs hate most of the joint treats and foods that are out there. These are not their favorite treat, but they will actually eat them. So that's a win in my book.", "summary": "Good joint treat.", "unixReviewTime": 1469404800} +{"overall": 3.0, "verified": true, "reviewTime": "03 27, 2013", "reviewerID": "A1EJHMTL8YK5YV", "asin": "B000084EXU", "style": {"Size:": " Petite/X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Jay Ulitsky", "reviewText": "The dog barely chews it she does every now and then. Wish I got something else o well don't recommend if dogs heavy chewer", "summary": "Ehhh", "unixReviewTime": 1364342400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "A2MD0YMBTIX12P", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "charleslatino", "reviewText": "fits the puppy perfect", "summary": "Five Stars", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A2TD5U5SI4BKN1", "asin": "B0002APD1Y", "reviewerName": "TheFadeMaster", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1462665600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71O7TOB+ggL._SY88.jpg"], "overall": 1.0, "verified": true, "reviewTime": "04 3, 2018", "reviewerID": "A18TSU88KRD9IR", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Squirrel"}, "reviewerName": "Anonymous", "reviewText": "Less than a month in, its completely shredded by my 9 month old dog. Cleaning up all the pieces after her has been a real chore, so I finally decided to throw it out. She did have fun while it lasted though, now search is on for more durable, fun toys.", "summary": "Completely shredded in a couple of weeks.", "unixReviewTime": 1522713600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A3PWY509S6AK8H", "asin": "B0000BYDH7", "style": {"Size:": " Wolf", "Package Type:": " Standard Packaging", "Style:": " Single"}, "reviewerName": "Truffle Hound", "reviewText": "I love it and so does the dog", "summary": "Five Stars", "unixReviewTime": 1420848000} +{"overall": 3.0, "verified": true, "reviewTime": "12 24, 2014", "reviewerID": "A23IWYZSUZM6P7", "asin": "B00028HN5A", "style": {"Size:": " 1-Ounce"}, "reviewerName": "halniaz", "reviewText": "Too many sticks!", "summary": "Three Stars", "unixReviewTime": 1419379200} +{"reviewerID": "A11MVGH4AZW0G8", "asin": "B0002I0GV8", "reviewerName": "Jskirish", "verified": true, "reviewText": "My Labrador puppy loved eating this food. She is now old enough to be eating regular adult food and still eats Wellness. It might be pricier than other brands but well worth it!", "overall": 5.0, "reviewTime": "02 1, 2015", "summary": "My Labrador puppy loved eating this food", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "02 19, 2017", "reviewerID": "A2YAU5VHH04Z6V", "asin": "B0002AR0II", "style": {"Size:": " XX-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Kevin I Am", "reviewText": "Very sturdy. After 4 weeks of constant chewing and gnawing, it's still going strong.", "summary": "Five Stars", "unixReviewTime": 1487462400} +{"overall": 5.0, "verified": false, "reviewTime": "11 16, 2017", "reviewerID": "A2IP4VAIN08RQ4", "asin": "B000255NYQ", "style": {"Size:": " 2.00 x 5.05 x 5.05"}, "reviewerName": "Paul S. Kim", "reviewText": "a lot of tubing. idk who really needs this much but good for what it is!", "summary": "idk who really needs this much but good for what it is", "unixReviewTime": 1510790400} +{"overall": 4.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A39B5989VDAA2D", "asin": "B0002ASF50", "style": {"Size:": " 4 oz."}, "reviewerName": "Carry Horton", "reviewText": "Workd good", "summary": "Four Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2016", "reviewerID": "A391QXPIKS5K7V", "asin": "B0002I0LL8", "style": {"Size:": " 315 Count", "Color:": " Blue"}, "reviewerName": "Lally", "reviewText": "Works for us.", "summary": "Five Stars", "unixReviewTime": 1466985600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2016", "reviewerID": "A30O576LDSLTM6", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Peanut Butter"}, "reviewerName": "sky", "reviewText": "My dog loves these and they really help with her joints", "summary": "Five Stars", "unixReviewTime": 1461024000} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2017", "reviewerID": "A1L6PR1M1FHPXC", "asin": "B0002J1F7G", "reviewerName": "Ruthie Moore", "reviewText": "Works perfectly!", "summary": "Five Stars", "unixReviewTime": 1505088000} +{"overall": 2.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A3C0DP8DLQXLPW", "asin": "B00009NCZP", "style": {"Size:": " 5.5 oz, 24 Pack", "Flavor Name:": " Chicken", "Style:": " Entre"}, "reviewerName": "kittycatreviews", "reviewText": "I wanted to like it. I wanted the kitties to like it, but sadly they do not. I'm going to try to donate the food to someone else because my cats literally will eat anything else but this. :(", "summary": "I wanted to like it. I wanted the kitties to like it", "unixReviewTime": 1432684800} +{"overall": 3.0, "verified": true, "reviewTime": "06 11, 2014", "reviewerID": "A2ISPFHWM3AC1G", "asin": "B0002ARYY8", "style": {"Size:": " 10 inches", "Color:": " Blue"}, "reviewerName": "Kathleen Battali", "reviewText": "I saw other dogs playing with this toy so I bought one for my girl. It is a little too big and she lost interest in it right away. It is very durable though so if your dog likes it, it will last a long time!", "summary": "My dog won't play with it", "unixReviewTime": 1402444800} +{"overall": 4.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A1SEM27HRHT6UG", "asin": "B0002ARQ14", "reviewerName": "J.N.M.", "reviewText": "For the price, really good item. But gets torn up quickly.", "summary": "really good item. But gets torn up quickly", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2017", "reviewerID": "A3H8PA7AG48K33", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "A. Silverstone", "reviewText": "My dog, a miniature golden doodle, loves this toy. It is by far her favorite now. The squeaky squirrels motivate her to toss around the trunk until she liberates them for a good chewing. It keeps her occupied much longer than any other toy I have gotten her.", "summary": "Dogs Love It", "unixReviewTime": 1505692800} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2017", "reviewerID": "A3DPJGEIQB2PFJ", "asin": "B0002TJAZU", "style": {"Size:": " 5.5 oz, 24 Pack", "Flavor Name:": " Beef", "Style:": " Adult 7+ Entre"}, "reviewerName": "donna", "reviewText": "the cats love it.", "summary": "Five Stars", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2014", "reviewerID": "A1SPA59EPXVNIO", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Southern", "reviewText": "My dog tears EVERYTHING up as soon as she gets it. This one however keeps her entertained while trying to get to the \"squirrels\" on the inside. LOVE IT!!!", "summary": "Hide-A-Squirrel", "unixReviewTime": 1388880000} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2017", "reviewerID": "A36HUMZ3G1EXO7", "asin": "B0002IJQYQ", "style": {"Size:": " Medium"}, "reviewerName": "Arnold", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1512777600} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A21IWQLDE05GV0", "asin": "B000084E66", "reviewerName": "Rikpaul", "reviewText": "Yes! Fits the Weruva can cat food!", "summary": "Great lid for Weruva cans.", "unixReviewTime": 1502841600} +{"overall": 3.0, "verified": true, "reviewTime": "07 16, 2013", "reviewerID": "A1L7GCVC2F0VI8", "asin": "B0002BSMDE", "style": {"Size:": " 42-Inch", "Color:": " Khaki"}, "reviewerName": "Michelle A.", "reviewText": "I thought this was supposed to a comfy bed for my greyhound? I inserted it into her crate, and she always has to rearrange it to go to sleep. Sigh. Sadly I will not be repurchasing from Pet dreams in the future.", "summary": "Not what I expected sorry", "unixReviewTime": 1373932800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A1VQGZU7ZYWQQP", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Bacon Flavored Bone"}, "reviewerName": "Nemanja Lazic", "reviewText": "My dog chews through everything. This is his favorite bone! It doesn't break apart and leave a mess in your floor like other bones. Your dog will have this bone for a long time!", "summary": "This is his favorite bone! It doesn't break apart and leave a ...", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A25J3RCOI3MUER", "asin": "B00025640S", "style": {"Size:": " 10.59-Ounce"}, "reviewerName": "lilpetite", "reviewText": "Very economical and a great buy.", "summary": "Economical", "unixReviewTime": 1421193600} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2014", "reviewerID": "A2NMJY0H3UD3VS", "asin": "B0002QWX7A", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "T.O. ShopperThank you!", "reviewText": "I had visions of repairing dog toys but my intentions have not borne fruit! They work and if I ever get ambitious again will use them.", "summary": "Good Product", "unixReviewTime": 1410652800} +{"overall": 2.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A1M13ED7UCU8RQ", "asin": "B0002DIAXE", "style": {"Size:": " 250 Watts", "Package Type:": " Standard Packaging"}, "reviewerName": "Felicia L. Jones", "reviewText": "Had to return, could never get it to work consistently with associated clamp lamp. Not sure which item was not working correctly since the switch of clamp lamp turned on. Not sure if this is indicative of quality or not, sometimes, things just fail.", "summary": "Not sure of quality", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "A100BNTQGQ4P4X", "asin": "B0002J1FOO", "reviewerName": "andreas Bolbasis", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1456531200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A1FOJVE02TZGAL", "asin": "B0002DJDLC", "reviewerName": "clifford english", "reviewText": "Good product.", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"reviewerID": "A33S1KUA5WNAVC", "asin": "B0002565TI", "reviewerName": "tgiv", "verified": true, "reviewText": "Only the best", "overall": 5.0, "reviewTime": "05 19, 2017", "summary": "The very best", "unixReviewTime": 1495152000} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2017", "reviewerID": "A3F55L1SZPGRDD", "asin": "B000084ESL", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Thomas M.", "reviewText": "This is the longest lasting Kong I have purchased. My Belgian Malinois has chewed the regular extreme Kongs in half in a day. This one has lasted 2 months so far.", "summary": "Survived 2 months so far.", "unixReviewTime": 1493164800} +{"overall": 3.0, "verified": false, "reviewTime": "07 28, 2014", "reviewerID": "A1GXSA3Z703PZW", "asin": "B000255OUO", "reviewerName": "mojomagic", "reviewText": "does what it says.", "summary": "Three Stars", "unixReviewTime": 1406505600} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2015", "reviewerID": "A1CR8TI2S995D5", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Val", "reviewText": "This is the ONLY toy my 10 month old, very large, Doberman has not been able to destroy.", "summary": "Five Stars", "unixReviewTime": 1438560000} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2WOE1JFK00AL1", "asin": "B00025640S", "style": {"Size:": " 10.59-Ounce"}, "reviewerName": "Bon", "reviewText": "My Sliders Love it.!", "summary": "Turtles can't get enough!", "unixReviewTime": 1431820800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "09 10, 2010", "reviewerID": "A2ZR7W635B21LH", "asin": "B000296N7S", "reviewerName": "EE", "reviewText": "It is a good dewormer because it treats 4 different types of worms: round. flat, ring and whip. The whip are one of the more difficult to deal with. I recommend this product.", "summary": "Dewormer", "unixReviewTime": 1284076800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "A1IDKVPPFR7LN9", "asin": "B000084F39", "style": {"Size:": " Medium"}, "reviewerName": "C. Kirkland", "reviewText": "I bought this for a new kitten and it's perfect! It's the right size and even thought I wasn't able to choose the color, I received a great color, so I'm thrilled! It's very sturdy so I know it will handle the job well and last. And the price was pretty perfect! Love it!", "summary": "I bought this for a new kitten and it's perfect! It's the right size and even thought I ...", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "12 22, 2016", "reviewerID": "A3E1YRCWFVSP68", "asin": "B0002DGMGG", "style": {"Pattern:": " Wolf"}, "reviewerName": "Toni Moore", "reviewText": "Great chew toy. My dog loves it", "summary": "Five Stars", "unixReviewTime": 1482364800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "A2HP907ZA0G51B", "asin": "B0002DJONY", "style": {"Size:": " 5 Lb"}, "reviewerName": "TAugust", "reviewText": "Really love this company's products - very versatile, I use them in all sorts of ways.", "summary": "Buy while they are insanely cheap!", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A3SYWKCFH9LYGS", "asin": "B0002DGM7K", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Jeff", "reviewText": "My dogs love them, so I love them. My Austrailian Kelpies love to chew the ring off first.", "summary": "Five Stars", "unixReviewTime": 1442707200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "AKYF4HLRSD4BB", "asin": "B0002CH1BW", "style": {"Color:": " Brown"}, "reviewerName": "JessB", "reviewText": "Really cute. Heart is great. Mine takes AAA batteries which are easy and cheap to replace. A warm rice bag inside works great.", "summary": "Heart is great. Mine takes AAA batteries which are easy and ...", "unixReviewTime": 1457481600} +{"overall": 5.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A3CZH2EELJMVT0", "asin": "B00061URQA", "style": {"Size:": " 3.74 oz"}, "reviewerName": "Martha Stocks", "reviewText": "My pup loved thses", "summary": "Five Stars", "unixReviewTime": 1440374400} +{"overall": 1.0, "verified": true, "reviewTime": "10 8, 2016", "reviewerID": "A1GILED7UTE75C", "asin": "B00063411A", "style": {"Size:": " 25 Lb"}, "reviewerName": "john p. schneider", "reviewText": "Didn't use it. Our breeder said train the old fashion way, don't get started with products like this cause your dog will be hooked forever", "summary": "don't get started with products like this cause your dog will be hooked", "unixReviewTime": 1475884800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "AYAN0N9EVR9WZ", "asin": "B0002AT8F6", "style": {"Size:": " Small, 8-Inch by 6-Inch by 8-1/2-Inch"}, "reviewerName": "RJG", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1429660800} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2015", "reviewerID": "A279H607WCVUZQ", "asin": "B0002CSKLM", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "ginny", "reviewText": "nice", "summary": "Four Stars", "unixReviewTime": 1450656000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2015", "reviewerID": "A2M1NKAY5WGVG4", "asin": "B0002YFC9I", "reviewerName": "Marinda M.", "reviewText": "Helps my cat with his arthritis for sure.", "summary": "Great for my cat", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "A2GZL5N8MGM1VN", "asin": "B0002566H4", "style": {"Size:": " Giant/Large", "Flavor Name:": " Liver Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "J. Davies", "reviewText": "Great line of dog products.... Really heavy duty, last a long time & give the pups hours & hours of chewing pleasure!", "summary": "Love Nylabone products", "unixReviewTime": 1356652800} +{"reviewerID": "A3KKBJ31KGA67C", "asin": "B0002APLYI", "reviewerName": "Shea", "verified": true, "reviewText": "we have a large unfenced yard and now my dog is able to run and play.\nshe learned the limit of the run right away.....she is so happy to be out in\nthe yard but you have to watch the cord doesn't tangle around your feet\nthey run quickly around you and will make you fall....", "overall": 5.0, "reviewTime": "02 17, 2014", "summary": "perfect for our dog", "unixReviewTime": 1392595200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2017", "reviewerID": "A3J2UDTEGS73QU", "asin": "B0002DGJS2", "style": {"Size:": " 2 Count", "Package Type:": " Standard Packaging", "Style:": " Roast Beef"}, "reviewerName": "Chiners", "reviewText": "My dogs all love these bones. My dogs are 6lbs, 27lbs, and 50lbs. Obviously they get their corresponding size bones and they devour them", "summary": "My dogs all love these bones", "unixReviewTime": 1491004800} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2015", "reviewerID": "AMELC21203MYX", "asin": "B0002C7FI6", "style": {"Size:": " Ultralight Collar"}, "reviewerName": "Bonnie Mckeown", "reviewText": "Works for the newest dog. Prevents walk away.", "summary": "Five Stars", "unixReviewTime": 1429660800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "AHZ8C9VO3U8VS", "asin": "B0002HBMYO", "style": {"Color:": " Egg Babies"}, "reviewerName": "Alice B. Lewis", "reviewText": "My Golden love this", "summary": "Five Stars", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2017", "reviewerID": "A1MPA2YGL1B0TU", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "BMuse", "reviewText": "My daughters rats absolutely love these chew toys. The only problem is it takes them no time to pull the knot apart. I buy a supply every few months.", "summary": "Great chew toy for fancy rats", "unixReviewTime": 1494979200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A22GY6G7VJ09YB", "asin": "B0002DI7F0", "reviewerName": "dewbab", "reviewText": "Nice rock right size", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A1CTT4HKBKNNZC", "asin": "B0002DJ4P2", "style": {"Size:": " Giant", "Color:": " Multicolor"}, "reviewerName": "Seahorse", "reviewText": "Excellent house for my adult guinea pig...I just hate the color though and wish we could choose what we want. The maroon colored one would have matched his cage perfectly but we're stuck with a hideous lime green :-(", "summary": "Bad colors", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "AN6O540O4BEZF", "asin": "B0002AQPA2", "style": {"Size:": " Large"}, "reviewerName": "Lynn Montgomery", "reviewText": "Super toy for big chewers. I put some treats in the end and my dogs play with this for an hour.", "summary": "Super toy for big chewers", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2015", "reviewerID": "A154LF7THOX5E2", "asin": "B0002AR17S", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Tee Q", "reviewText": "Best invention ever. My new pup loves getting peanut butter out the Kong though she hasn't yet quite mastered getting treats out. I will absolutely upgrade to a bigger Kong as she grows. Love this!", "summary": "Kong rocks!", "unixReviewTime": 1426377600} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2014", "reviewerID": "A3R3UU20UAWTT5", "asin": "B0002566YC", "style": {"Size:": " 50-Ounce"}, "reviewerName": "Aaron", "reviewText": "I use this all the time and it works.", "summary": "Five Stars", "unixReviewTime": 1418256000} +{"overall": 5.0, "verified": true, "reviewTime": "05 31, 2015", "reviewerID": "A34FT0CXN8ZZSX", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Cheryl F", "reviewText": "Great product - helps greatly with shedding. My dog loves it on his food.", "summary": "Five Stars", "unixReviewTime": 1433030400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2015", "reviewerID": "A8TXUSSV7NE1I", "asin": "B0002ARTYI", "style": {"Color:": " Yellow"}, "reviewerName": "marcella edzards", "reviewText": "My dog's newest favorite toy.", "summary": "Five Stars", "unixReviewTime": 1421712000} +{"overall": 2.0, "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "A834YRZ2H4BM3", "asin": "B0000AH3RM", "style": {"Size:": " 7 lb. Bag"}, "reviewerName": "Stella Gaylor", "reviewText": "Pieces were larger than my cat likes.", "summary": "Too big", "unixReviewTime": 1498089600} +{"overall": 4.0, "verified": true, "reviewTime": "05 4, 2017", "reviewerID": "A1B8F58C2O3JPD", "asin": "B0002AT464", "reviewerName": "Chrissy Plenge", "reviewText": "Great for grass pick ups. My 21 pd dachshund poop is too small for it tho. May want to advertise as a medium to large breed tool. Also the poop falls out sides because the tubes are too far apart. I bent them to fix that.", "summary": "Consider this for your bigger poops", "unixReviewTime": 1493856000} +{"overall": 2.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A22U8F0JRXHT1S", "asin": "B0002DJMGI", "style": {"Size:": " 8 oz", "Pattern:": " Tea Tree Shampoo"}, "reviewerName": "Sierra R. Valentine", "reviewText": "doesn't help with smell much", "summary": "Two Stars", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A148ZMPL1EJR4S", "asin": "B0002HBMYO", "style": {"Color:": " Egg Babies"}, "reviewerName": "Stacy S Peters", "reviewText": "This was a lot of fun for the dogs. As advertised, they were interested in pulling out the eggs. I stuff them right back in, and the fun starts all over again. It is very sturdy.", "summary": "Very Different", "unixReviewTime": 1357430400} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A3FHZH3K27ESZL", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "happypet", "reviewText": "I was a professional groomer for many years, so I know about clippers. These work very well. We use them for our cats but would work on small dogs or other smaller pets. Great little clippers.", "summary": "Great little clippers", "unixReviewTime": 1457654400} +{"overall": 4.0, "verified": true, "reviewTime": "01 21, 2016", "reviewerID": "A34F6R337SR2AP", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Cat Lover", "reviewText": "It looks nice but my dog does not play with it much.", "summary": "Okay", "unixReviewTime": 1453334400} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2016", "reviewerID": "A158REQP1BQGFY", "asin": "B0002ASRZS", "reviewerName": "Martha E. Walker", "reviewText": "Thanks", "summary": "Five Stars", "unixReviewTime": 1466035200} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A24PCJHOHH8J55", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Amazon Customer", "reviewText": "Just as expected! Great product!", "summary": "Great product!", "unixReviewTime": 1466467200} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A16N5DQWZG8H1Y", "asin": "B00025YVGC", "reviewerName": "Jon Raccah", "reviewText": "Beautiful Sand, and free shipping with Prime!", "summary": "Great sand prime rocks!", "unixReviewTime": 1422230400} +{"reviewerID": "AMZ9DFI3KTOFB", "asin": "B0002RJMA0", "reviewerName": "Mindful Mistress", "verified": true, "reviewText": "The wood handle makes it easy to grip when brushing my dog. The wire brissles are not too shart. My dog loves being groomed with this brush.", "overall": 5.0, "reviewTime": "05 31, 2012", "summary": "Awesome Brush", "unixReviewTime": 1338422400} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2018", "reviewerID": "A129TKYILCKUNU", "asin": "B000634CSW", "style": {"Size:": " 7 lb. Bag"}, "reviewerName": "Dennis M.", "reviewText": "Hey, my cat eats it and that is all that matter to me. He/she is a bit of a fincky eater but, this appeals to him/her.", "summary": "Hey, my cat eats it and that is all ...", "unixReviewTime": 1521072000} +{"overall": 2.0, "verified": true, "reviewTime": "02 11, 2017", "reviewerID": "A12J6X95K4J17Y", "asin": "B0002C7FFE", "reviewerName": "sailr", "reviewText": "Doesn't work. Waste of money", "summary": "Don't buy", "unixReviewTime": 1486771200} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2013", "reviewerID": "A10MB3X3QKRDI0", "asin": "B0002IJQDC", "style": {"Size:": " 200-Gram"}, "reviewerName": "Donald L", "reviewText": "We buy this and put it on during the winter to help keep the snow ice and salt off their paws, great. a bit greasy but awesome", "summary": "great for the paws", "unixReviewTime": 1362700800} +{"overall": 1.0, "verified": true, "reviewTime": "12 23, 2016", "reviewerID": "ALQGOMOY1F5X9", "asin": "B0002NYAZG", "style": {"Package Quantity:": " 1"}, "reviewerName": "scott", "reviewText": "this stuff stinks so bad its worse than the smell of urine!", "summary": "One Star", "unixReviewTime": 1482451200} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "AKO88JBNRSXAU", "asin": "B0002DH2YW", "style": {"Size:": " Twin pack"}, "reviewerName": "Catherine", "reviewText": "Arrived in original packaging. The cuttlebone had no breaks or chips.", "summary": "Five Stars", "unixReviewTime": 1521504000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2018", "reviewerID": "A1O8HWOG788THS", "asin": "B0002DIO4E", "style": {"Size:": " 32 fl.oz.", "Style:": " Original"}, "reviewerName": "Skoe Veduh", "reviewText": "Freshens dog breath, cleans teeth. Compliments from others when out on walks, probably those who expect doggy breath.", "summary": "Five Stars", "unixReviewTime": 1516147200} +{"overall": 4.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "A33RS86KFASYYU", "asin": "B000634H50", "style": {"Color:": " Clear"}, "reviewerName": "earl r. cook", "reviewText": "Great aquarium, however lighting is sub-par.", "summary": "sea clear evaluation:", "unixReviewTime": 1497744000} +{"overall": 1.0, "verified": false, "reviewTime": "11 4, 2016", "reviewerID": "AZJ4GXI5L3WUY", "asin": "B0002IJR9U", "reviewerName": "April", "reviewText": "I can not get them to stick to the tub at all and even fully extended they aren't long enough to reach from the top of the tub to my dogs neck.", "summary": "Waste of money", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "ATACUCT2OVME6", "asin": "B0002AT3TC", "style": {"Size:": " 4.75\" x 5.37\" x 24.5\"", "Style:": " Grass"}, "reviewerName": "Jason", "reviewText": "Awesome product makes like easier.", "summary": "good quality", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2013", "reviewerID": "A2TXGWOJGYZA6S", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Mary Lynn Maliga", "reviewText": "As my dog is a hear chewer I bought the Extreme Kong & so far so good. So far he has not been able to damage it at all, which is a good thing for him", "summary": "Buster vs Kong", "unixReviewTime": 1361577600} +{"overall": 4.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A7SV9N237F4GG", "asin": "B0002566H4", "style": {"Size:": " Regular/Small", "Flavor Name:": " Bacon Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Sue C.", "reviewText": "Our small dog loves it!", "summary": "Four Stars", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A3IPML1OZVXMWR", "asin": "B00028HN3M", "reviewerName": "Nancy Kyle", "reviewText": "I mix this with a raw diet and the dogs love it.", "summary": "... mix this with a raw diet and the dogs love it.", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2014", "reviewerID": "AESOUJJIZNUC", "asin": "B000256DS6", "style": {"Size:": " 60 lt"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent thank you", "summary": "Five Stars", "unixReviewTime": 1407369600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "AV2VELWAYI6E9", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "shirley williams", "reviewText": "Daily use keeps teeth mostly free of plaque and stinky breath", "summary": "Solution for reducing or eliminating costly vet tooth cleaning procedures", "unixReviewTime": 1446249600} +{"overall": 3.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "A2T70V9RWX11DC", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "REGINA EDISON", "reviewText": "This was the first time I brought this for my dogs and so far they like it but I was confused because the picture had two kong's and I only received one.", "summary": "... brought this for my dogs and so far they like it but I was confused because the picture had ...", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2018", "reviewerID": "A3CVJ4S5ZASTGY", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Lynda Kolbinskie", "reviewText": "Like the idea of a product strong enough to only require a few drops to de-chlorinate tap water for aquatic life.", "summary": "Effective and economical", "unixReviewTime": 1516147200} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A1LLDOGUG04W8V", "asin": "B00061MROA", "reviewerName": "Shopper", "reviewText": "Small enough to be handy and the dog likes to eat it.", "summary": "Great Product", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2013", "reviewerID": "A293O4PHMILH8U", "asin": "B000087BIX", "style": {"Size:": " 5.3 oz. (Pack of 24)", "Flavor Name:": " Chicken", "Style:": " Puppy"}, "reviewerName": "Nancy", "reviewText": "My puppy really loves this food. I just pour a little over some dry food and she eats it all.", "summary": "Puppy Food", "unixReviewTime": 1383696000} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2015", "reviewerID": "A2VHZAD2WDLSEJ", "asin": "B00025Z6YI", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "Scott O.", "reviewText": "Nice big jar of goldfish flakes. My koi and shunbunkin prefer eating these to their koi pellets, even.", "summary": "Five Stars", "unixReviewTime": 1449705600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "AP6PS57Y0T5E7", "asin": "B0001RTDIC", "reviewerName": "laserado", "reviewText": "It works really well in my 100 gal goldfish tank! Nice and quiet too!", "summary": "Nice and quiet too", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": false, "reviewTime": "11 12, 2015", "reviewerID": "A38JV6UHZZU11S", "asin": "B0002DGZ86", "style": {"Size:": " 1 Pack"}, "reviewerName": "C. Suyenaga", "reviewText": "So far so good on the these tablets. My dog with a bad hip has been walking with more vigor since he started to take this.", "summary": "Excellent Pain Supplement", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A2KD2EYF2NWPMG", "asin": "B0002XIZOS", "reviewerName": "Leah D.", "reviewText": "Highly recommended from a very experienced groomer. A little goes a long way. We use this before plucking the ears to get better grip. works great", "summary": "Highly recommended from a very experienced groomer", "unixReviewTime": 1485734400} +{"overall": 1.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "APZKC0QI7VQJX", "asin": "B0002AR0II", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Andrew", "reviewText": "My extremely aggressive chewer destroyed it in 30 minutes flat. Waste of money.", "summary": "Waste of money", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A2C4ZWO83Y1IR0", "asin": "B0002AR17S", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "NOIR13", "reviewText": "kong is the only toy our lab doesn't destroy!", "summary": "Love.", "unixReviewTime": 1428278400} +{"overall": 1.0, "verified": true, "reviewTime": "03 9, 2016", "reviewerID": "AHTSB36857PQ1", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "PickyPixie", "reviewText": "Just stays in the \"good quality\" zone no matter how awful the water gets. Bought so granddaughter knows when to change the water. Doesn't work. Fish died.", "summary": "Didn't work", "unixReviewTime": 1457481600} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2017", "reviewerID": "ATJDD1LWNRQE3", "asin": "B0002DJG0U", "style": {"Size:": " 8-pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Rizo", "reviewText": "virtually no order", "summary": "Four Stars", "unixReviewTime": 1504569600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2014", "reviewerID": "A25ZRXZYWLFC4R", "asin": "B0002DJY3Y", "style": {"Size:": " Small"}, "reviewerName": "henry", "reviewText": "My Sugar loves her sweater. It is so cute and she has received many compliments. My daughter wants one for her pet. Both our dogs hate the cold. Will recommend it to others.", "summary": "Pink Dog Sweater", "unixReviewTime": 1394236800} +{"overall": 1.0, "verified": false, "reviewTime": "10 28, 2016", "reviewerID": "A139EDM1MRO6EG", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Robin", "reviewText": "My puppy could pull the fuss on the bolster off and eat it!", "summary": "One Star", "unixReviewTime": 1477612800} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2016", "reviewerID": "APNEVPAWK5UKA", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "tess young", "reviewText": "a cover is a cover is a cover. But these actually snap on tight and keep food fresh!!", "summary": "good buy and solid snap!", "unixReviewTime": 1470700800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A1HTS3W9GJSUHE", "asin": "B0002AR3MQ", "style": {"Size:": " A19 Bulb / 60-Watt", "Package Type:": " Standard Packaging"}, "reviewerName": "Robert E. Stevens", "reviewText": "Great product, fast delivery", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2013", "reviewerID": "A269WG8C9O2B0C", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Gee Geronimo", "reviewText": "I have two small dogs and these are perfect for those little nails. Easy to grip and trim painlessly and quickly.", "summary": "Great for small dogs.", "unixReviewTime": 1379894400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "A2WML5QB6GAKH5", "asin": "B0002AQGT2", "style": {"Size:": " 4.25 oz"}, "reviewerName": "Lucky6302", "reviewText": "My basset hound loves it. I gave her after giving birth when she was feeding her babies to help her with good nutrition.", "summary": "My dog likes it !", "unixReviewTime": 1456444800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2018", "reviewerID": "A22NP5AQOEVP06", "asin": "B0002DK2A8", "style": {"Size:": " Regular"}, "reviewerName": "C. S.", "reviewText": "Works well for the Cat that will use It.", "summary": "Five Stars", "unixReviewTime": 1514764800} +{"overall": 4.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "A99MZCE9TOTOS", "asin": "B0002DGMGG", "style": {"Pattern:": " Regular"}, "reviewerName": "Norma Robbins", "reviewText": "My little Poodle doesn't care for this. She doesn't really play with it much.", "summary": "Nylabonae Dura chew Reg. Bacon Flavored chew bone", "unixReviewTime": 1501545600} +{"overall": 2.0, "verified": true, "reviewTime": "06 18, 2016", "reviewerID": "A1M9WHFMJ1KIR3", "asin": "B0002DHA2Q", "style": {"Color:": " white"}, "reviewerName": "Maria Novoa", "reviewText": "I don't like this scooper. The scalloped edge doesn't scoop well. Won't buy it again.", "summary": "Don't like this product.", "unixReviewTime": 1466208000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A6VEWXQQ9C29D", "asin": "B00061MRSG", "style": {"Size:": " 180 Count"}, "reviewerName": "flypiper", "reviewText": "I have been using this for a while---seems to do a good job!", "summary": "... been using this for a while---seems to do a good job!", "unixReviewTime": 1456876800} +{"overall": 2.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A2N33SXAMLUS6F", "asin": "B000062WUT", "style": {"Pattern:": " Mr. Bill"}, "reviewerName": "renee", "reviewText": "Might be okay for some dogs. Mr. Bill said \"Oh No\" about half a dozen times before he was gutted. I know my dogs are very hard on toys, but this one didn't last five minutes.", "summary": "Might be okay for some dogs. Mr. Bill ...", "unixReviewTime": 1451347200} +{"overall": 4.0, "verified": true, "reviewTime": "02 8, 2012", "reviewerID": "A2EZX6PDFWSGX5", "asin": "B000084ERH", "style": {"Size:": " Souper/X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Christine Litwa", "reviewText": "I didn't think my Great Dane or Hound mix would like a bone made of Nylon but surprisingly they both enjoy it. It is is a good size for the hound (50 pounds) but the Dane could use something bigger, unfortunately I think this is the biggest size.", "summary": "Pleasantly surprised", "unixReviewTime": 1328659200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2016", "reviewerID": "A2IH2J82JOVS5L", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "Laura", "reviewText": "Both my dogs love it. Though I don't love it when I step on it in the middle of the night on the way to the bathroom. Pitfalls of being a dog parent I guess.", "summary": "Both my dogs love it. Though I don't love it when I ...", "unixReviewTime": 1477180800} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A1IODK4O32ATJ2", "asin": "B000274674", "style": {"Size:": " Large (11 in x 11 in)"}, "reviewerName": "Frankie", "reviewText": "Really fun for my dogs", "summary": "Five Stars", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A3JP831AUTAFB7", "asin": "B0002AQPNO", "reviewerName": "Pet Parent", "reviewText": "Great slicker brush for Australian Shepherd and cats.", "summary": "Five Stars", "unixReviewTime": 1404950400} +{"overall": 2.0, "vote": "3", "verified": true, "reviewTime": "11 22, 2017", "reviewerID": "A3QHJR60HKURVH", "asin": "B0006342AU", "style": {"Size:": " 2 Ounce Canister"}, "reviewerName": "angela", "reviewText": "Two cats barely acknowledged it's existence in the room.", "summary": "Very weak", "unixReviewTime": 1511308800} +{"reviewerID": "A1WSJFBQY33W2W", "asin": "B0002DJWVS", "reviewerName": "J", "verified": true, "reviewText": "Very sturdy ball, holds up well with a heavy chewing dog. Noise is almost obsolete in 1st one, 2nd one was much better", "overall": 4.0, "reviewTime": "01 9, 2017", "summary": "Very sturdy ball, holds up well with a heavy chewing ...", "unixReviewTime": 1483920000} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2013", "reviewerID": "A2EH7BL5KSVJZN", "asin": "B00061UX3C", "reviewerName": "d95602", "reviewText": "My B&G Macaw ( aka The Budgie ) went without the BOING for a couple of months and was miserable and expressed it. Replacing the BOING made her happy and those not so happy moods went away.", "summary": "Every Budgie needs one!!", "unixReviewTime": 1367020800} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2015", "reviewerID": "A1HOEKWICASKWF", "asin": "B0002DGLNU", "reviewerName": "C.barko", "reviewText": "Nylabone is a great product. If u get the right size for ur dog it lasts forever and all my dogs love them.", "summary": "Great product", "unixReviewTime": 1423526400} +{"overall": 2.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A2OYAQQNRRQFSS", "asin": "B00008DFGY", "reviewerName": "Carmen", "reviewText": "doesn't provide sufficient coverage", "summary": "Two Stars", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2015", "reviewerID": "A3QTIOZT47HWUB", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "bobby mcinvaille", "reviewText": "I am using these to train a 3 month old boxer to not chew or nibble on people. He ate the flavored bone right away. The white hard one he hasn't used much but I tell him to \"chew\" when he is being bad on the soft one and it is really getting its use.", "summary": "These are great.", "unixReviewTime": 1441670400} +{"overall": 4.0, "verified": true, "reviewTime": "04 21, 2013", "reviewerID": "ANQ773YBIYLHC", "asin": "B0002ARQV4", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "Not dummy proof. I still cut my dogs quick even with safety feature on... Can be moved to side so no safety. Strong cut great for large dog nails. Sharp.", "summary": "Big grips, strong, still cut quick", "unixReviewTime": 1366502400} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "A2I1TWA6R1YIAP", "asin": "B000255NAK", "style": {"Style:": " pH"}, "reviewerName": "swamp", "reviewText": "thanks", "summary": "Five Stars", "unixReviewTime": 1469577600} +{"overall": 3.0, "verified": true, "reviewTime": "12 13, 2015", "reviewerID": "A3PN2EEYZBLH34", "asin": "B0002ASMSK", "style": {"Size:": " Regular"}, "reviewerName": "Scooch", "reviewText": "Ok for little pups but not adolescent or nature dogs. They will chew right through it.", "summary": "great for little pups", "unixReviewTime": 1449964800} +{"overall": 4.0, "verified": false, "reviewTime": "12 9, 2016", "reviewerID": "AD4HR68RL84X2", "asin": "B000084EEF", "reviewerName": "Moonear", "reviewText": "That is a great toy for my two cats, However the cats do not use it if you ran out of the little catnip that is included. I wish there is more catnip was provided and the same quality catnip is available for reasonable price from the maker of this toy", "summary": "That is a great toy for my two cats", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A2KPM2ZXNG0KPD", "asin": "B0002565PW", "reviewerName": "Garden Girl", "reviewText": "This is exactly what I needed and expected. It arrived in a timely manner. Used it during medicating an aquarium that required the carbon to be removed.", "summary": "Good product", "unixReviewTime": 1425168000} +{"overall": 4.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "ALNTZ08M555B0", "asin": "B0002DIRXC", "reviewerName": "chief", "reviewText": "ok so far. used once to travel on airline. Could use more re-enforcement on bottom for weight of dog. I may cut a piece of 1/8\" wood to place on bottom of carrier. My dog only weights 11 lbs.", "summary": "ok so far. used once to travel on airline ...", "unixReviewTime": 1473465600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2017", "reviewerID": "A19V6UKCMBUQSY", "asin": "B0002G71VI", "style": {"Size:": " Small"}, "reviewerName": "Jasper Joan", "reviewText": "This log is much bigger than I thought. However, I put it in my parakeet's cage and he loves it. \"Peepers\" has spent many hours chewing away on this thing! The wood shreds do make a mess around the cage and on the floor beneath, but that is okay with me.", "summary": "Great product!", "unixReviewTime": 1494028800} +{"overall": 1.0, "verified": true, "reviewTime": "02 12, 2017", "reviewerID": "A14VQX5H0K8WZ7", "asin": "B0002UVISG", "style": {"Size:": " XX-Small (1.5-2.25in)", "Color:": " Black"}, "reviewerName": "walle", "reviewText": "They don't stay on and are no good for the winter. My dog would rather walk barefoot than wear these.", "summary": "Don't stay on", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2015", "reviewerID": "A1HEY3JIXB39V1", "asin": "B000084EEF", "reviewerName": "Carol B", "reviewText": "cat love to hit ball and they use scratch pad", "summary": "love it", "unixReviewTime": 1445990400} +{"overall": 1.0, "verified": true, "reviewTime": "12 26, 2016", "reviewerID": "ACVNGYN56900B", "asin": "B00028O8CG", "reviewerName": "cmkiki", "reviewText": "This was advertised to stop stool eating. My dog eats more stools since we have been giving her this. I thought maybe I needed to wait awhile before it works, but it has been 3 weeks.", "summary": "Big Disappointment!", "unixReviewTime": 1482710400} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A3POS4ZX2EKXZF", "asin": "B0000CEPED", "style": {"Package Type:": " Standard Packaging", "Style:": " Beef & Bacon"}, "reviewerName": "Patrick J Ovens", "reviewText": "dog loves it", "summary": "Five Stars", "unixReviewTime": 1451952000} +{"overall": 2.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A3HWKBYVOCNM84", "asin": "B0002ARTYI", "style": {"Color:": " Rooster"}, "reviewerName": "Chelsea", "reviewText": "It didn't work at first. Then I got it to sound, and it has a terrible sound, like the battery's are dying, I can't return it, my dog already likes it, good thing it's quiet when it makes its aweful noise!", "summary": "and it has a terrible sound, like the battery's are dying", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A3BLZD4WRWRW4J", "asin": "B0002J1FN0", "reviewerName": "Tom Ward", "reviewText": "Works.", "summary": "Easier to keep fleas off my dog rather than chase them off (into the house) after he has them, THEN treat him...", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A3KA2MXR3TQIXS", "asin": "B00025YVHG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "Sue G", "reviewText": "Can't go wrong with this product. Even works in ponds!!!", "summary": "Five Stars", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "A1FU48GNTM9EBL", "asin": "B00061MO7K", "reviewerName": "SR", "reviewText": "My dog likes the flavor. Hopefully the product is good for the teeth as well.", "summary": "Hopefully the product is good for the teeth as well", "unixReviewTime": 1453852800} +{"overall": 2.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "A3GSTFMT2O09FY", "asin": "B0002DJ4RU", "reviewerName": "sasha", "reviewText": "I had it for about a month went to use it and the part that keeps the top closed broke", "summary": "I had it for about a month went to use ...", "unixReviewTime": 1497744000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A1PO3HF07JAQKD", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "Dinah", "reviewText": "These do the job, a box lasts me a long time. All I have in the tank right now are two turtles but even when I had feeder fish for them, these cleaned my tank very well.", "summary": "Great value, last a long time", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "AYR271VUIL99W", "asin": "B0002ARYWU", "style": {"Size:": " 8 inches", "Color:": " Pink Bubble Gum"}, "reviewerName": "Beth Snyder", "reviewText": "Indestructible. My lab and golden have destroyed about everything but not this they love them. Well worth your money", "summary": "My lab and golden have destroyed about everything but not this they love them. Well worth your", "unixReviewTime": 1430611200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "A8UK7H91IIQN3", "asin": "B0002AQNPE", "style": {"Size:": " 8-Pound"}, "reviewerName": "Pgilly", "reviewText": "This seed smells horrid, and when I checked ingredients, there is artificial cherry flavor. Boo!", "summary": "Artificial cherry flavor!!!", "unixReviewTime": 1488499200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "AS8J7DCVP529J", "asin": "B0002DHHJM", "reviewerName": "Susan Ryan", "reviewText": "Works great in mt pond. Always fits perfectly.", "summary": "Five Stars", "unixReviewTime": 1425945600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 2, 2014", "reviewerID": "A1SD80SXUS9NO3", "asin": "B00025K0Y4", "style": {"Size:": " 14-Ounce"}, "reviewerName": "Clark Paton", "reviewText": "My stingrays and my needle-nose gar love these. It's more convenient than the frozen kind, and they initially had to be coaxed into trying it, but they all race to get to the food when I just open the top of the aquarium. This huge can will probably last 9 months or more.", "summary": "Good food for larger fish", "unixReviewTime": 1396396800} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A3F7T693BJ4UTS", "asin": "B00025Z6YI", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "William Bastian", "reviewText": "Goldfish love it", "summary": "Goldfish give it 5 Fns Up", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A508SQ6TNIMLG", "asin": "B0002ARUV0", "style": {"Size:": " 5.5\" diameter"}, "reviewerName": "Love2Shop", "reviewText": "I guess this one is nice for a dog toy =.", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A3HJ413M04GAX1", "asin": "B000634IUO", "style": {"Size:": " 16oz"}, "reviewerName": "Claudia Shoultes", "reviewText": "I just love this stuff. It helps take out matts and tangles and makes thier coat and skin soft and shiny.and smells great. I use on my Maltese and Shitzu and its great.", "summary": "Love this stuff", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": false, "reviewTime": "08 31, 2014", "reviewerID": "A3JP831AUTAFB7", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Pet Parent", "reviewText": "Always great for super chewers - especially liked when filled with peanut butter.", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2014", "reviewerID": "A21GWA2GOGU34X", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "Anahata G.", "reviewText": "good for cutting teeth", "summary": "good toy and helpful with teething", "unixReviewTime": 1408579200} +{"overall": 4.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A2M20UCLNN1ZWV", "asin": "B0002AQITK", "reviewerName": "JOYCE A.", "reviewText": "Easy to read, stays put in the tank. Works so much better then the ones you can buy in the stores.", "summary": "Lets you keep your tank the correct temperature at all times.", "unixReviewTime": 1419465600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2015", "reviewerID": "A1D3ACFQK24MPC", "asin": "B0002AQB6A", "style": {"Size:": " 2-Ounce", "Flavor Name:": " without Vitamin D3"}, "reviewerName": "TAW229", "reviewText": "I dust my live feeders with this to feed my veile chameleon. He still eats them so I guess that means this product is worth purchasing! It's smells like the liquid multi vitamin I have which is a real pain and why I bought powdered. I would buy it again!", "summary": "Recommend", "unixReviewTime": 1437091200} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2017", "reviewerID": "A1OE9REN74C6SV", "asin": "B000633XBE", "reviewerName": "Tam", "reviewText": "This dog shower sprayer is awesome. So easy to bathe my dogs with this. Great price too.", "summary": "Five Stars", "unixReviewTime": 1509580800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A16FFRMIXZ7PNC", "asin": "B0002DGW2U", "reviewerName": "joe joe", "reviewText": "My white clouds an neon tetras love this stuff good product", "summary": "Five Stars", "unixReviewTime": 1437609600} +{"reviewerID": "A1UPZZQ5LWA7NK", "asin": "B0002DJX58", "reviewerName": "dugmqdugmq", "verified": true, "reviewText": "my dog NIKON has stated, \"i love this ball\"... enuf said!!!!!!!!!!", "overall": 5.0, "reviewTime": "06 25, 2016", "summary": "\"i love this ball\"", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2015", "reviewerID": "A7WCF6M5KWBZ7", "asin": "B0002AS9OM", "style": {"Size:": " 6-1/2-Inch long, 5-3/4-inch wide, 8-1/4-inch high", "Color:": " Pink"}, "reviewerName": "jennn", "reviewText": "Perfect! Does the job, seems sturdy, and inexpensive!", "summary": "Great alternative to bowls", "unixReviewTime": 1437609600} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2016", "reviewerID": "A2DCVMLXN94LUC", "asin": "B0002A5WOC", "style": {"Size:": " 250 g / 8.8 oz"}, "reviewerName": "Banzai500", "reviewText": "This is a must have item for every aquarist out there. Lasts a long time and really does its job.", "summary": "Everyone should have this", "unixReviewTime": 1455580800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A8XXZ738D8LKW", "asin": "B0006345MK", "style": {"Size:": " 4 lb"}, "reviewerName": "Lollie Pop", "reviewText": "Our Vet gave our dogs a mini-treat baggie of your product. They virtually did \"back flips\" for MORE. sh sh sh Please don't tell them these goodies are an aid top their oral care! This is the best yet!!!!", "summary": "Yum Yum", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2017", "reviewerID": "A2W7QWXU18MXV3", "asin": "B0002DK8ZM", "style": {"Size:": " 25 lb"}, "reviewerName": "Amanda A. Covey", "reviewText": "works great on keeping down the rabbit urine odor", "summary": "Five Stars", "unixReviewTime": 1504137600} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2016", "reviewerID": "A2SQX1JEILPH9I", "asin": "B0002DJXPI", "reviewerName": "oldtimerocnrol", "reviewText": "boxer destroyed in 5 min", "summary": "Five Stars", "unixReviewTime": 1468800000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "05 9, 2015", "reviewerID": "A1OC7UROIYW6PR", "asin": "B00025YVRQ", "style": {"Size:": " 1.7 Ounces"}, "reviewerName": "Amazonian", "reviewText": "Really seems to soothe the betta's \"hurts\". I panicked when I saw a pinhole in one of my betta's fins, and this seemed to do the trick. He's back to swimming contentedly around and keeping the cat amused.", "summary": "Really seems to soothe the betta's \"hurts\". I panicked ...", "unixReviewTime": 1431129600} +{"overall": 3.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "AS15VI9EH5AT7", "asin": "B0002AQWHI", "reviewerName": "Sue Fields", "reviewText": "This is very thin and flimsy", "summary": "Get what you pay for!", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2015", "reviewerID": "ASHC3IHMO9P42", "asin": "B0002AR19Q", "style": {"Color:": " Blue", "Package Type:": " Standard Packaging"}, "reviewerName": "Amanda", "reviewText": "I am so glad that I trusted the reviews and purchased this! Works awesome at brushing our Yorkies coat! The loose hairs stick to the brush and rinses off easily. He is very compliant when we use it, It does not pull or snag. He looks so handsome and fluffy!", "summary": "Great purchase!", "unixReviewTime": 1447459200} +{"overall": 5.0, "verified": false, "reviewTime": "02 14, 2011", "reviewerID": "A3IMWFY597E2K8", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Goldie Lox", "reviewText": "We love this crate. We bought it for my GR puppy and full grown now at 10 months old & 57 lbs she fits in it fine. She sleeps in her kennel every night and while we are away at work or she is unattended. Great bargain at $56.13.", "summary": "36x24x27 Midwest Life Stages Double-Door crate", "unixReviewTime": 1297641600} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A2AFIEWV1QKF8E", "asin": "B00025YU3Q", "style": {"Size:": " 9.5 inches"}, "reviewerName": "Anne Mills", "reviewText": "These are perfect dog bowls for my young and vigorous poodle. They are heavy enough so that he doesn't shove them around the kitchen, making a racket. They clean easily. They look great. Unlike some other reviewers, I had no shipping problems at all.", "summary": "Perfect Dog Bowls", "unixReviewTime": 1423094400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A3MMROKE517XEK", "asin": "B0002TJAZU", "style": {"Size:": " 5.5 oz, 24 Pack", "Flavor Name:": " Tuna", "Style:": " Adult 7+ Chunks & Gravy"}, "reviewerName": "I. S. Sunshine", "reviewText": "I feed my 3 cats wet food twice a day but in the morning, I give them the Hills 7+ Tender Tuna. They enjoy it, it's good for them and that's all that matters to me!", "summary": "My 3 cats love it!", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A38TLIDL9CEXEP", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "MB", "reviewText": "Our large dod has been gnawing on this for 2 months now & barely made a dent in it. Nice hard material, just watch your toes!", "summary": "Great Chew Toy!", "unixReviewTime": 1424563200} +{"reviewerID": "AXR1JLRARH3IR", "asin": "B0002I0GV8", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Very nutritious healthy food for your dog.. Recommended by our service dog organization.", "overall": 5.0, "reviewTime": "02 25, 2017", "summary": "Recommended by our service dog organization", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A3D6DPS1PFWT9E", "asin": "B0002I9O8E", "style": {"Size:": " 1 Pack"}, "reviewerName": "backup batteries", "reviewText": "I keep buying them. My cats love it", "summary": "Easy to digest and my cats think they're treats", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2014", "reviewerID": "AZKARJDFQ24X2", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "Vicster", "reviewText": "I use it on my desktop all in one nano, works as a handle to slide the glass back for feeding times. I would give it five stars for that alone but oh yeah, it actually cleans the glass when you need it for that too.", "summary": "Makes a great slide handle for the lid glass on my desktop tank when not in use.", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2013", "reviewerID": "A29RLLPFOA4NU0", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "WittyB", "reviewText": "These are the most reliable wee wee pads. I have been using them since I first got my dog.\nThey are stron g and never leak or break.", "summary": "FOur paws wee wee pads", "unixReviewTime": 1384560000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2013", "reviewerID": "A3OK287FCJJ23Q", "asin": "B0002DHOJU", "style": {"Size:": " Small"}, "reviewerName": "labmom", "reviewText": "I bought 2 of these for my labs, because they don't share! They last a long time. I haven't put anything in them, they just want to play ball.", "summary": "Great toy for labs!", "unixReviewTime": 1388361600} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A2508J2P9Z8J51", "asin": "B0002DGM7K", "style": {"Size:": " X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Angelia", "reviewText": "Great teething toy for small pups. I have a small Pekingese. He weighs about 2lbs", "summary": "Great teething toy", "unixReviewTime": 1517356800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2015", "reviewerID": "A229ZH8BG1O6H6", "asin": "B0002DI2BE", "style": {"Size:": " 16.9-Ounce"}, "reviewerName": "Sigfrido Arrivillaga", "reviewText": "Efficient water balance product.", "summary": "Five Stars", "unixReviewTime": 1437523200} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2014", "reviewerID": "AZ41OTAPKE9E7", "asin": "B000255NAK", "style": {"Style:": " Nitrite"}, "reviewerName": "opencordero", "reviewText": "Nice item, great buy", "summary": "I would buy again", "unixReviewTime": 1406851200} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2018", "reviewerID": "A2PKD4AJUJS3JY", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " A - Red"}, "reviewerName": "Kimberly", "reviewText": "Cartridges work great and this is a good price with reliable delivery.", "summary": "Works great", "unixReviewTime": 1515456000} +{"reviewerID": "A314R1E1BFX8YX", "asin": "B0002ASNAC", "reviewerName": "sara", "verified": true, "reviewText": "My dog isn't a strong chewer, she's 40lb, and its lasted months without a dent, I feel confident leaving it in the cage with her.\nMy 100lb lab bit the ends a bit and now it looks like a mangled mess.", "overall": 5.0, "reviewTime": "02 2, 2017", "summary": "great for non agressive chewers,", "unixReviewTime": 1485993600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 19, 2013", "reviewerID": "A26S2DW4KLS20U", "asin": "B000637TF0", "reviewerName": "Amazon Customer", "reviewText": "Love that this conditions all our horse tack without changing the color!! I only have one dark saddle so this was very important! Thank you to all the other reviewers that helped me in my decision making to by this product - I'm very happy with it!!", "summary": "Leather doesn't darken! Yay!", "unixReviewTime": 1374192000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A1BUTHL0V9A808", "asin": "B0002RJKIE", "style": {"Size:": " 1Pack"}, "reviewerName": "SE Douvan", "reviewText": "This comb works great for cats also! I use it to comb my two cats a few times a week.", "summary": "NOT JUST FOR DOGS", "unixReviewTime": 1411430400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A3AZ3QSWF3Y1U7", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "MissYoko007", "reviewText": "LOVE IT", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2017", "reviewerID": "A2KOX2E9FZPYEE", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "A. Kim", "reviewText": "Amazing toy at a great price. Still holding up very well with cats clawing and chewing at it", "summary": "Five Stars", "unixReviewTime": 1495152000} +{"overall": 3.0, "verified": true, "reviewTime": "03 1, 2014", "reviewerID": "A3D34S02NWZNFB", "asin": "B0002DI39U", "style": {"Size:": " 15-Feet"}, "reviewerName": "Buddy's Mom", "reviewText": "This product is ok, but not the heavy nylon cord I expected. It says big dog after all. On the plus side the snaps are of good quality and it's more pliable and safer than chain or plastic covered cable models.", "summary": "big dog tie out", "unixReviewTime": 1393632000} +{"overall": 3.0, "verified": true, "reviewTime": "08 11, 2011", "reviewerID": "A2VUXSJFAJN0XC", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "momo62", "reviewText": "We use the Nylabone brand alot, but this one didn't impress me cause it is a VERY hard plastic and not what I would consider a proper teething toy.", "summary": "HARD PLASTIC", "unixReviewTime": 1313020800} +{"overall": 4.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "A1RLAQ26VXG2SF", "asin": "B00025Z6SO", "style": {"Size:": " 10.58-Ounce"}, "reviewerName": "Bob", "reviewText": "Rushed this order and did not realize I was getting granules. My fish are small and top eaters. These granule gave them a challenge and sinks fast. Would be perfect for medium fish who eat from the middle to bottom.", "summary": "My Fault", "unixReviewTime": 1467331200} +{"overall": 4.0, "verified": true, "reviewTime": "04 30, 2013", "reviewerID": "A2SP1YPM49J3W4", "asin": "B000084ERR", "style": {"Size:": " 12.5-Ounce Can (Pack of 12)", "Flavor Name:": " Puppy", "Package Type:": " Standard Packaging"}, "reviewerName": "Kaui", "reviewText": "but it's not totally inspiring for her. that being said, she's a DOG and eats it. we don't service the animals like we service our kids.", "summary": "this food is fine for our little puppy", "unixReviewTime": 1367280000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A1KYSAMZ7G348N", "asin": "B000256DS6", "style": {"Size:": " 60 lt"}, "reviewerName": "beat counter", "reviewText": "It doesn't create dust too much. easy to handle. Our hamster loves it.\nWe always go back to this product.", "summary": "Will buy again", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A2ARU70YBCJ45G", "asin": "B000255OIG", "style": {"Size:": " 4 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "Amazon Customer", "reviewText": "The freeze-dried beef liver treats are a quality product to enrich a dogs diet or use as a reward. One or two cut up in dry kibble encourages our Standard Poodle to eat in the morning.", "summary": "A quality product to enrich a dogs diet or use as a reward", "unixReviewTime": 1457308800} +{"overall": 4.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "A3NRMW0QVEGHR5", "asin": "B00028J0CE", "style": {"Size:": " Fits Most 48 Inch Crates-up to 125lbs", "Color:": " Black"}, "reviewerName": "BKJ", "reviewText": "Great item!", "summary": "Great item!", "unixReviewTime": 1459296000} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A10JPA1A13P26G", "asin": "B000255NAK", "style": {"Style:": " Calcium"}, "reviewerName": "Haley", "reviewText": "Seems to work fine. I wouldn't say it's completely accurate compared to other tests, but you get a close enough reading.", "summary": "Seems to work fine. I wouldn't say it's completely accurate compared to ...", "unixReviewTime": 1477353600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2014", "reviewerID": "A3TXB5C5PH74UG", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Tearless Extra Gentle"}, "reviewerName": "Lizzie", "reviewText": "This shampoo is great! My puppy coat is soft and shiny. Smells great", "summary": "Great", "unixReviewTime": 1414713600} +{"overall": 4.0, "verified": true, "reviewTime": "02 16, 2017", "reviewerID": "A1F8KFEMXTYFI1", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Puppy"}, "reviewerName": "Beverly Walker", "reviewText": "High quality puppy food with great ingredients. Once in awhile it did not agree with our puppy's stomach though.", "summary": "Four Stars", "unixReviewTime": 1487203200} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "AUR8XSM69U7EW", "asin": "B0002MLAE6", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "MsMeldeen", "reviewText": "Fair price, received as indicated and in good condition.", "summary": "Cats love this brand", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2014", "reviewerID": "A7NQ8MMKTKYSC", "asin": "B0002DGL3K", "style": {"Size:": " 2 Count", "Package Type:": " Standard Packaging", "Style:": " Bacon"}, "reviewerName": "Linda Allen", "reviewText": "Dogs loves there safe for big ones", "summary": "Five Stars", "unixReviewTime": 1413417600} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A1DRTI2OOC62L9", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 70: 40 to 70 US Gallons"}, "reviewerName": "Amazon Customer", "reviewText": "I was happy with it initially, but 6 months later it died. In my 50 years of keeping tropical fish I have never had a filter die this quickly. I wasted my money on this one.", "summary": "I was happy with it initially", "unixReviewTime": 1428278400} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A3CC3S85TF2FJB", "asin": "B0002YFC3Y", "reviewerName": "Amy Galea", "reviewText": "My cats are finicky but this product is wonderful. They love the taste and it mixes well with their food!! It lasts a long time as just a little scoop is needed. Will definitely purchase again!", "summary": "Awesome product!", "unixReviewTime": 1386547200} +{"reviewerID": "A2LDHSM9RV9JL2", "asin": "B000084F44", "reviewerName": "Rose Christo", "verified": true, "reviewText": "Perfect for training my puppy. He seems to enjoy them as well. Love that this brand has been around for ages, uses all natural ingredients, and is reasonably priced.", "overall": 5.0, "reviewTime": "03 8, 2017", "summary": "Love this brand", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2017", "reviewerID": "A1IDYAMSZ5WE6N", "asin": "B00027D3XM", "style": {"Size:": " 100"}, "reviewerName": "Katherine L. Rodriguez", "reviewText": "This took away pain my dog had in his back . It's fast acting and safe.", "summary": "Five Stars", "unixReviewTime": 1501113600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2017", "reviewerID": "A37383DTFMS9MW", "asin": "B0002DHPAI", "style": {"Size:": " 4"}, "reviewerName": "KK", "reviewText": "This works great on my cat. I just apply it and it works wonders.", "summary": "Its great", "unixReviewTime": 1500249600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A26WRXLYEGLQT6", "asin": "B000255R3I", "reviewerName": "Kaini", "reviewText": "I bought this to treat my Betta's case if ich, and sure enough it cleared up in a few days, without staining anything in the aquarium or stressing the fish that I could tell. Quite pleased.\nHowever I assume it will stain if you have anything in the aquarium that is white.", "summary": "Worked like a charm", "unixReviewTime": 1383955200} +{"overall": 3.0, "verified": true, "reviewTime": "11 18, 2017", "reviewerID": "A1ZJ17NUUV71XT", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " ROYAL BLUE"}, "reviewerName": "or1on", "reviewText": "Doesn't work like on DVD", "summary": "Three Stars", "unixReviewTime": 1510963200} +{"overall": 4.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A3P2T1DSFXMUYY", "asin": "B0002RJM9Q", "style": {"Size:": " Large"}, "reviewerName": "Liz Blaha", "reviewText": "Great!", "summary": "Four Stars", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2013", "reviewerID": "A2CDJ2RG7MLRZ0", "asin": "B0002DIPRK", "style": {"Size:": " 18.4 FL OZ", "Style:": " Oatmeal Protein Conditioner"}, "reviewerName": "ALM", "reviewText": "He hates his bath time and hides if I say the word until I start to scrub on him then it's like he is in heaven and he loved this. He has sensitive skin so it worked great!", "summary": "Works as Advertised!", "unixReviewTime": 1378166400} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "11 1, 2015", "reviewerID": "A1CY4RZJ72KRMM", "asin": "B00025694Y", "reviewerName": "Clarks", "reviewText": "This does not alter my ph at all. Trying to go from 8 to 7. It doesn't matter how much or little I add, or the duration from putting the stuff in my tank. I really would not bet on this products claims to remove chlorine or soften the water either.", "summary": "Does not lowe ph", "unixReviewTime": 1446336000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A7ZBNZY4S0AQ5", "asin": "B000255OUO", "reviewerName": "Ashley Noles", "reviewText": "A ++ Great Product.", "summary": "Five Stars", "unixReviewTime": 1491955200} +{"reviewerID": "A30UV41XUOVI6A", "asin": "B000084F44", "reviewerName": "Bert Maddox", "verified": true, "reviewText": "I was pleasantly surprised, the treats maintained their crispness despite our humidity. My dog loves them, I like them because they don't crumble in your pocket they are small enough to use for training for a medium size dog. Would be nice if they came in a larger package.", "overall": 5.0, "reviewTime": "01 7, 2017", "summary": "good treat", "unixReviewTime": 1483747200} +{"overall": 1.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A3VS14E2DZGBSD", "asin": "B000255O9K", "reviewerName": "J.", "reviewText": "Arrived shattered. Thanks UPS.", "summary": "One Star", "unixReviewTime": 1447113600} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A1UVIKDO3SHE71", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "MetairieMouse", "reviewText": "The cats love it and so do the kittens! This is a very sturdy and well built scratching post.", "summary": "Very sturdy scratching post", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A29PPK2JGD9H5U", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Rita Zaltsberg", "reviewText": "Cats love it.", "summary": "Five Stars", "unixReviewTime": 1418169600} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A3RQUBW5EGVVNJ", "asin": "B0002AQ228", "style": {"Size:": " Large", "Color:": " Black Hammertone"}, "reviewerName": "Kindle Customer", "reviewText": "Some hinges were missing on the doors. One of the 5 feeding cups was broken. Customer service did not respond. On a positive note, the bird loved the extra space. It is as large as a 4-drawer upright dresser.", "summary": "the bird loved the extra space", "unixReviewTime": 1409097600} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2013", "reviewerID": "A29KKY4BS7YATZ", "asin": "B0002HBLVS", "style": {"Size:": " Deluxe"}, "reviewerName": "seirra gal", "reviewText": "What can I say, it is a hedgehog. My dog love hedgehogs and this one is great. Seems durable so far.", "summary": "My dog loves this toy!", "unixReviewTime": 1382227200} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A34W8XTP8RF7U9", "asin": "B000084DWM", "style": {"Size:": " 7 lb", "Style:": " Optimal Care Dry | Chicken"}, "reviewerName": "Mary E. Miller", "reviewText": "My cat loves it and she is PICKY!", "summary": "Cat loves it.", "unixReviewTime": 1480723200} +{"overall": 4.0, "verified": true, "reviewTime": "06 24, 2017", "reviewerID": "A261PG63GDOSO0", "asin": "B0002X8HB4", "style": {"Size:": " Medium"}, "reviewerName": "The Gift Lady", "reviewText": "Excellent extertainment for my boy. Keeps my aggressive chewer licking for hours. Be sure you order the right size for the holder.", "unixReviewTime": 1498262400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A1ZSCQ35R2STMO", "asin": "B000256962", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "jose", "reviewText": "Very good product at work", "summary": "Five Stars", "unixReviewTime": 1465171200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "A3O05X8X0ESP3L", "asin": "B0000BYC0N", "style": {"Size:": " 4.4 pound"}, "reviewerName": "Debi", "reviewText": "It's aquarium salt. I got foot long goldfish. They are happy.", "summary": "They are happy.", "unixReviewTime": 1425168000} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A29K85C92Z8HGR", "asin": "B00028J0CE", "style": {"Size:": " Fits Most 19 Inch Crates-up to 15lbs", "Color:": " Brown"}, "reviewerName": "MET", "reviewText": "Bought two of these, one for each carrier. They fit in the carrier pretty well and are much better than the towels I had been using that slide around everywhere and don't provide much comfort to my cats.", "summary": "Good, basic carrier liner", "unixReviewTime": 1449014400} +{"reviewerID": "A275U3FI7YYYH5", "asin": "B000255NH8", "reviewerName": "El Paso Texas", "verified": true, "reviewText": "very good product", "overall": 4.0, "reviewTime": "01 24, 2017", "summary": "Four Stars", "unixReviewTime": 1485216000} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2007", "reviewerID": "AI8MYO60QG9WH", "asin": "B0002DIM8W", "reviewerName": "Amazon Customer", "reviewText": "simple, effective, and easy to clean\nit isn't very attractive but works quite well", "summary": "Works well", "unixReviewTime": 1189036800} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A1RTMPQIUNH5ED", "asin": "B0002FP1W0", "style": {"Size:": " Ole"}, "reviewerName": "roamieboy", "reviewText": "It kept my Cockatoo busy for one day. Since the wood is so soft, it is too easy for the larger birds to go right through it all in a day's time. I think this would be good for smaller birds.", "summary": "It lasted a day with my Cockatoo!", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2018", "reviewerID": "A1ODMGDF2IJP8S", "asin": "B0002AQITK", "reviewerName": "Buuuuuuummmmaaaarrrr", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1524009600} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A3HPIEL28CM8S0", "asin": "B0002568EA", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Eatsrainbows", "reviewText": "Works as expected.", "summary": "Five Stars", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": false, "reviewTime": "09 4, 2014", "reviewerID": "A1NC7Q417BKTJG", "asin": "B0002DJONY", "style": {"Size:": " 80 Pound"}, "reviewerName": "Aimee", "reviewText": "Love love love this container! Holds two bags of food and keeps it fresh!", "summary": "easy and space saving", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A2BBZEFTMJ61N9", "asin": "B0002DHYH2", "style": {"Size:": " Up to 10-Gallons"}, "reviewerName": "Thor Sparks", "reviewText": "Great price and works quite well. I set this up as a filter for our pets water bowl.", "summary": "Five Stars", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A3NQ7NRHWVTYBF", "asin": "B000634336", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "Margaret Bolger", "reviewText": "Love these! Way better than the plastic bag liner.", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 4.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A3W2S3CNOSOAFY", "asin": "B0002ARY7A", "style": {"Size:": " 14-1/2-Ounce"}, "reviewerName": "DIONNE HOLDER", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2017", "reviewerID": "AH6RG4WR585VL", "asin": "B0002AR17S", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Joy", "reviewText": "PUP LOVES it! tHE PERFECT SIZE FOR A LARGE BREED PUPPY", "summary": "tHE PERFECT SIZE FOR A LARGE BREED", "unixReviewTime": 1496102400} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2015", "reviewerID": "A15I21BRN9UD6K", "asin": "B00061MP9C", "reviewerName": "M. gonzalez", "reviewText": "I like this very much but am worried about the active ingredient", "summary": "Five Stars", "unixReviewTime": 1440720000} +{"overall": 4.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A6DYVS8WVVB0G", "asin": "B000084EEF", "reviewerName": "AJ", "reviewText": "I like it, my cat adores it.", "summary": "Four Stars", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A3V1KTYJ58BF7S", "asin": "B000256EAI", "style": {"Size:": " 100 Watt/2 Pack"}, "reviewerName": "Dee", "reviewText": "Thank u", "summary": "Five Stars", "unixReviewTime": 1430784000} +{"overall": 1.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A14SDKZSAPOXR9", "asin": "B0002AT450", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "Hladane", "reviewText": "I'm so sick this is about the 5th one this year I have purchased of the same brand. Never again. I just pulled out a new one to use and it snapped. Every one has snapped where it is attached to the pan. Such a waste of money.", "summary": "Such a waste of money", "unixReviewTime": 1472860800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71c97fBtCGL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "10 28, 2017", "reviewerID": "A1WQ48WWTLSNRO", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "ShopnProbs", "reviewText": "For some reason my first review was rejected/denied the first time. Thats odd. Anyhow, Ill review again!\nMy dog loves his new duck toy.", "summary": "Dog loves the new plush toy!", "unixReviewTime": 1509148800} +{"reviewerID": "A37I200ZOWYX29", "asin": "B00063434K", "reviewerName": "SI", "verified": true, "reviewText": "Dogs like them.", "overall": 5.0, "reviewTime": "03 17, 2017", "summary": "Five Stars", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "ALL085AG533B0", "asin": "B0002IJQDC", "style": {"Size:": " 200-Gram"}, "reviewerName": "Kat K.", "reviewText": "You can't keep my mini schnauzers from running with glee through snow. All the time. I sit, and massage a little into their pads every other night. The stuff keeps them soft and supple. Does not stain my carpets. And I get quality time with the dogs.", "summary": "You can't keep my mini schnauzers from running with glee ...", "unixReviewTime": 1451952000} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2015", "reviewerID": "A5PMVJERZFB1L", "asin": "B00025Z6X4", "reviewerName": "SYFARHAT", "reviewText": "Fish love herbivores included (yellow tang)", "summary": "Five Stars", "unixReviewTime": 1450310400} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "AFA506P2CG3BK", "asin": "B00063496C", "style": {"Size:": " 3 Filters"}, "reviewerName": "NYC Guy", "reviewText": "What can one say about filters? These work very well. I didn't change out the filter every two weeks as suggested as they kept doing a great job for a month. I purchased 6 of these and the price was excellent. I am happy with this product.", "summary": "I didn't change out the filter every two weeks as suggested as they kept doing a great job for a month", "unixReviewTime": 1468281600} +{"overall": 4.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "A2U67C4H5NNS7K", "asin": "B0002ARYWU", "style": {"Size:": " 6 inches", "Color:": " Red"}, "reviewerName": "AR", "reviewText": "My dog loved this toy for about an hour. Then she chewed the handle right off the ball. The handle is hollow, so it was much easier to chomp through than I expected. Now we have a red ball that is too big to fit in her mouth, so she doesn't play with it anymore.", "summary": "Handle too easy to chew off", "unixReviewTime": 1387843200} +{"overall": 2.0, "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "AKJ69KA7Q2ANC", "asin": "B0002AS1CC", "style": {"Style:": " Turbo Teaser Toy"}, "reviewerName": "miriam", "reviewText": "The long feather hangs down so far that my cat doesn't want to play with it. I haven't yet tried the smaller feather.", "summary": "The long feather hangs down so far that my cat ...", "unixReviewTime": 1459641600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 9, 2013", "reviewerID": "A2E2V5WSMRVZNY", "asin": "B0001AB42W", "reviewerName": "Laura J.", "reviewText": "Had problem w/ cats jumping on counters, esp. at night. First night I set it up, I could tell that it worked. I don't think I even have to set them up at night anymore, they got the message.", "summary": "did the job!", "unixReviewTime": 1368057600} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2017", "reviewerID": "AFBVABW8MO7BF", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "P.R.C.", "reviewText": "My rabbits love these,and then there was a HUGE PRICE HIKE.I was paying fair market value for the add on item pricing x10....then 7.99 ea. No Bueno", "summary": "Good Timothy hay,priced themselves right out of my market", "unixReviewTime": 1489449600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2013", "reviewerID": "A24EC7S6JYBRYX", "asin": "B0002DIENU", "style": {"Pattern:": " Model-208"}, "reviewerName": "Roberta Bishop", "reviewText": "great buy and nice. They fit just right . Had no problems with them. I would buy them again Good deal", "summary": "collars", "unixReviewTime": 1374710400} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "A5RZ65MOGE4R9", "asin": "B0002RJM9Q", "style": {"Size:": " Large"}, "reviewerName": "Evelina", "reviewText": "My Qeensland Heeler (5 month) enjoys it a lot! The brush seems to be very well made. The only one thing which I am not sure about is how to clean it...", "summary": "Nice brush!", "unixReviewTime": 1399334400} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A1FW7OHI4ITVC0", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Dymon's Knowledge", "reviewText": "What puppy doesn't love a good Kong. Our puppies are no different. The Kong filled with stuffing seemed to be their favorite toy in the world.", "summary": "Kong Heaven", "unixReviewTime": 1397606400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2016", "reviewerID": "AU2EBC2WHIO7P", "asin": "B0002AS1C2", "style": {"Size:": " Single"}, "reviewerName": "Sirius Reviewer", "reviewText": "Just the perfect bowl to leave out for the wildlife that visits my yard. Heavy enough that the wind won't pick it up and blow it away.", "summary": "Just the perfect bowl to leave out for the wildlife that visits ...", "unixReviewTime": 1459296000} +{"reviewerID": "AAU91A7ONOXN9", "asin": "B0002DK9L0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "My dogs love playing with this ball", "overall": 5.0, "reviewTime": "12 6, 2015", "summary": "Five Stars", "unixReviewTime": 1449360000} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2014", "reviewerID": "A3PUVAMK12WO4T", "asin": "B0002566H4", "style": {"Size:": " Wolf/Medium", "Flavor Name:": " Original Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Pam881", "reviewText": "Mt dog is an avid chewer, so I have to get durable toys and bones for her. These will, at leas,t last her about a month before she chews off the knotted ends. The price cant' be beat. I highly recommend these bones and plan to buy many more in the future.", "summary": "Nylanbone Chew Bones", "unixReviewTime": 1402876800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2013", "reviewerID": "A3KF8OP0I238YQ", "asin": "B0002DHZIU", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "KandyKorn", "reviewText": "I don't use the gravel, makes a mess, you have to rinse it forever, and the gravel goes thru the netting and your tank gets funky. Leave the gravel out and your tank stays cleaner longer, just replace the cartridge bag.", "summary": "Works Great!", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A1RYYETIZCVDGQ", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "amazon customer", "reviewText": "My Pitbull loves this thing, and it lasts", "summary": "Dog loves, it lasts", "unixReviewTime": 1438905600} +{"reviewerID": "A2J5FJRZV4994H", "asin": "B0002BTDAK", "reviewerName": "D. Bors", "verified": true, "reviewText": "Second one I bought. The only bed our dog hasn't chewed up. This one goes on top of the crate for the cats to lay on so they will stay out of the dogs crate hopefully.", "overall": 5.0, "reviewTime": "09 26, 2015", "summary": "Nice bed", "unixReviewTime": 1443225600} +{"overall": 2.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A2Z3C9FXTFDPDF", "asin": "B0002C7FHC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "sylvia kennedy", "reviewText": "to scared to use it after reading other reviews so do not know!", "summary": "Two Stars", "unixReviewTime": 1420243200} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2013", "reviewerID": "A2TBYM399X5HA9", "asin": "B00015CDOU", "style": {"Size:": " Small", "Style:": " Spot Cat"}, "reviewerName": "Lee", "reviewText": "This has a cute design and and is more than large enough for my cat's meal. It's made of heavy glass and works fine!", "summary": "Cute Cat Dish", "unixReviewTime": 1385251200} +{"overall": 5.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A3KP5TQNNIMMP", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Oskar", "reviewText": "As Hootie the Goldendoodle, I can tell you that I love this toothpaste. When my mom calls me to have my teeth brushed, I come running with my tail wagging. This is the best we've had so far, and I would recommend it to all of my friends.", "summary": "Woohoo, this is a keeper!", "unixReviewTime": 1472083200} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2012", "reviewerID": "AJ8MTMFTQZUGV", "asin": "B000633JS6", "style": {"Size:": " 18 lb. Bag"}, "reviewerName": "GOBAMAGO", "reviewText": "Pro Plan Puppy Food is very good product. My puppies love this food. 18 pound bag is not available at my local pet store, I was glad to find it at Amazon. I would recommend this food to all puppies owners. Healthy and the pups love it. A+", "summary": "Puppy Love", "unixReviewTime": 1338508800} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2015", "reviewerID": "ASJT08B3X5FIK", "asin": "B0002ARMEA", "style": {"Size:": " m", "Color:": " Red"}, "reviewerName": "Stanley E. Kessler", "reviewText": "This was a good find. It was a great price also. This was a good find. It was a great price also.", "summary": "This was a good find. It was a great price also. This was a good find. It was a great price also.", "unixReviewTime": 1425945600} +{"overall": 2.0, "verified": true, "reviewTime": "05 7, 2016", "reviewerID": "A2POQL4WC5J4U8", "asin": "B0002DH1Z2", "reviewerName": "Lg719", "reviewText": "Pretty and colorful, but broke very quickly and it's very tiny. Even after reading reviews and purchasing based on the questions/answers, I still feel it was way too small for most birds. I'd recommend for a finch or parakeet, but no larger.", "summary": "Broke quickly and very small", "unixReviewTime": 1462579200} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2016", "reviewerID": "AL0UCU0XJ4EAX", "asin": "B0002APSZK", "reviewerName": "Jody Fernandez", "reviewText": "Been looking for this for months. It's our \"go to\" for our three aquariums. Takes just a little bit to clear the whole tank and we have never lost a fish or a plant.", "summary": "Been looking for this for months. It's our \"go ...", "unixReviewTime": 1475539200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2018", "reviewerID": "AHUKCZFQ91P76", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Donna M.", "reviewText": "Great for an active chewer!", "summary": "Five Stars", "unixReviewTime": 1524700800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A3HAKRQLG6FXOR", "asin": "B00025Z6X4", "reviewerName": "brian s yeatts", "reviewText": "my clowns love this stuff!", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"overall": 4.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "A1X9XA6023EVS1", "asin": "B0002DHAWQ", "reviewerName": "andrea", "reviewText": "works great", "summary": "Four Stars", "unixReviewTime": 1406764800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "A2BVB3LJRF4TH5", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Shell", "reviewText": "love this shampoo. My go to shampoo for my pets - I really like the smell of this one.", "summary": "love this shampoo", "unixReviewTime": 1515024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2014", "reviewerID": "A1PEVGCYGO3HA4", "asin": "B000084DWM", "style": {"Size:": " 7lb", "Style:": " Indoor Dry | Chicken"}, "reviewerName": "Bones2TheBridge", "reviewText": "I have trusted Science Diet products for years. It is a great, quality product. I feed it to my cat and four dogs and have for years. My cat has a great coat, and her litter box isn't so bad either.", "summary": "Great Product", "unixReviewTime": 1396310400} +{"overall": 1.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A9V5BV3AIZAZF", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " FAWN"}, "reviewerName": "Sandra", "reviewText": "Returned.. went up nose into my dogs eyes .. could not use", "summary": "Goes up nose into eyes", "unixReviewTime": 1424131200} +{"overall": 3.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "AS9N27RY5HIRR", "asin": "B00008URR8", "style": {"Style Name:": " Spotlifter Only"}, "reviewerName": "Hufflepuffgirl62442", "reviewText": "The suction doesn't work great, always have to use paper towels to soak up.", "summary": "Three Stars", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "A3UWAP2C405CTK", "asin": "B0002DH8L4", "style": {"Color:": " Brushed Nickel"}, "reviewerName": "Joe", "reviewText": "Easy to clean and I don't smell when he goes.", "summary": "Great buy", "unixReviewTime": 1500508800} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "APIC3HYXVPXT0", "asin": "B0002AR0KG", "style": {"Color:": " bronze"}, "reviewerName": "NatesSweetpea", "reviewText": "Bought two of these litter tracker mats, they seem to be helping quite a bit. One thing to keep in mind is that they are not non-skid, so they will shift if used on hard surface floors.", "summary": "Nice Product", "unixReviewTime": 1427760000} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A2JM71H9Z9TX9Z", "asin": "B0002DIYTO", "reviewerName": "Amazon Customer", "reviewText": "This water bottle works very well. As long as you fill it up all the way it does not leak. Also it comes with 2 springs with clips to secure it to a cage.", "summary": "Works well", "unixReviewTime": 1354838400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "A1CG4L6B7KMCX2", "asin": "B0002C7FFE", "reviewerName": "R. Pavlic", "reviewText": "Great product, best price so far. ", "summary": "Very Happy", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "11 26, 2016", "reviewerID": "AYKML9GAOJ9MX", "asin": "B0002AR0II", "reviewerName": "Jan dill", "reviewText": "I've had these before, just needed to buy new ones the old ones wore out. But these are great when you stuff them and stick them in the freezer, keeps my German Shepherd from getting bored", "summary": "But these are great when you stuff them and stick them in the ...", "unixReviewTime": 1480118400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2013", "reviewerID": "A204IS3LM0G5WR", "asin": "B0002DHZIU", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "atmjinc", "reviewText": "Name brand product for a great low price. The pre-assembled cartridges make changing a filter quick and easy. The filters fit perfect, work great and are long lasting.", "summary": "Tetra 26169 Whisper Bio-Bag Cartridge, Medium, 3-Pack", "unixReviewTime": 1379116800} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A137J7ZV8W9RAF", "asin": "B0002APRGA", "style": {"Color:": " White Frost"}, "reviewerName": "M16996", "reviewText": "good product", "summary": "Five Stars", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A1VRLTGTLPSILV", "asin": "B000084F1Z", "reviewerName": "H. Bayne", "reviewText": "Our dogs loved them.", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2017", "reviewerID": "A1A7PFRAH4MKLG", "asin": "B000255N14", "style": {"Size:": " 32-Ounce"}, "reviewerName": "Zoie", "reviewText": "I've been using this product for 15 plus years I have had my pond. Buying the larger size is much more economical !", "summary": "Great product !", "unixReviewTime": 1507075200} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "AUPPRXNZRNBVT", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Amy", "reviewText": "LOOOOVE Nylabone toys - very sturdy!", "summary": "Five Stars", "unixReviewTime": 1407888000} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2017", "reviewerID": "A1TLS799XT60YA", "asin": "B00008DFK5", "style": {"Flavor Name:": " Liver"}, "reviewerName": "Bob the Elder", "reviewText": "My dog loved it!", "summary": "Four Stars", "unixReviewTime": 1512345600} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3A2YJK1HWI563", "asin": "B0002AT3MO", "style": {"Size:": " 42-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "nicole", "reviewText": "Great product. excellent quality. love the 2 different doors", "summary": "Five Stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2014", "reviewerID": "A2Q1D0WFME8152", "asin": "B0002ARTYI", "style": {"Color:": " Rooster"}, "reviewerName": "Carla", "reviewText": "My dog loves this chicken, she carries it everywhere, squeezes it to hear it crow constantly. I purchased a second one for backup just in case it breaks but it is still going strong!", "summary": "talking chicken", "unixReviewTime": 1394841600} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A19FT7OR8OW83B", "asin": "B0002AR63M", "style": {"Size:": " Large", "Color:": " Abutilon", "Package Type:": " Standard Packaging"}, "reviewerName": "Girl Scout", "reviewText": "Used this in my herp tank. My snake comes up and uses it like a hammock. It's pretty funny when people look at my snake and see the fake hemp, good conversation starter and plenty for your reptile to hang out in.", "summary": "lol", "unixReviewTime": 1449446400} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2017", "reviewerID": "A2KWI37HDKYQVQ", "asin": "B0000AH3QW", "style": {"Size:": " 40 lb. Bag"}, "reviewerName": "Deborah J", "reviewText": "Great price...our dogs love this food!", "summary": "Five Stars", "unixReviewTime": 1505865600} +{"reviewerID": "A2BUMQLCNSIBAR", "asin": "B000634JJ4", "reviewerName": "Scott", "verified": true, "reviewText": "perfect fit. great replacement for original", "overall": 5.0, "reviewTime": "09 10, 2017", "summary": "Five Stars", "unixReviewTime": 1505001600} +{"overall": 4.0, "verified": true, "reviewTime": "11 2, 2014", "reviewerID": "A3TP6494QUGWIE", "asin": "B0002AR0II", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Verified Purchaser", "reviewText": "Dogs love it, but when you get it, big smell of rubber, had to let it air out for several days and washed it several times before I would my dogs to use it. The product is tough not even a dent, crack or tear so far. Me and my dogs thank you", "summary": "Dogs love it, but when you get it", "unixReviewTime": 1414886400} +{"overall": 4.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A3G4QP85S8FTVM", "asin": "B0002AROP2", "style": {"Size:": " m"}, "reviewerName": "S. Iorio", "reviewText": "Made walking easier...not perfect but easier.", "summary": "not perfect but easier", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A341J9A79DYXFC", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "rose", "reviewText": "LOVE LOVE LOVE THIS !! HIGHLY RECOMMEND THIS IF ANYONE HAS A DOG THAT WILL PULL YOU!! It was getting hard to walk my dog because he would always pull and try to chase squirrels , birds ; anything moving he would try to chase ..worth spending money for sure", "summary": "LOVE LOVE LOVE THIS", "unixReviewTime": 1428364800} +{"overall": 3.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A1C4VMZ41YH9BV", "asin": "B0002I0RNK", "style": {"Size:": " Small"}, "reviewerName": "K. Wilson", "reviewText": "I got this for my little bichon and he doesn't really like it. But he's REALLY picky about his toys and treats. It's a great little toy, my dog just doesn't like it. He likes soft fuzzy things", "summary": "Nice toy but", "unixReviewTime": 1454284800} +{"overall": 5.0, "verified": true, "reviewTime": "10 2, 2014", "reviewerID": "A186UEP24IE316", "asin": "B0002BSMDE", "style": {"Size:": " 48-Inch", "Color:": " Khaki"}, "reviewerName": "Betty the Buyer", "reviewText": "Love this bed. Dogs are comfy (can fit 2 medium schnauzers...) and the whole thing goes into the washer. Very pleased!", "summary": "Love this bed", "unixReviewTime": 1412208000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2017", "reviewerID": "A2MCVD24PSK5AO", "asin": "B0002I0GVS", "style": {"Size:": " 5-Pound Bag", "Flavor Name:": " Puppy"}, "reviewerName": "Janell Michaels", "reviewText": "Our doxle pup gets finicky about her food...about the time we're 3/4 through a 5lb bag, she's turning her nose up. Not so with this brand. We're on our second bag, no problems, no issues with stool, and except for her occasional persnickety streaks, she eats it up.", "summary": "A winner with our picky pup", "unixReviewTime": 1502236800} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A2V8B9DVUTNB1D", "asin": "B0002AR3PS", "style": {"Size:": " 75-watt", "Package Type:": " Standard Packaging"}, "reviewerName": "Kimberly K.", "reviewText": "Unlike the ZooMed clear basking lamp, this bulb is still going strong! My beardie seems to love it and she knows when it comes on at night, it's bedtime, so under her Hut she goes to go to sleep. Great lamp, I'll definitely purchase again.", "summary": "Great nightime heat lamp!", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A1T6ZWR3RPICV9", "asin": "B0002MLAEQ", "style": {"Size:": " 7 lb. Bag"}, "reviewerName": "TJo", "reviewText": "Cats love it! They have gone from barfing several times a day, to once or twice a week! I have 6 furbabies, and they all like this food!", "summary": "No Barfing", "unixReviewTime": 1459814400} +{"reviewerID": "A28VCKDZ961MGM", "asin": "B0002ASNAC", "reviewerName": "TJ B.", "verified": true, "reviewText": "Looks and feels plastic and cheap. My dog did not have any interest in it. Went back to elk antlers", "overall": 3.0, "reviewTime": "09 1, 2016", "summary": "Dog did not care for it", "unixReviewTime": 1472688000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A13WT3JMDXXWDR", "asin": "B0002DHXX2", "style": {"Size:": " 42-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Panda Buster", "reviewText": "dogs love it and they wash fantastic!", "summary": "Five Stars", "unixReviewTime": 1502150400} +{"overall": 4.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A2D2430Y1YDE5I", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 30: 10 to 30 US Gallons"}, "reviewerName": "lancey", "reviewText": "I love this product. The only thing don't like is if the power goes off and when it is turned back on the pump does not prime itself. I am afraid that the pump will burn out if not pumped", "summary": "I love this product", "unixReviewTime": 1479168000} +{"overall": 5.0, "verified": true, "reviewTime": "08 9, 2015", "reviewerID": "ACW5P18QPE8UT", "asin": "B0002568ZO", "style": {"Size:": " Large"}, "reviewerName": "gary", "reviewText": "Working", "summary": "Five Stars", "unixReviewTime": 1439078400} +{"overall": 4.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "AFCI5JC68E1MA", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "BrandyIce", "reviewText": "Cat really likes to play with this. String could be a little bit wider.", "summary": "Cat play toy", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "12 18, 2016", "reviewerID": "A34INERILU8BBJ", "asin": "B0002DGI1U", "style": {"Size:": " 4.5 lb"}, "reviewerName": "denton girl", "reviewText": "Only food I feed her besides her hay", "summary": "Mishka loves it.", "unixReviewTime": 1482019200} +{"overall": 3.0, "verified": true, "reviewTime": "04 24, 2018", "reviewerID": "A24UQUR2DRUZZB", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Keelut", "reviewText": "Keep an eye on your cat with this toy if she is anything like mine. My cat found it on my dresser during the night and chewed up about half the toy. She passed it luckily but was not a fun thing to find her doing.", "summary": "My cat likes it too much. Store it well.", "unixReviewTime": 1524528000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A2ZG7281DIDJWG", "asin": "B00027CKY0", "reviewerName": "Jamesdooo", "reviewText": "I really trust Halo, my dogs have thrived on \"spots stew\" for years and I figured a bit of vitamins couldn't hurt. Actually my Beagle/Lab (Buddy) will take these as treats.", "summary": "I try to do good by my pets", "unixReviewTime": 1368144000} +{"overall": 5.0, "verified": true, "reviewTime": "04 11, 2016", "reviewerID": "A3VTR57Q3BH6K1", "asin": "B0002ADJYM", "style": {"Size:": " 10.6 oz"}, "reviewerName": "Ann", "reviewText": "Great product and vegan!", "summary": "Five Stars", "unixReviewTime": 1460332800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2017", "reviewerID": "A1HM4AW16GUJZ1", "asin": "B00025YRJS", "reviewerName": "Aubry", "reviewText": "Works after a couple days and a water change did it twice. But cyno can come back if you don't fix the problem", "summary": "Works", "unixReviewTime": 1488153600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A3PA4GU2MNW8CR", "asin": "B0002APXXW", "style": {"Size:": " l", "Color:": " Blue"}, "reviewerName": "DKK", "reviewText": "These are great if you want to give pup some room to play and still have them on a lease.", "summary": "Well made - great product.", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A27NFST0LNSPL5", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "NCB", "reviewText": "the best pup toy. durable and fun for the pup", "summary": "Five Stars", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2016", "reviewerID": "A33V9CRL89KYO6", "asin": "B0002DGIGU", "style": {"Size:": " 9.5 lb"}, "reviewerName": "Bryan Ross", "reviewText": "Our rabbit loves it!", "summary": "Five Stars", "unixReviewTime": 1468022400} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2014", "reviewerID": "A20A5N8GBVC1W9", "asin": "B0002DIS4K", "reviewerName": "James", "reviewText": "This is a fantastic dog comb. Gets through our dogs double coat (Samoyed) and the handlw is really comfortable to use. Hughly recommended.", "summary": "EXCELLENT pet comb", "unixReviewTime": 1396742400} +{"overall": 4.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A24KJ2BFS4ZVAN", "asin": "B0002APRGA", "style": {"Color:": " Black with Fluorescent Highlights"}, "reviewerName": "SSSSSSSSSSSSSSSSS", "reviewText": "Hey... What can I say.. Fish tank gravel is fish tank gravel", "summary": "Four Stars", "unixReviewTime": 1453680000} +{"overall": 3.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A20EC16CJT2FBK", "asin": "B0002ASCQ2", "reviewerName": "Carol J. Greening", "reviewText": "It's a food scoop. What more can I say?", "summary": "Three Stars", "unixReviewTime": 1453161600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71mRViYq3xL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "12 8, 2017", "reviewerID": "A1CRT7ZG4EFC5Z", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Don Brennan", "reviewText": "Fast shipping half the price have bought many times", "summary": "Fast shipping half the price have bought many times", "unixReviewTime": 1512691200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A3IVSU6PV7CE0Y", "asin": "B0002C7FFE", "reviewerName": "Lisa Gilpin", "reviewText": "works like a dream for my dog!", "summary": "Five Stars", "unixReviewTime": 1487980800} +{"overall": 4.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "AT4O7WCHCUGLW", "asin": "B0002DHO1I", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Keeps my dog busy", "summary": "Four Stars", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2016", "reviewerID": "A265ZXCJ0P0XB", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Melonmagellan", "reviewText": "This smells good and really makes my pets coats smooth/soft. I've used it on my greyhound and my cats to good result.", "summary": "Smells Nice, Easy on My Greyhound's Delicate Skin", "unixReviewTime": 1468195200} +{"overall": 4.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "A3OIMNIW9CS069", "asin": "B0002AS3K2", "reviewerName": "Janice P.", "reviewText": "much cheaper than the stores but thought they would last a bit longer; the Bostons gutted these in no time but at least seemed to enjoy doing it", "summary": "the Bostons gutted these in no time but at least seemed to enjoy doing", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "A3QGQ43KUDKO0F", "asin": "B000084EEF", "reviewerName": "Kimberly F Goethe", "reviewText": "My kitten plays with this a lot. I have it on the base of a cat tower. She seems to like it a lot.", "summary": "She seems to like it a lot", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "AA6URJUVIFX5D", "asin": "B0002APIIW", "style": {"Size:": " 500 ml"}, "reviewerName": "Max Goldberg", "reviewText": "so far no new tank syndrome would recommend", "summary": "Five Stars", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": false, "reviewTime": "06 23, 2014", "reviewerID": "A2X7R9FXMKIXTM", "asin": "B000255N14", "style": {"Size:": " 32-Ounce"}, "reviewerName": "milagros", "reviewText": "just got yesterday i know that it works when i need to use it calm yhe fishes in my pondthank you", "summary": "item above", "unixReviewTime": 1403481600} +{"reviewerID": "A35NYYF21AO7GB", "asin": "B0002ARQY6", "reviewerName": "Dee", "verified": true, "reviewText": "The overall product would be great except the legs do not fit properly so it is wobbly. Their resolution is to rotate the legs hoping they will fit in a different place. That didn't work.", "overall": 3.0, "reviewTime": "05 31, 2008", "summary": "Cheap", "unixReviewTime": 1212192000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2013", "reviewerID": "A19A5LYN2NNQYW", "asin": "B0002DIRK0", "style": {"Size:": " 1-Pack"}, "reviewerName": "Valerie", "reviewText": "The product arrived on time. The color was what was expected. It fits the kitten and now my son can hear when he is coming.", "summary": "Great product", "unixReviewTime": 1377907200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2017", "reviewerID": "A31F5SZQZ9PFSU", "asin": "B0002J1F76", "reviewerName": "Rick Jenkins", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1485561600} +{"overall": 5.0, "verified": true, "reviewTime": "09 10, 2016", "reviewerID": "A1HFSC0ZQDUP6R", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Luci Furr", "reviewText": "Perfect I only thought I ordered 1 extra ball but apparently I ordered 2 which is fine for my mini mountain lion so he thinks & he loves these...big bonus!", "summary": "Thank you very much", "unixReviewTime": 1473465600} +{"overall": 3.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "A1FQGF3LUM0HU3", "asin": "B0002AQQ56", "reviewerName": "Amazon Customer", "reviewText": "It's a litter mat. I'm not sure how people have strong feelings one way or another. It works, it fits great with the litter box.", "summary": "It's a litter mat", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "A3KAXYLAZ96T3F", "asin": "B000256962", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Kendall", "reviewText": "My plants are growing like crazy!", "summary": "Five Stars", "unixReviewTime": 1438992000} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2014", "reviewerID": "A143IKI0MNL2IU", "asin": "B0002AQM9Q", "style": {"Size:": " 8 oz"}, "reviewerName": "Connie Stephenson", "reviewText": "Best stuff EVER!", "summary": "it works!!", "unixReviewTime": 1409702400} +{"overall": 4.0, "verified": true, "reviewTime": "08 24, 2014", "reviewerID": "A1DY8E6YQ994ZE", "asin": "B0002APVAC", "reviewerName": "Joshua M Dean", "reviewText": "Works well", "summary": "Four Stars", "unixReviewTime": 1408838400} +{"overall": 1.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A12J4PG3QIF25Z", "asin": "B0002AS2R6", "reviewerName": "Moncuh", "reviewText": "I really liked this, and my ferret was in love with it, but I'm giving it one star because the squeaker broke in one hour :/", "summary": "Silence", "unixReviewTime": 1465257600} +{"overall": 2.0, "verified": true, "reviewTime": "10 20, 2014", "reviewerID": "A36BYUUDNFMMJI", "asin": "B0002DJXJE", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "destroyed in a matter of minutes by my chiweenie buzzsaw.", "summary": "Not for aggressive chewers", "unixReviewTime": 1413763200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "A2TJW57XXJXWV2", "asin": "B0002DK91K", "style": {"Size:": " 10-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Michael Bonner", "reviewText": "Good value, note fish is primary ingredient so this is a warm-weather food. Koi seem to like it just fine, good \"value\" food. Haven't noticed any issues with water quality while feeding, but then I'm careful not to over-feed.", "summary": "Good value food", "unixReviewTime": 1505952000} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2016", "reviewerID": "ABF0UJKEZ78IV", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Gary M. Stewart", "reviewText": "Dog loves it", "summary": "Five Stars", "unixReviewTime": 1467331200} +{"overall": 1.0, "verified": true, "reviewTime": "07 17, 2014", "reviewerID": "AJGT8RLGEEX07", "asin": "B00006LL38", "style": {"Size:": " 1.4 oz tin"}, "reviewerName": "Lily", "reviewText": "My dog (toy poodle) does NOT like these. They don't smell great either. Will NOT be reordering.", "summary": "My dog does NOT like!", "unixReviewTime": 1405555200} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "08 24, 2008", "reviewerID": "ASIRTM5M1J65W", "asin": "B0002YFC9I", "reviewerName": "NancyD", "reviewText": "Recommended by my cats' vet for some arthritis in their hip joints. The two cats are 15 years old; one has mild arthritis; the other's is more severe. I noticed improvement almost immediately.", "summary": "Cat arthritis", "unixReviewTime": 1219536000} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "AW3MSGH0V838S", "asin": "B0002AT3MO", "style": {"Size:": " 48-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Amazon Customer", "reviewText": "great got the largest one its huge and durable", "summary": "Five Stars", "unixReviewTime": 1510790400} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "AE3GOM4YT6DRM", "asin": "B0006342AU", "style": {"Size:": " 2 Ounce Canister"}, "reviewerName": "Ann W. Woodruff", "reviewText": "ALWAYS worth the money - our three cats jump through hoops for even a pinch. Highly recommend.", "summary": "\"Yummy\" say Pip, Itsy and Dharma. Five-Star MEoW", "unixReviewTime": 1418688000} +{"overall": 5.0, "verified": false, "reviewTime": "02 10, 2016", "reviewerID": "AN8EFXZI50DJZ", "asin": "B0002AQDKO", "reviewerName": "Mike", "reviewText": "As described everything is fine.", "summary": "Five Stars", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2010", "reviewerID": "ADXXVGRCGQQUO", "asin": "B000255OIG", "style": {"Size:": " 21 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "Richard Pearlstein", "reviewText": "My Westie loves these things! She loves anything with liver but this one is the best. Expensive by weight, but well worth it. The freeze-drying process concentrates the flavor and nutrition: Susie gives it 5 snouts!", "summary": "5 snouts!", "unixReviewTime": 1264377600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2016", "reviewerID": "A2VWCLDQJCWHLZ", "asin": "B0000632T8", "style": {"Size:": " Extra Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Carol A.", "reviewText": "Second small Kong toy and did not disappoint. She loves this as much as the first. Will be purchasing more Kong small dog toys.", "summary": "Excellent!", "unixReviewTime": 1455148800} +{"reviewerID": "A384CO83G8N1OF", "asin": "B0002565TI", "reviewerName": "Derek wilson", "verified": true, "reviewText": "Great price", "overall": 5.0, "reviewTime": "10 7, 2017", "summary": "Five Stars", "unixReviewTime": 1507334400} +{"reviewerID": "AWCZUJD4C82EN", "asin": "B0002ASNAC", "reviewerName": "Debbie", "verified": true, "reviewText": "Puppy really likes it. I would buy another I do not like being told to write a review that is a certain number of words", "overall": 5.0, "reviewTime": "12 28, 2013", "summary": "chew", "unixReviewTime": 1388188800} +{"overall": 3.0, "verified": true, "reviewTime": "08 12, 2016", "reviewerID": "A34A0WQQ3C17BN", "asin": "B0002NYAZG", "style": {"Package Quantity:": " 1"}, "reviewerName": "Sarah Elizabeth", "reviewText": "Disappointed it didn't work as well as led on by reviews online. Doesn't remove vomit smell. Doesn't remove stains. Has a nice smell though.", "summary": "Ehh", "unixReviewTime": 1470960000} +{"overall": 4.0, "verified": true, "reviewTime": "02 13, 2014", "reviewerID": "A3IYQI3H11JDJ", "asin": "B0002X8HB4", "style": {"Size:": " Large"}, "reviewerName": "Norma Jeane", "reviewText": "Long lasting and my dog really seems to enjoy this particular flavor. Good for helping to reduce tarter build up.", "summary": "Everlasting Chicken Flavor", "unixReviewTime": 1392249600} +{"overall": 5.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A34C3NQNNEMCX5", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Michael", "reviewText": "Cats obsessed over this toy. Even after breaking it (which didn't break easily, many many months of hard, every day use) they still played with it! My kitties highly recommend this toy! Will be buying again!", "summary": "Awesome.", "unixReviewTime": 1458604800} +{"overall": 1.0, "vote": "3", "verified": false, "reviewTime": "03 26, 2015", "reviewerID": "A2MSBKNAACWO8L", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Tea Tree and Aloe"}, "reviewerName": "LiveWire7", "reviewText": "I have NOT purchased this but just as a fair warning...some dogs have serious reactions to tea tree oil. Mine experienced temporary paralysis when we used it for his allergies. Extremely toxic. Be careful how much you use.", "summary": "tea tree oil, toxic for dogs", "unixReviewTime": 1427328000} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A2IIEMFBEWGK3Q", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "Jen", "reviewText": "These aren't the most durable toys, but my puppy is obsessed with his lambchops! I think he likes that they are really soft. He sleeps with it in his cage ever single night. We've bought him a few now.", "summary": "These aren't the most durable toys, but my puppy ...", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2016", "reviewerID": "A11KOZRLD8W8KU", "asin": "B0002DGJS2", "style": {"Size:": " 2 Count", "Package Type:": " Standard Packaging", "Style:": " Roast Beef"}, "reviewerName": "Amazon Customer", "reviewText": "dogs love it", "summary": "Five Stars", "unixReviewTime": 1477872000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2014", "reviewerID": "A6M71DZ5JPD8H", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " B - Yellow"}, "reviewerName": "Amazon Customer", "reviewText": "So much less expensive than at our local Petsmart. Very pleased!", "summary": "Very pleased!", "unixReviewTime": 1404432000} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "AUU1CPSA6OVIK", "asin": "B0002AQPA2", "style": {"Size:": " Large"}, "reviewerName": "Brandy", "reviewText": "To big", "summary": "Four Stars", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2018", "reviewerID": "A3Q6NYRYRRGR4T", "asin": "B0002IJQYQ", "style": {"Size:": " Medium"}, "reviewerName": "JC", "reviewText": "I am so grateful replacement flaps exist! These clean up so well, but after a few years of weather extremes, they curl up and allow the elements to intrude. This particular style is physically so easy to replace. Dog just doesn't not care.", "summary": "Easy to replace when needed, great quality", "unixReviewTime": 1515024000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A3LR0JQ7PFW0J", "asin": "B0002ARTYI", "style": {"Color:": " Rooster"}, "reviewerName": "Shorebnd", "reviewText": "This is my dog's favorite toy.", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A2A0FC5YI0GBZQ", "asin": "B0002DJG0U", "style": {"Size:": " 8-pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Sue H.", "reviewText": "It works", "summary": "It works", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A15HTMYLY564LC", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Ms. Mitchell", "reviewText": "My cats LOVE these scratchers. It's a ritual for them to use them every morning and all throughout the day too. Add a little catnip in the center and watch them 'smile'. Great price, as well!!", "summary": "Great product!!", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2018", "reviewerID": "A26JNE3NQ0CWYS", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Mango Tango"}, "reviewerName": "Brian Barsamian", "reviewText": "Great, Great Product.\nI read all the reviews and have tried many shampoos.\nGreat product at a value price.\nAll good ingredients for your dog.\nSmells good but not overpowering for your dog.", "summary": "Great", "unixReviewTime": 1521849600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1UHR0TSKUA7DA", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Sweet Potato & Chicken"}, "reviewerName": "AnnetteP", "reviewText": "My dog really loves these, and he is pretty picky (he's a very small Yorkie). Reasonable priced for a higher quality dog treat.", "summary": "Nice treat for my small dog", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1GVMOTSC7B9QT", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "A. Broussard", "reviewText": "Used in my 40 gallon outdoor goldfish pond. My fish are doing great, and the water is clear as a bell.", "summary": "My fish are doing great, and the water is clear as a bell", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2018", "reviewerID": "ATYJHGV8YBSL4", "asin": "B000084EF5", "style": {"Size:": " 26.4 lb. Bag", "Style:": " Fresh Scent"}, "reviewerName": "Kelley Evans", "reviewText": "WORK REALLY WELL!!", "summary": "Five Stars", "unixReviewTime": 1518393600} +{"overall": 3.0, "vote": "19", "verified": false, "reviewTime": "10 6, 2010", "reviewerID": "A32TOM7XOH7581", "asin": "B00029XOUC", "reviewerName": "Chelle", "reviewText": "This is not the oral hygene rinse marketed for regular public pet use - look for CET Oral Hygene rinse. Per C.E.T. website, this is for \"in clinic use only...Intended for lavage of the oral cavity before, during and immediately following professional dental therapy\"", "summary": "Please be careful!!", "unixReviewTime": 1286323200} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2014", "reviewerID": "APKSU6EDWZNWW", "asin": "B0002DJXGW", "style": {"Size:": " Large"}, "reviewerName": "Kim", "reviewText": "it's smaller than I thought it would be, about the size of a hand but she LOVES it. My pittie and I play tug of war with this often and it has held up amazing to her tugging and pulling.", "summary": "Dog's favorite toy", "unixReviewTime": 1397952000} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A1ELYOIL7L9X60", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "gary zanko", "reviewText": "Two cats, plenty of room for both", "summary": "Good strong. Made solid", "unixReviewTime": 1510185600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2012", "reviewerID": "A3SYB4E5MCEBZL", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "I have a large, young dog that has torn right through every toy I have bought him, some lasting as little as 15 minutes before going in the trash can. This toy entertains him and is proving extremely durable despite his rough play style.", "summary": "Durable so far", "unixReviewTime": 1355443200} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2016", "reviewerID": "A1T5A6NZYIQO4K", "asin": "B0002AR19Q", "style": {"Color:": " Blue", "Package Type:": " Standard Packaging"}, "reviewerName": "Little Dorrit", "reviewText": "It Works! Even the touchiest grumpiest dog will enjoy a brush with this zoom groom. It really works so well and the dog & cat love it!", "summary": "Great for Dogs & Cats, Even Grumpy Ones!", "unixReviewTime": 1465257600} +{"overall": 5.0, "verified": false, "reviewTime": "11 12, 2014", "reviewerID": "A30NBB1QGVWPUW", "asin": "B0002G7ZQY", "style": {"Size:": " 70 wipes"}, "reviewerName": "Pam Burr", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1415750400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "ACK48CYPGLWOA", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 70: 40 to 70 US Gallons"}, "reviewerName": "Howard", "reviewText": "AquaClear is a great product! has always made a great product since I could ever remember. I am always happy with good customer service.", "summary": "perfect, redesigned!", "unixReviewTime": 1356825600} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A3C108NQ28Q4YA", "asin": "B00062B84O", "style": {"Style:": " Super Scratcher +"}, "reviewerName": "Tiptoe", "reviewText": "Now I've been using these cardboard scratchers for a long time. My cats give all of them a 5-star rating! They love them, they own them and I better replace them when needed.", "summary": "Keep Cats Happy!", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A3C2GQ5AV5V8LU", "asin": "B0002CGUP0", "reviewerName": "susan.", "reviewText": "I will feed him long last,so far sogood", "summary": "Five Stars", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2017", "reviewerID": "A2JQU942WBT7HA", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "ensign4Him", "reviewText": "YES, YES, YES! So little $$, so much fun! All 3 of my girls are crazy about this Cat Dancer. I ended up buying another one for my best friend's cat & she was all over it too!!!", "summary": "Oh my, YES!", "unixReviewTime": 1508371200} +{"overall": 1.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A3DZW8XVBNRFR", "asin": "B0002FP404", "reviewerName": "Margaret Palmer", "reviewText": "It might be great stuff. I don't know because I'm not a canary, but my canary won't touch it. Maybe because she's spoiled with the farm fresh eggs I give her.", "summary": "Canary doesn't like it.", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "09 22, 2017", "reviewerID": "A34BWBFARFI820", "asin": "B0002J1FOE", "reviewerName": "ryan", "reviewText": "accurate website description", "summary": "accurate website description", "unixReviewTime": 1506038400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2015", "reviewerID": "A10ZDZ2LVU7U26", "asin": "B0002563MM", "style": {"Size:": " 8Feet"}, "reviewerName": "Marissa", "reviewText": "Works perfectly with my Tetra Whisper air pump. You kind of have to work it on, but it does fit and work without a problem. It's also easy to cut, in case you want to reduce the length or add an airflow insert.", "summary": "Fits my Tetra Whisper air pump", "unixReviewTime": 1432339200} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2014", "reviewerID": "A3BABESL42DAVX", "asin": "B0002ASD34", "reviewerName": "cilla", "reviewText": "It was dificult to handle and I made a mess but it all worked out in the end. This silicone takes a little while to cure. but once it does its solid!", "summary": "Very sticky but great silicone!", "unixReviewTime": 1393718400} +{"overall": 5.0, "verified": true, "reviewTime": "11 2, 2016", "reviewerID": "A32I2XTS0S7CR6", "asin": "B0002H3V5W", "reviewerName": "VICKI STRAIN", "reviewText": "Another toy my pet just loves and is just the right size.", "summary": "Five Stars", "unixReviewTime": 1478044800} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A6YGAGYX3UAPY", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "brian bell", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2013", "reviewerID": "AHNW8J3BW4L5W", "asin": "B0002EOK50", "style": {"Size:": " One Size"}, "reviewerName": "Live_Once", "reviewText": "Great food. I bought NLS for my frontosa many years. My fishes are healthy and happy.\n\nJust expensive. I guess it's worth the money. So I'll buy again", "summary": "good food", "unixReviewTime": 1360540800} +{"overall": 4.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A188FL1P49QW2S", "asin": "B0002FP1W0", "style": {"Size:": " Original"}, "reviewerName": "Terry", "reviewText": "My bird had a blast tearing this toy to shreds. The only complaint is that it is so easy for an African Grey to tear apart, it didn't last very long.", "summary": "Fun times", "unixReviewTime": 1359936000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A1FK0POG7ILTIN", "asin": "B0002DGLPS", "style": {"Size:": " Regular", "Flavor Name:": " Dental/Bacon/Original", "Package Type:": " Standard Packaging"}, "reviewerName": "Nina", "reviewText": "Dog really like these bones. Chews on them regularly. The edible one was gone in 10mins.", "summary": "Dog really likes these bones", "unixReviewTime": 1485734400} +{"overall": 3.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A5M82TQY48JUO", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "SHOPATVPARTSONLINE - USA", "reviewText": "doesn't last long", "summary": "Three Stars", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2016", "reviewerID": "A20YESIVU65HUV", "asin": "B00028ZMBC", "style": {"Size:": " 12 Count", "Package Type:": " Standard Packaging", "Style:": " Filet Mignon"}, "reviewerName": "Noura hamoud", "reviewText": "Great smell , great quality, great bag , great shipping my dog loves the bones so much !!!", "summary": "Worth it !!", "unixReviewTime": 1472947200} +{"overall": 2.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A36I2168LM3EBD", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "Grace", "reviewText": "my dog (8 months terrier mix). rip it apart quickly. not good for a medium or large dog", "summary": "not good for a medium or large dog", "unixReviewTime": 1409011200} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A2S1CNI8NKJMN5", "asin": "B000255NIC", "style": {"Size:": " 65 oz"}, "reviewerName": "qgu101", "reviewText": "Aquarium salt is an absolute essential when owning an aquarium. This product gives you a great bang for your buck. I use this in conjunction with water changes. This can also be used to treat ick along with increased temperature of the water.", "summary": "This product gives you a great bang for your buck", "unixReviewTime": 1465948800} +{"overall": 4.0, "verified": true, "reviewTime": "11 16, 2014", "reviewerID": "A3DJ7QJBTOPKLX", "asin": "B000634LOW", "style": {"Size:": " Large, 14-Inch", "Color:": " White Rope"}, "reviewerName": "cynthia", "reviewText": "Nothing fancy here - a knotted rope - but is holding up well.", "summary": "Holding up so far", "unixReviewTime": 1416096000} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "A1FQK1UJYTZA69", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "starpilgrim", "reviewText": "This is a great interactive toy for you and your dog to engage play.", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 4.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A1E7XAZP9MOKQB", "asin": "B0002DJ6XW", "style": {"Size:": " Toy is 7 1/4' x 2 1/4' x 1 1/2'."}, "reviewerName": "Charlotte Doolittle", "reviewText": "The cats loved it but it is very bouncy and hit one cat in the face--making her take a break. She prefers it on the floor now and not hanging.", "summary": "The cats loved it but it is very bouncy and hit one ...", "unixReviewTime": 1454025600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61gb7VqUdpL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/613Y89HUI4L._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A9V74OAS1XQHI", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Amazon Customer", "reviewText": "My dog absolutely loves this toy!", "summary": "My dog uses this as a pillow, and it is absolutely adorable.", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2014", "reviewerID": "A3SWF8L520H63V", "asin": "B000633ZHG", "style": {"Size:": " 22.5 oz (Pack of 6)", "Style:": " Small"}, "reviewerName": "Rapunzel", "reviewText": "Great Price on subscribe and save!", "summary": "Terrific, Thank You!", "unixReviewTime": 1419465600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61pIILcE-ML._SY88.jpg"], "overall": 4.0, "vote": "4", "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A3SO2TRTXV835H", "asin": "B0002AS61S", "style": {"Size:": " Large", "Color:": " Assorted"}, "reviewerName": "alexa montgomery", "reviewText": "nice assortment", "summary": "Four Stars", "unixReviewTime": 1464393600} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A2D29W46QHQMEI", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Bobby B.", "reviewText": "keeps him busy while we are away. indestructible. The large works well for our 55lb mixed pit/lab mix.", "summary": "Five Stars", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A2IZ5KI21DE21K", "asin": "B0002563JA", "style": {"Size:": " 16.9-Ounce"}, "reviewerName": "Jessica L. Martin", "reviewText": "Large bottle. Much better buy than in the pet store.", "summary": "Much better buy than in the pet store", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "A3NYF2N3O5W539", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Izzy", "reviewText": "My cat plays with this endlessly, by FAR her favorite toy.", "summary": "Good buy", "unixReviewTime": 1455408000} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "A2A21ELX1T363P", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "A. Hanson", "reviewText": "exactly what i needed and arrived promptly.", "summary": "Five Stars", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "07 18, 2015", "reviewerID": "AZ2JRF7TBHQ0K", "asin": "B0002ASM94", "style": {"Size:": " Regular/Small"}, "reviewerName": "Barbara", "reviewText": "puppy love them", "summary": "Five Stars", "unixReviewTime": 1437177600} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2013", "reviewerID": "A2LFUUQQYDERSJ", "asin": "B0002AR19Q", "style": {"Color:": " Blue", "Package Type:": " Standard Packaging"}, "reviewerName": "N. Jiang", "reviewText": "It's great for showering my Labrador. It helps lather the shampoo and spread the conditioner. Loose hair just form a mat at the base of the brush and I can just peel it off after use. It's usually a pain to wash my dog. But he seems to enjoy the brushing in the shower!", "summary": "Great brush for showering", "unixReviewTime": 1359936000} +{"reviewerID": "A136LRUR0RDH9J", "asin": "B0002ASNAC", "reviewerName": "mompie", "verified": false, "reviewText": "My 16lb. dog is a thorough but picky chewer. She loves to chew but is very selective about what she will chew on. She loves Nylabones. Despite her small size she's powerful and will chew them until the ends are gone if allowed. These are, by far, her favorite toy.", "overall": 5.0, "reviewTime": "10 20, 2008", "summary": "Excellent product", "unixReviewTime": 1224460800} +{"overall": 1.0, "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "A10QFGSV8UFVI0", "asin": "B0002AQHNM", "reviewerName": "Leah Wade", "reviewText": "A manual vacuum could clean a tank better than this product. Not worth the price. I would not recommend it.", "summary": "Very Little Suction Power", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A3H3KT6N1RI55Y", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "Lou Sea", "reviewText": "Highly effective. Doesn't really clean the outside of the tank but that's not what it's designed to do, it would just be nice.", "summary": "All tank owners need one", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": false, "reviewTime": "12 28, 2012", "reviewerID": "A1TK85XIQMX5J2", "asin": "B0002AQI9K", "reviewerName": "Asmabet Abreus", "reviewText": "todo bien y en tiempo de a cuerdo a lo planificado el precio bueno y util para lo que lo compre.grasias", "summary": "sensacional", "unixReviewTime": 1356652800} +{"overall": 4.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "A1GESW3JIT08BI", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "Linda Murray", "reviewText": "Good indoor throwing ball.", "summary": "Four Stars", "unixReviewTime": 1446595200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "A2OXHJK2NV75ZR", "asin": "B0002AR18M", "style": {"Size:": " Pack of 2", "Color:": " Purple"}, "reviewerName": "North Country Reader", "reviewText": "My cat loves this groomer. Not like a brush at all and it really removes the underfur. This is a great product, but I have larger hands and it really needs a handle of some sort.", "summary": "Works great, needs a handle.", "unixReviewTime": 1466294400} +{"overall": 3.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A20F8VUDD9AF4K", "asin": "B0002XJ10K", "reviewerName": "K. Jackson", "reviewText": "I like the product fine BUT it isn't a spray-and-go product. You spray it on and then you have to wash it off. Not what I was looking for at all. I've already given my dog five baths since she was sprayed -- and bathing my dog is no cakewalk.", "summary": "ITS A WASH IN A SPRAY BOTTLE", "unixReviewTime": 1487721600} +{"overall": 3.0, "verified": false, "reviewTime": "07 21, 2014", "reviewerID": "A3EDE83R37GRJ6", "asin": "B0002DH8L4", "style": {"Color:": " Brushed Nickel"}, "reviewerName": "MaryAnne Verfaillie", "reviewText": "Great cat box but the cat jumps on the top and pushes the top part into the catbox. I had to duct tape it to stay on.", "summary": "Good cat box", "unixReviewTime": 1405900800} +{"reviewerID": "A3FU1M3H93REY6", "asin": "B0002DJHFE", "reviewerName": "Kenashallee", "verified": true, "reviewText": "not for puppy unless you have a cup size dog\nmade for hamsters and other small animals not dog", "overall": 1.0, "reviewTime": "12 1, 2015", "summary": "not for dogs", "unixReviewTime": 1448928000} +{"overall": 1.0, "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A2KJ9CEH371YUN", "asin": "B00063496C", "style": {"Size:": " 12 Filters"}, "reviewerName": "Kerinny", "reviewText": "The description said it fits all models except the 360. That's just irritating as hell to wait so long and then they don't fit. Not even close.", "summary": "Liars! Doesn't fit the Platinum Drinkwell", "unixReviewTime": 1391385600} +{"overall": 3.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A1N2F622SMNMPN", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Linda", "reviewText": "for my dog, it isn't so good, thought it would be.", "summary": "it isn't so good, thought it would be", "unixReviewTime": 1418947200} +{"overall": 4.0, "verified": true, "reviewTime": "03 7, 2017", "reviewerID": "A1EMGH0REGPQ4U", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 12-Pack"}, "reviewerName": "bridgeministriesinc", "reviewText": "for the children's fish tank", "summary": "Four Stars", "unixReviewTime": 1488844800} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2012", "reviewerID": "A10QCZG24QTSEJ", "asin": "B0002DGMGG", "style": {"Pattern:": " Football"}, "reviewerName": "alohas2u", "reviewText": "I have a 2 yr-old Australian bulldog (80 lbs)& 10 mo-old South African mastiff (125 lbs). Both dogs are heavy chewers. They both really like this bone and it has lasted well in comparison to other nylabones I have purchased.", "summary": "Great chew toy for big dogs", "unixReviewTime": 1331251200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A3BDY3PRAQCVER", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Turkey"}, "reviewerName": "Wanda Heidinger", "reviewText": "My dog loved it and it lasts a good long while. Other chew toys he destroys within a day's time.", "summary": "My dog loved it and it lasts a good long while", "unixReviewTime": 1445212800} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2014", "reviewerID": "AQ8OO59DJFJNZ", "asin": "B0002DK7AS", "reviewerName": "Ptownneal", "reviewText": "4 stars only because of the packaging...sort of tossed into an envelope with nothing more to protect the delicate sprays. The birds LOVE it!", "summary": "Birds go COO COO!", "unixReviewTime": 1412726400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A3NZN2U33TOPQX", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " RASPBERRY PINK"}, "reviewerName": "Brandon &amp; Heather", "reviewText": "We have a very stubborn almost 2 year old lab/boxer mix that loves to pull on walks. This calmed her down instantly. She's no longer combatively pulling when we walk her and she does great! Took some getting used to for her, but this works like a charm.", "summary": "Works like a charm!", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A2QZI8N5N42TR2", "asin": "B0002DK6W2", "style": {"Size:": " 12-inch"}, "reviewerName": "cynthia randles", "reviewText": "Be aware it does not hold up to aggressive chewers. It last a while but soon stuffing was all over the floor.", "summary": "Be aware it does not hold up to aggressive chewers ...", "unixReviewTime": 1513209600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A1N600BGHVIDJ4", "asin": "B0002DH8L4", "style": {"Color:": " Brushed Nickel"}, "reviewerName": "Cookie Face", "reviewText": "My cat loves this. He loves his privacy.", "summary": "Great Box", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "AXTQ4Z8ZRZG6Y", "asin": "B0002AR0II", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "GingerLee", "reviewText": "Great for my aggressive chewer. Its lasted 6 months without a noticeable nick or scratch and he loves the crazy way it bounces too.", "summary": "puppy love", "unixReviewTime": 1440806400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2017", "reviewerID": "A1IMR7XNRVU4YO", "asin": "B0000CEPDP", "style": {"Size:": " 24-Pack"}, "reviewerName": "CMFCharlotte", "reviewText": "My cat really likes this food. Since it is comparable to the renal prescription diet the doctor wants her on I am saving a ton with this product. I alternate a can of this with a can of the prescription diet more for a flavor variation that the .", "summary": "Good solution to an expensive need.", "unixReviewTime": 1514505600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2014", "reviewerID": "A3CO3JWWASZ6B1", "asin": "B0002DGYXW", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "BELLA", "reviewText": "good buy and my bird don't like it and he afraid of it strange bird but good buy and would buy from again", "summary": "perch", "unixReviewTime": 1395619200} +{"overall": 3.0, "verified": true, "reviewTime": "03 27, 2017", "reviewerID": "A1TDBVKVKJ4QVV", "asin": "B000084F3T", "reviewerName": "Ted Dylewski", "reviewText": "Its OK but litter still sticks to the bottom - not per advertised", "summary": "Three Stars", "unixReviewTime": 1490572800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2012", "reviewerID": "A26UZ7UQWAHAVJ", "asin": "B00063496C", "style": {"Size:": " 3 Filters"}, "reviewerName": "Michael Hatzenbuehler", "reviewText": "Very nice filter replacement cartridges for the Drinkwell fountain. No complaints on my end, these work exactly as they should.", "summary": "Works as advertised", "unixReviewTime": 1344384000} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A1ARTCUJBYDH8L", "asin": "B0002C7FFE", "reviewerName": "Dee W", "reviewText": "Keeps the fleas and ticks off.", "summary": "Five Stars", "unixReviewTime": 1436054400} +{"reviewerID": "A2JOVEGB8FMNWS", "asin": "B0002ARTWU", "reviewerName": "angel200168", "verified": true, "reviewText": "dog loves it she and the cat share this toy often it was a great decision to buy this price isn't great", "overall": 4.0, "reviewTime": "10 30, 2013", "summary": "dog loves it", "unixReviewTime": 1383091200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A3UFEWJ1TH2E49", "asin": "B0002AQ0BQ", "style": {"Size:": " 26.4 lb. Bag", "Style:": " Unscented"}, "reviewerName": "Kindle Customer", "reviewText": "I use this for my ferrets cage. Works amazing since they can't use cat litter with dust in it. Easy to clean!", "summary": "Works amazing since they can't use cat litter with dust in ...", "unixReviewTime": 1470873600} +{"reviewerID": "A15DUB99IWN8GY", "asin": "B0002ARTWU", "reviewerName": "SandraJT", "verified": true, "reviewText": "M little toy Australian Shepard loves this toy. He plays with it constantly and he loves to play keep-away with me with it.", "overall": 5.0, "reviewTime": "01 9, 2016", "summary": "perfect toy for a little dog", "unixReviewTime": 1452297600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1KG15I08087EK", "asin": "B000634160", "style": {"Size:": " 17.5 lb", "Style:": " Adult Small Bites | Chicken"}, "reviewerName": "Jim C", "reviewText": "Can't go wrong with Sci. Diet. My dog's coat is in fantastic shape after switching to this. Tried an upscale brand full of 'natural' ingredients and she developed an itch which went away when I went back to Sci Diet.", "summary": "My dog's coat is in fantastic shape after switching to this", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "A330UGMGWABXJV", "asin": "B0002Z162O", "reviewerName": "sharon", "reviewText": "Small, easy to clean, perfect for my green cheeked conure.", "summary": "easy to clean", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2017", "reviewerID": "A1SMUDDYDPZKB7", "asin": "B0002DIQD8", "style": {"Size:": " 1-Pack"}, "reviewerName": "N...", "reviewText": "I am absolutely thrilled that these links fit my 20 year old Herm Sprenger prong collar PERFECTLY!", "summary": "A Perfect Fit for Herm Sprenger Collar Bought 20 Years Ago!", "unixReviewTime": 1488326400} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2016", "reviewerID": "A11DMKBGIDY9R4", "asin": "B00028IXC2", "style": {"Size:": " Fits Most 19 Inch Crates-up to 15lbs"}, "reviewerName": "Kindle Customer", "reviewText": "fits my cage perfect and easy to wash", "summary": "Five Stars", "unixReviewTime": 1464393600} +{"overall": 4.0, "verified": true, "reviewTime": "11 13, 2017", "reviewerID": "A12A0S06KAK054", "asin": "B0002DGJS2", "style": {"Size:": " 2 Count", "Package Type:": " Standard Packaging", "Style:": " Chicken"}, "reviewerName": "Kindle Customer", "reviewText": "Love these!! Takes my puppy about 7 minutes to get through one though.", "summary": "Good, wish it lasted long through.", "unixReviewTime": 1510531200} +{"overall": 1.0, "verified": true, "reviewTime": "07 14, 2014", "reviewerID": "A3AMX1EPITT575", "asin": "B00025YVPI", "style": {"Size:": " 1 Pack"}, "reviewerName": "IngridKL", "reviewText": "well, it was an add-on, but the plastic circles on milk-bottles do the same. My cats paid no attention, and for a few pieces of small plastic coils even a low price is overpriced. Was disappointed.", "summary": "Was disappointed.", "unixReviewTime": 1405296000} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2017", "reviewerID": "A3DNB0XJLOGUCK", "asin": "B0002J1F76", "reviewerName": "B", "reviewText": "Love it", "summary": "Love it", "unixReviewTime": 1489104000} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A1ZMS3LQ95Y7U4", "asin": "B0002DK8ZM", "style": {"Size:": " 25 lb"}, "reviewerName": "cs", "reviewText": "These pellets do a great job of hiding/masking litter odors...for both our cats and our rabbit. We recommend and will purchase again.", "summary": "Hides odors", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A20K72UGKU49CL", "asin": "B0002AQCLO", "style": {"Size:": " 8\"l x 6\"w"}, "reviewerName": "Philbert", "reviewText": "This brand the best", "summary": "Five Stars", "unixReviewTime": 1493769600} +{"overall": 1.0, "verified": true, "reviewTime": "09 3, 2017", "reviewerID": "A2A0JU8OMN4OS6", "asin": "B0002AR3OO", "style": {"Size:": " 150-Watt/120-Volt", "Package Type:": " Standard Packaging"}, "reviewerName": "Lucienne Chae", "reviewText": "Died after two weeks of use. I purchased it as a back up.\nAmazon was nice enough to send me a replacement but I will never buy this again.\nI have many light bulbs die on me after an unreasonably short amount of time but two weeks is just outrageous.", "summary": "One Star", "unixReviewTime": 1504396800} +{"overall": 1.0, "verified": true, "reviewTime": "01 8, 2016", "reviewerID": "A3JZBRRCLNPK46", "asin": "B0002DJY3Y", "style": {"Size:": " Medium"}, "reviewerName": "Jay Esss", "reviewText": "Awful. Baggy, knit not great. Threw it out", "summary": "Not worth the money", "unixReviewTime": 1452211200} +{"overall": 1.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A1CG0FFJITQI75", "asin": "B0002AQ228", "style": {"Size:": " X-Large", "Color:": " Black Hammertone"}, "reviewerName": "ANA OQUENDO", "reviewText": "is not what i need got stuck with it i have a big guacamayo this is for little birds mine will chew those tiny wires", "summary": "is not what i need got stuck with it i ...", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3RV5HA5RMOS2K", "asin": "B000255QWA", "reviewerName": "Tony in PBG", "reviewText": "Works just as it should. Great product", "summary": "Great", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "AA6MHFR7U4AII", "asin": "B000256DS6", "style": {"Size:": " 60 lt"}, "reviewerName": "nancy mouat-rich", "reviewText": "MUCH less expensive than pet store for same great stuff. Use it for my rabbit and my birds", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A6NPKYOJOL2PY", "asin": "B0002AT3MO", "style": {"Size:": " 42-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Craig", "reviewText": "Good for the price", "summary": "Good for the price", "unixReviewTime": 1484092800} +{"overall": 4.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A3BLJ5RW2N5JRQ", "asin": "B0006345MK", "style": {"Size:": " 4 lb"}, "reviewerName": "Word of Mouth", "reviewText": "This is a dog food, so hopefully nutritionally balanced, that I have on hand for dog treats. The size is big enough to be a treat and the flavor is very appealing to my picky Boston Bulldog.", "summary": "This is a dog food, so hopefully nutritionally balanced ...", "unixReviewTime": 1502064000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "A19JCDHAZENT0M", "asin": "B000255NAK", "style": {"Style:": " Nitrate"}, "reviewerName": "Aray", "reviewText": "Works well!", "summary": "Five Stars", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A1RBIRQW4TN24M", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "Leslie Davison", "reviewText": "My 11 month german shepard loves this chew toy! She is a destructive chewer and this keeps her occupied and happy for long periods of time.", "summary": "She is a destructive chewer and this keeps her occupied and happy for long periods of time", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A5FLNZL0BXG6R", "asin": "B0002AR0II", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Laura Anne Queen", "reviewText": "My Rottie loves this.", "summary": "Five Stars", "unixReviewTime": 1424476800} +{"overall": 3.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A1H8DXB4CIKZGO", "asin": "B0002ARTZW", "reviewerName": "cardshark", "reviewText": "Dog loves the toy unfortunately the sound box is not good construction and broke and quit working in a day or two.", "summary": "... loves the toy unfortunately the sound box is not good construction and broke and quit working in a day ...", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2016", "reviewerID": "A2300WMUV9XLTI", "asin": "B0002AQPA2", "style": {"Size:": " Large"}, "reviewerName": "Collin", "reviewText": "great product. great price.", "summary": "Five Stars", "unixReviewTime": 1454889600} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "AOME4U6UJ5CHC", "asin": "B0002DJ934", "reviewerName": "gmadess", "reviewText": "Just wish they would make some that GLOW IN THE DARK~!!", "summary": "cat toy sturdy", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A1FRRWLPWSFTXO", "asin": "B000634G9C", "style": {"Size:": " 120 count", "Style:": " Senior"}, "reviewerName": "Valerie", "reviewText": "Nice vitamin", "summary": "Five Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2017", "reviewerID": "A3C7PP0YFB299D", "asin": "B0002AQDKO", "reviewerName": "CRISPY", "reviewText": "My bearded dragon loves to lay on it and the suction cups are very sturdy and have never come loose and popped off so far. Quality product.", "summary": "Good product", "unixReviewTime": 1507334400} +{"overall": 5.0, "verified": false, "reviewTime": "09 3, 2015", "reviewerID": "A3LNFVOWPTO24U", "asin": "B00025K10M", "style": {"Size:": " .81 Ounces"}, "reviewerName": "Nadine", "reviewText": "I have a baby Betta I got from petco about a week ago and was condemned because majority pellets are very large so I bought this and he loves it and has no trouble eating! Not sure if he will transition to pellets but as long as he's happy with the flakes I will buy them!", "summary": "Not sure if he will transition to pellets but as long as he's happy with the flakes I will buy them", "unixReviewTime": 1441238400} +{"overall": 2.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "ATGBG17IO9GZS", "asin": "B0002AR0KG", "style": {"Color:": " bronze"}, "reviewerName": "Jan1950", "reviewText": "I do use it for muddy shoes, otherwise it is useless on cat litter.", "summary": "Does not work on trapping litter", "unixReviewTime": 1442016000} +{"overall": 1.0, "verified": true, "reviewTime": "01 13, 2016", "reviewerID": "A2H19VQF62F29W", "asin": "B0002ARUV0", "style": {"Size:": " 5.5\" diameter"}, "reviewerName": "studmaster6913", "reviewText": "My dog absolutely goes crazy when it plays happy birthday. He loves to shake it. And throw it around. Quite entertaining for him\n\nBought this again 2017 because my dog liked it. It only took a few minutes and it was broken. Very cheaply made. Never will buy this again", "summary": "He loves it", "unixReviewTime": 1452643200} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A2UXMTNL7OBDNH", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Kathie J", "reviewText": "This is a great toy. My dog has ripped the stuffing out of the squirrels, but he still loves to dig them out when I hide them back inside the \"tree stump\". Great idea!", "summary": "Really fun toy!", "unixReviewTime": 1388707200} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2012", "reviewerID": "A2R2MFWUE9H1Y3", "asin": "B00063496C", "style": {"Size:": " 3 Filters"}, "reviewerName": "A. Bookworm", "reviewText": "Just recently purchased the Drinkwell Original drinking fountain\nfor our cat. We wanted some extra filters to have on hand.\nThe cat likes the fountain, is fascinated with water, so we\nfelt she would enjoy it & drink more water, too. Now we have\nextra filters when needed.", "summary": "Replacement Filters", "unixReviewTime": 1334793600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A19ZIIV105OUW0", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 12-Pack"}, "reviewerName": "Robin Gillette", "reviewText": "Good buy", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A2PA7POZ45YAIH", "asin": "B00063425K", "style": {"Size:": " 33 lb", "Flavor Name:": " Chicken Meal Rice & Barley", "Style:": " Active Longevity Small Bites"}, "reviewerName": "Mt Tom Photo", "reviewText": "The dogs like, all the dogs. Our dogs, neighbors dogs, other dogs....", "summary": "Dog food for dogs.", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2017", "reviewerID": "A3VPYXYVQXQBBP", "asin": "B0002568ZO", "style": {"Size:": " Medium"}, "reviewerName": "Justin Claiborne", "reviewText": "The only way I clean the glass on my tank. Just make sure not to get a bunch of sand between it and the glass, or it will scratch", "summary": "The only way I clean the glass on my tank ...", "unixReviewTime": 1485648000} +{"overall": 3.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "ARLMD3ZAGLOYC", "asin": "B0002DHA2Q", "style": {"Color:": " Brushed Nickel"}, "reviewerName": "Stephanie Powe Metz", "reviewText": "Cool concept but I don't like that you have to touch the holder with your hand to put the scoop back. The holder is somewhat flimsy too. Better design would have a small foot pedal like a step trash can.", "summary": "Cool concept but I don't like that you have to ...", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": false, "reviewTime": "09 16, 2016", "reviewerID": "A1NYSMJYRR7ZCT", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Chicken"}, "reviewerName": "S. Wait", "reviewText": "This is AWESOME! Griffin chews on it all the time, have had for months and barely marked up. It will be around for a long long time. Love it and so does he.", "summary": "WELL worth price....AWESOME", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2015", "reviewerID": "A2BRH8O0K7A318", "asin": "B0002DJKW4", "style": {"Color:": " Red"}, "reviewerName": "Shy Jen", "reviewText": "Cute. Fits my 7 month little ferret girl perfect at the tightest the collar goes. I doubt this will fit a younger ferret under 4 months.", "summary": "Nice Collar for my Girl", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2017", "reviewerID": "A3V6CN02V48NYC", "asin": "B0000AH3R1", "style": {"Size:": " 31.1 lb. Bag"}, "reviewerName": "downtown", "reviewText": "thank you", "summary": "Five Stars", "unixReviewTime": 1494374400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2015", "reviewerID": "A1JZ7LL6MQVYJB", "asin": "B000634336", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "Micaela", "reviewText": "Will buy again", "summary": "Five Stars", "unixReviewTime": 1422835200} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2015", "reviewerID": "A24IY6WR0P4J33", "asin": "B0002H3RLU", "reviewerName": "J", "reviewText": "Recommended by my golden retrievers groomer . Excellent, just as she said", "summary": "Five Stars", "unixReviewTime": 1424822400} +{"reviewerID": "A31GIEKCYBGOWY", "asin": "B0002DK9L0", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Very satisfied.", "overall": 5.0, "reviewTime": "05 21, 2016", "summary": "Five Stars", "unixReviewTime": 1463788800} +{"reviewerID": "A3R69IJ42NL3ZB", "asin": "B0002DI156", "reviewerName": "Stephanie L. Collins", "verified": true, "reviewText": "turtle likes these a bit but they get the tank dirty quick", "overall": 3.0, "reviewTime": "06 30, 2015", "summary": "... likes these a bit but they get the tank dirty", "unixReviewTime": 1435622400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71JJ3fFbNmL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/713ChKQzl+L._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "05 5, 2017", "reviewerID": "ANMOTGCYYVT0P", "asin": "B0002DHXX2", "style": {"Size:": " 48-Inch", "Color:": " Cinnamon Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Patricia Parten", "reviewText": "Absolutely over it!! Great bed. Great quality. As you can see, I bought a huge one for my dog, but he likes it just the same. And so do I. Soft, gorgeous. Very good purchase!!", "summary": "Very Best Purchase!! AA++", "unixReviewTime": 1493942400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A1DH3QDZX8Z7GO", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Charlemagne ", "reviewText": "My dogs enjoy the taste of this and it works pretty well. My dogs are raw fed, but still have some issues with tartar, so I brush my Shar-Pei's teeth every day and my Doberman's 3 times a week. Make sure to only use a soft toothbrush on your dogs.", "summary": "Dogs enjoy the taste", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "AG0KOWYK6JFY", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Vicenta Dorsey", "reviewText": "Been using this water conditioner for years. Works great and my tank 55 gallon is thriving.", "summary": "Works great and my tank 55 gallon is thriving", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A7Q124780ML7Y", "asin": "B00028ZLD6", "reviewerName": "Teri", "reviewText": "The worms ate finally gone!", "summary": "Five Stars", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "11 10, 2016", "reviewerID": "A3ATFEIBSEJ3BP", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " Cinnamon Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Ladybug", "reviewText": "My kitty's love these. I bought three. I put them on the chairs and couch, even the bed. It makes it so much easier to control the hair on furniture. And they wash up great.", "summary": "Love these!", "unixReviewTime": 1478736000} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2014", "reviewerID": "A30I9LMBBTBR6A", "asin": "B0002TJAZU", "style": {"Size:": " 5.5 oz, 24 Pack", "Flavor Name:": " Chicken", "Style:": " Adult 7+ Entre"}, "reviewerName": "Carlos Brewster", "reviewText": "Science diet is a great product and our cats love the food so we will keep buying the this product.", "summary": "Our Cat's Love it!", "unixReviewTime": 1402272000} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2017", "reviewerID": "A56LBKFHZ4AHS", "asin": "B0002AB9FS", "reviewerName": "grandpatom99", "reviewText": "It helps my dogs coat.", "summary": "Four Stars", "unixReviewTime": 1506556800} +{"overall": 4.0, "verified": true, "reviewTime": "04 6, 2015", "reviewerID": "A23AQVK82FKZRK", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Peanut Butter Flavored Bone"}, "reviewerName": "Louise", "reviewText": "Dog likes it", "summary": "Four Stars", "unixReviewTime": 1428278400} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2017", "reviewerID": "A2HIKIHP0IKZEQ", "asin": "B0002ZAG84", "style": {"Color:": " 1 Pack"}, "reviewerName": "Briar", "reviewText": "Great Product! My little kitty doesn't mind getting a pill this way! Load the pill, aim near the back of the throat and push. Easy!", "summary": "Great Product! Works beautifully!", "unixReviewTime": 1508544000} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A1X7DBUKXRNYG5", "asin": "B0002AQCXM", "style": {"Size:": " 8.5 in."}, "reviewerName": "Devon Mannikko", "reviewText": "Product is as described and works great, the only downside was that this was a part of a very necessary and urgent heat source setup for my Hedgehog, considering the -30F week we've had, and 2-day shipping turned into 6 days.", "summary": "Great product, slow shipping.", "unixReviewTime": 1424131200} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2012", "reviewerID": "A3AIZVQPT0UKA9", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "ericanicole1111", "reviewText": "These feel sturdy and well made. I don't put them in the dishwasher though because I don't want them to shrink or get deformed.", "summary": "Good Quality", "unixReviewTime": 1329177600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2016", "reviewerID": "A1D40E43WMDQH3", "asin": "B0002A5WOC", "style": {"Size:": " 250 g / 8.8 oz"}, "reviewerName": "C. Carroll", "reviewText": "Great product for larger fish tanks, it takes me forever to go through a jar.\n1/4t treats 50 gallons, so for a lot of people this might be overkill.", "summary": "Great product for larger fish tanks", "unixReviewTime": 1464739200} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A3VDBOS4VIWF9L", "asin": "B0002AQKKC", "reviewerName": "Debby", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1431561600} +{"overall": 5.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "A37D6R01OI3VB", "asin": "B0002APQ5M", "style": {"Size:": " 1Pack"}, "reviewerName": "Marcie J.", "reviewText": "These are great. I have a little incontinent dog and these fit right into the diaper covers I bought. The adhesive is great...no slippage and they are extremely absorbent.", "summary": "No More a Puppy Accidents!", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2016", "reviewerID": "A8LVPPXFVYGVU", "asin": "B00008DFPT", "reviewerName": "J. Hartman", "reviewText": "I buy this for my mice and they love it, not only is it a treat they love to chew on but they also love building their nests with it in their huts", "summary": "I buy this for my mice and they love it, not only is it a treat they ...", "unixReviewTime": 1469750400} +{"overall": 1.0, "verified": true, "reviewTime": "10 30, 2015", "reviewerID": "A1UDEOVUHUE8O3", "asin": "B0002AR5BA", "style": {"Size:": " Medium"}, "reviewerName": "Megan Davis", "reviewText": "Medium one is tiny, unless you are using this as a hide away for small lizards or snakes it is worthless!", "summary": "Medium one is tiny, unless you are using this ...", "unixReviewTime": 1446163200} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "AQX50IE9I359I", "asin": "B0002AQMUK", "style": {"Size:": " 25 lb"}, "reviewerName": "sanjestar123", "reviewText": "great food!", "summary": "birds love it", "unixReviewTime": 1439769600} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "A1HQSRAHI1NTW4", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "Coy Q.", "reviewText": "very quick shipping. I'm very pleased.", "summary": "I'm very pleased.", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "05 10, 2016", "reviewerID": "A3KY7NL429C6V4", "asin": "B0002566H4", "style": {"Size:": " Giant/Large", "Flavor Name:": " Original Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Tammy7th", "reviewText": "Our dog loves to chew, so this works well for her. We normally have to buy a new one every few months because she chews the ends off and they recommend throwing it away when that happens. So we just keep her going with a steady supply of new ones.", "summary": "Durable bone", "unixReviewTime": 1462838400} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2015", "reviewerID": "AMT4A4O8Q4V84", "asin": "B0002DJX44", "style": {"Size:": " MEDIUM 5\"", "Color:": " ASSORTED"}, "reviewerName": "tbone74", "reviewText": "Great product. I have a Boston terrier and this is almost as big as his head. We use this for outside and his old one indoors.", "summary": "Great product. I have a Boston terrier and this ...", "unixReviewTime": 1438041600} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2018", "reviewerID": "A3UX13BIESA0RR", "asin": "B0002AT450", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "Trish Bennett-Sluss", "reviewText": "This large popper scooper has been a life saver now that we have a golden doodle! Weve used it several times and it works great. Sits outside 24/7 in the weather and is holding up nicely!", "summary": "Weve used it several times and it works great. Sits outside 24/7 in the weather and is ...", "unixReviewTime": 1520121600} +{"overall": 2.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A2P8VF13PRUPV6", "asin": "B0002AQPA2", "style": {"Size:": " Medium"}, "reviewerName": "Dee", "reviewText": "Holes in the ends are too big for kibble & too small for even minature dog bones. Kibble falls out immediately; dog bpones stay stuck for days. My dog just ate the part of the bone sticking out. Also, he doesn't like to play with it as a bone.", "summary": "Not great for my dog", "unixReviewTime": 1379203200} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2017", "reviewerID": "A2IP4VAIN08RQ4", "asin": "B0002AQITK", "reviewerName": "Paul S. Kim", "reviewText": "very good thermometer. has a green section that is a good average of what fish like. so i don't have to \"read\" the exact temperature, just have to see that it's in the green and i know i'm good!", "summary": "smart design", "unixReviewTime": 1511827200} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2018", "reviewerID": "A2YTJT4UUJ23QJ", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "My dog loves it! It's still going strong after months!", "summary": "Five Stars", "unixReviewTime": 1525478400} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A1R3CO2XPML10H", "asin": "B000255NKA", "style": {"Size:": " 25-Gallon"}, "reviewerName": "Tiffany Elizabeth", "reviewText": "I actually use this to make salt water for my hermit crabs to soak it. It serves its purpose and will last a long time.", "summary": "I actually use this to make salt water for my ...", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2016", "reviewerID": "A1XHPPP0UVF9U0", "asin": "B000634IUO", "style": {"Size:": " 16oz"}, "reviewerName": "Tim Essenmacher", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1463875200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A2OUHFEZX84J4A", "asin": "B0002ARPIS", "reviewerName": "T. Dietrich", "reviewText": "Nice product, seems sturdy. Good for my Bernese mountain dog's long hair.", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2015", "reviewerID": "A552KU0AS6S89", "asin": "B000084EEC", "style": {"Size:": " 30 oz", "Style:": " Regular"}, "reviewerName": "Poondarick", "reviewText": "My dogs loves it.", "summary": "Five Stars", "unixReviewTime": 1431475200} +{"overall": 3.0, "verified": true, "reviewTime": "05 22, 2015", "reviewerID": "A6I79NCGNX071", "asin": "B0002AR3PS", "style": {"Size:": " 75-watt", "Package Type:": " Standard Packaging"}, "reviewerName": "Aaron Trejo", "reviewText": "This lasted 6 months or so and it wasn't even constantly on. For the price its hard to complain but it should be stated in the description that these don't have a long lifespan.", "summary": "This lasted 6 months or so and it wasn't even ...", "unixReviewTime": 1432252800} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2016", "reviewerID": "A1IX5CMH0405RE", "asin": "B000255NXC", "style": {"Size:": " 25 Feet"}, "reviewerName": "Amazon Customer", "reviewText": "Just be careful with plastic parts, i tightened mine too much on faucet and it broke.", "summary": "Good product", "unixReviewTime": 1463443200} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "APXJHK3ONKY1E", "asin": "B0000AH9UH", "style": {"Size:": " Large"}, "reviewerName": "SS79", "reviewText": "My dog loves this toy", "summary": "Five Stars", "unixReviewTime": 1428624000} +{"overall": 2.0, "verified": true, "reviewTime": "12 30, 2015", "reviewerID": "A2N86J3ST2KVVP", "asin": "B000633Y4U", "style": {"Size:": " Large"}, "reviewerName": "Kim J. Barnes", "reviewText": "Bones broke apart too easy and dog vomited from big chunks. Petco brand never gave me these issurs.", "summary": "Two Stars", "unixReviewTime": 1451433600} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A3EGVJK1F5DTFU", "asin": "B000255OIG", "style": {"Size:": " 3 OZ.", "Flavor Name:": " Chicken Liver"}, "reviewerName": "dj", "reviewText": "Dogs love it...helps with their training", "summary": "Five Stars", "unixReviewTime": 1481068800} +{"reviewerID": "ATPFC1CNB45JI", "asin": "B0002ARR72", "reviewerName": "Joyce C", "verified": true, "reviewText": "Once a puppy is used to it, they are comfy and his/her people don't have to bend so far especially if they have bad backs or are really up in age. Easy to move around for cleaning, etc.", "overall": 5.0, "reviewTime": "05 25, 2016", "summary": "Perfect for us and ours", "unixReviewTime": 1464134400} +{"overall": 3.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A1IGLQOMU2INAP", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Carrie B.", "reviewText": "I have a Rottie, was good for pup. Now she kills every toy and loves to steal hand towels, so I let her\nkill them, cheaper, lol.", "summary": "ok!", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A20GRCELSRG7ZO", "asin": "B0002DJDYY", "style": {"Size:": " 365 Count"}, "reviewerName": "Kevin Merritt", "reviewText": "Way cheaper than Petco. Our dog loves them and he looks great", "summary": "Good buy", "unixReviewTime": 1427328000} +{"overall": 4.0, "verified": true, "reviewTime": "06 21, 2017", "reviewerID": "A1PA320HY34U2D", "asin": "B00025K0ZS", "style": {"Size:": " 9.52-Ounce"}, "reviewerName": "ELEANOR S DAVIS", "reviewText": "TetraPond is my KOI's favorite food.", "summary": "Two Large KOI", "unixReviewTime": 1498003200} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2018", "reviewerID": "AGJ3TU7ODURUC", "asin": "B00006IX59", "style": {"Size:": " SPORT 18M", "Color:": " ASSORTED"}, "reviewerName": "Mrmike", "reviewText": "Great for chucking the ball and not tiring out your arm", "summary": "Five Stars", "unixReviewTime": 1520035200} +{"overall": 5.0, "verified": true, "reviewTime": "10 26, 2014", "reviewerID": "A3191LCGR23350", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "S. Sims", "reviewText": "What else can you say - Prime is the best. Nothing else neutralizes nitrites and nitrates.", "summary": "Prime is the best", "unixReviewTime": 1414281600} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A14VPK9NHSKSKR", "asin": "B0002AR17S", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "L Stoltzman", "reviewText": "Perfect softness for teething puppies but also strong enough to handle heavy chewing. Our white German Shepherd pup is a heavy chewer nd she has yet to give this toy any signs of damage. Love!", "summary": "Perfect for teething puppies!", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2015", "reviewerID": "A3LFVYR9A27NLT", "asin": "B0002AR18M", "style": {"Size:": " One size", "Color:": " Purple"}, "reviewerName": "TW", "reviewText": "This is awesome! I heard from several cat owners how wonderful this is. So I got one and it came today. It really gets the hair! And the hair stays in the brush until you pull it out, which is very helpful. My cat LOVES it, too! :)", "summary": "AWESOME!", "unixReviewTime": 1430784000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 26, 2014", "reviewerID": "A4XYU9I365478", "asin": "B0002QHKH8", "reviewerName": "dyego221b", "reviewText": "I bought this pump to complete oxygenation of my aquarium 200 l. I'm using it for 4 months continuously and is working very well.", "summary": "I like this pump", "unixReviewTime": 1416960000} +{"overall": 1.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "AMX7PEZN4FNRU", "asin": "B0002ASMSK", "style": {"Size:": " Regular"}, "reviewerName": "Nikhil V Kelkar", "reviewText": "my puppy had soft stool and sometime loose stool when we chewed on this bone. He also threw up couple of time after chewing on it. i would not recommended this product.", "summary": "i would not recommended this product", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "07 30, 2017", "reviewerID": "AAFTHLZ5GDDDR", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Bacon Flavored Bone"}, "reviewerName": "Amazon Customer", "reviewText": "Our dog loves it and it has lasted for months even though he is a strong chewer", "summary": "Five Stars", "unixReviewTime": 1501372800} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A1AQ1QGBWH7EGR", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "ee", "reviewText": "works as expected", "summary": "Four Stars", "unixReviewTime": 1435017600} +{"overall": 3.0, "vote": "3", "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "ARTFPVUK7ATJ8", "asin": "B0002AQ5DY", "reviewerName": "aggiereader", "reviewText": "Way to expensive. I'll admit it is well designed, but I purchased this specific one because of the concave bottom it has. It turns out it's not very concave.", "summary": "Way to expensive. I'll admit it is well designed ...", "unixReviewTime": 1434326400} +{"overall": 3.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A39YME9XSC7L0S", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Anita", "reviewText": "Not very calibrated, and will read the harmless bound ammonia in tap water as dangerous ammonia so you'll consistently get a high reading if you use a dechlorinator or water conditioner.", "summary": "Not very calibrated, and will read the harmless bound ...", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A2IV6TCBFJQRQN", "asin": "B00026Z3ZE", "style": {"Size:": " 16 oz"}, "reviewerName": "Iva", "reviewText": "needed stuff for sure", "summary": "needed stuff for sure", "unixReviewTime": 1500940800} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A24NFRX0QYDVH8", "asin": "B0002ASAXW", "style": {"Size:": " 16' x 16'", "Color:": " Blue"}, "reviewerName": "asdf jkl 00ntz", "reviewText": "Our pet rats really like these.", "summary": "Five Stars", "unixReviewTime": 1482192000} +{"overall": 1.0, "verified": true, "reviewTime": "01 2, 2016", "reviewerID": "A3SJNCYM4565SP", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Doris E", "reviewText": "My dogs had no interest in the Kongs with or without a treat inside. Bought several at once, so, donated them to our local shelter as I'm sure they will be used.", "summary": "My dogs had no interest in the Kongs with or ...", "unixReviewTime": 1451692800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2016", "reviewerID": "A24899ODRH5TKJ", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Linda", "reviewText": "Puppy loved them. Brout them to bed. (My bed)", "summary": "Five Stars", "unixReviewTime": 1462233600} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A3Q2NNPGDAM7QF", "asin": "B000084DWM", "style": {"Size:": " 4 lb", "Style:": " Optimal Care Dry | Chicken"}, "reviewerName": "Todd Whitney Foreman", "reviewText": "Very POSITIVE", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"overall": 4.0, "verified": true, "reviewTime": "09 19, 2014", "reviewerID": "A1YZQNQKYNWQ4X", "asin": "B00025K166", "reviewerName": "ElPrimero", "reviewText": "Good stuff for the corals. Yum! Yum!", "summary": "Four Stars", "unixReviewTime": 1411084800} +{"overall": 5.0, "verified": true, "reviewTime": "06 20, 2016", "reviewerID": "A2G91WS7YQRMW", "asin": "B0002DGSRO", "style": {"Size:": " 150 Grams", "Style:": " CatGrass Plus Tub"}, "reviewerName": "Falon", "reviewText": "Cats love it, but I find that any cat grass I buy starts to grow mold within a few days. I can't tell if maybe it's because I live in Arizona, even though I'd assume the opposite would occur because the air is so dry.", "summary": "Cats love it, but I find that any cat grass ...", "unixReviewTime": 1466380800} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A34Y6TX9HR4QFX", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Joseph F.", "reviewText": "It didn't take my dogs long to figure it out, but they sure do love it! It's really 4 different toys in one for them.", "summary": "but they sure do love it! It's really 4 different toys in one ...", "unixReviewTime": 1414195200} +{"overall": 3.0, "verified": true, "reviewTime": "04 29, 2015", "reviewerID": "A28XXRZ4TLG7W1", "asin": "B000084E66", "reviewerName": "Skeletonkey IFOR", "reviewText": "Works well enough, seals, but really loose. I would store at an angle or upside down.", "summary": "Three Stars", "unixReviewTime": 1430265600} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "04 12, 2017", "reviewerID": "A2050Y7KV5W15C", "asin": "B00006H36X", "style": {"Size:": " 4 applications", "Color:": " over 9 Lbs"}, "reviewerName": "Little T", "reviewText": "Works well but I think the fleas are getting resistent to this stuff. Maybe need to switch it up with some other chemicals. It works good most of the time though.", "summary": "Good Product", "unixReviewTime": 1491955200} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "ATOMTXOXV3RPJ", "asin": "B0000BYDBF", "reviewerName": "ct0218", "reviewText": "Works great", "summary": "Five Stars", "unixReviewTime": 1431388800} +{"overall": 1.0, "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A2BO8Q72W06ZDC", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Jess", "reviewText": "This did not work at all for our chihuahua terrier mix. Did not get any hair collected. I would not recommend.", "summary": "Didn't Work", "unixReviewTime": 1397001600} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "AUMCD1CRELB9V", "asin": "B0002DJONY", "style": {"Size:": " 80 Pound"}, "reviewerName": "Cross Teacher", "reviewText": "I love the way this keeps the food fresh.", "summary": "Keeps food fress", "unixReviewTime": 1451174400} +{"overall": 4.0, "verified": true, "reviewTime": "06 30, 2017", "reviewerID": "A37J563VLV99JZ", "asin": "B0002XJ1D2", "style": {"Size:": " 15 oz.", "Color:": " White"}, "reviewerName": "debwillow", "reviewText": "We love Odormute. It is a MUTE, not Completely Gone, but dogs that have been skunked can come back into the house. Only de-skunk-ifier we use.", "summary": "De-skunk your dog", "unixReviewTime": 1498780800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "A1XIA6MRA110GZ", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Bison"}, "reviewerName": "Cat Lady", "reviewText": "It is a great fine for my 'grand dog'. No more hair loss or upset tummy. The best part is that he loves it.", "summary": "dog food for sensitive stomachs", "unixReviewTime": 1388188800} +{"overall": 4.0, "verified": true, "reviewTime": "08 8, 2015", "reviewerID": "ASNIGJAV785DI", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "JOAN", "reviewText": "Thank you,I will tell you,my niece received the Babble Balls in record time but one ball didn't work,so I ordered two more and I sent her some batteries,she said the battery worked for a while that day and stopped again but all the rest worked and her dogs and cat loved them.", "summary": "Babble Balls !", "unixReviewTime": 1438992000} +{"overall": 3.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A3SCAYWGDHHZPI", "asin": "B0002565KM", "reviewerName": "Trisha C.", "reviewText": "Well I never had any babies in the tank to test this with. These will float if not properly buried in the gravel. Easy to clean but food can get stuck it them pretty often. I took them out because of the food issue.", "summary": "A Pain to Keep Clean", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2013", "reviewerID": "A15YBE7YBI86DJ", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "Gary A. Mack", "reviewText": "Much better value than our local pet store supplier. Would recommend purchasing on line as they are delivered as promised. Stops having to purchase them in small amounts in the pet store.", "summary": "Good value", "unixReviewTime": 1364169600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2014", "reviewerID": "A1QMCGDZP1XFSR", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "tammyt", "reviewText": "My dog loves this snack ball. She waits in the kitchen while I am getting ready to leave for work, wanting me to hurry up, so she can have the ball. I only put a small hand full of food in it so it is only a treat or snack.", "summary": "play for a snack", "unixReviewTime": 1390089600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A25656HUQE8ID0", "asin": "B0002AR150", "style": {"Size:": " Large"}, "reviewerName": "LD JD", "reviewText": "These are well made and our lab loves it.", "summary": "Well made!", "unixReviewTime": 1444953600} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1X2RCD53ZS012", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Bobbie L Birkefeld", "reviewText": "This cat dancer peaks our cats attention much better than the cat toys with feathers or mice on the ends of the string. The stick is made of solid plastic, which also holds up better than some other brands.", "summary": "This cat dancer peaks our cats attention much better than the cat toys with feathers or mice on ...", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2010", "reviewerID": "A10WMKOL27VEI", "asin": "B0002DK2DU", "style": {"Size:": " Large"}, "reviewerName": "Keith", "reviewText": "I saw this and decided to try it out and it works great. Just roll it on it's side and let gravity do all the work. Very ingenious and it seems pretty durable too. I use the pull out tray to add more cat litter so I never even have to take it apart.", "summary": "Great litter box", "unixReviewTime": 1282867200} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2017", "reviewerID": "AF0DHGGPZUSBM", "asin": "B0002AS4QA", "style": {"Size:": " 10 Oz"}, "reviewerName": "Heather", "reviewText": "Great quality! We bought 4 and plan to buy some more!", "summary": "Great dishes!", "unixReviewTime": 1497744000} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A1BHZRBO6HW6DO", "asin": "B0002DJ1DM", "style": {"Size:": " 12 Pack"}, "reviewerName": "sukie", "reviewText": "My cat loves them", "summary": "Five Stars", "unixReviewTime": 1419984000} +{"overall": 1.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "AHGYZQXE2EYPR", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Kellianne", "reviewText": "Did not hold my husky/aussie mix interest at all.", "summary": "Boring", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2013", "reviewerID": "A1VH9DM5ZYHR4L", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "KrisS", "reviewText": "It is tubing. There's not much to say about it. It was in good shape and works like it is supposed too!", "summary": "Tubing.", "unixReviewTime": 1370476800} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2014", "reviewerID": "A3KT22N1GS7YZH", "asin": "B0002APL8O", "reviewerName": "Dani", "reviewText": "This works great for my 28lb Beagle. He doesn't get off of it and the metal clip isn't too heavy for his neck. I haven't had it long but it seems to be holding up against the weather and the color is a vibrant red.", "summary": "Great Outside leash", "unixReviewTime": 1403568000} +{"overall": 5.0, "verified": true, "reviewTime": "10 31, 2013", "reviewerID": "AX637FPYX9IKC", "asin": "B0002AQDJ0", "reviewerName": "Shana", "reviewText": "I like using Mecury vapor bulbs instead of having a separate heat source and UVB lamp. I've had this bulb for a few months now and it's still going strong.", "summary": "Great bulb!", "unixReviewTime": 1383177600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2015", "reviewerID": "A2K9E0Q0VZ35R1", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Lan Bai", "reviewText": "I have been using this brand ever since I got my dog. I used the puppy shampoo too when he was little. Would high recommend it!", "summary": "Would high recommend it!", "unixReviewTime": 1449187200} +{"reviewerID": "A3P3850IRIPI0K", "asin": "B00063434K", "reviewerName": "Marisa202", "verified": true, "reviewText": "Puppy won't touch this flavor but she will eat every other flavor. It's really dry when you open it because of the potatoes", "overall": 1.0, "reviewTime": "07 8, 2016", "summary": "Okay", "unixReviewTime": 1467936000} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2013", "reviewerID": "AHFXWZVQ8FZB7", "asin": "B00009ZJ23", "reviewerName": "MaryLou Cunningham", "reviewText": "My little conures love this food. Was recommended by the birds' breeder, a friend of mine. She was spot on for what the birds like!", "summary": "great food", "unixReviewTime": 1383609600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2016", "reviewerID": "A15WHLOD0ZL4AG", "asin": "B00063425K", "style": {"Size:": " 33 lb", "Flavor Name:": " Chicken Meal Rice & Barley", "Style:": " Active Longevity Small Bites"}, "reviewerName": "Denise Mitchell", "reviewText": "My dogs absolutely love this dog food!", "summary": "Great Dog Food", "unixReviewTime": 1474329600} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "ATOT7EF4MO01K", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "candy", "reviewText": "my dog loves this toy and carries it around", "summary": "Five Stars", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2017", "reviewerID": "AC2N2SM6CJ3UV", "asin": "B0002565UC", "style": {"Size:": " 145 GPH"}, "reviewerName": "T. R. Kirby", "reviewText": "Perfect for my smaller aquarium. Quiet and the adjustable air flow is well designed. I also like the flow direction attachment.", "summary": "way to go", "unixReviewTime": 1494115200} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2014", "reviewerID": "A2X3U9I1BLCXI2", "asin": "B0002YFBF8", "style": {"Size:": " 5 lb", "Style:": " Powder"}, "reviewerName": "New Mexico Glo", "reviewText": "Outstanding product! I have three dogs and all of them, especially my 8 1/2 year old Pitt Bull, are doing fabulous. Glossy coats, high energy and overall well being.", "summary": "Highly recommend this product", "unixReviewTime": 1404518400} +{"reviewerID": "ARVJESIYI0DN8", "asin": "B000255QLG", "reviewerName": "Brian S", "verified": true, "reviewText": "I use these in all my tanks with rooted plants and they work well. I can always tell when I've waited too long to add the fert tabs, and as soon as I use these, within a short time, I see drastic results.", "overall": 5.0, "reviewTime": "05 10, 2013", "summary": "Great stuff.", "unixReviewTime": 1368144000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A1Y77QR92GL7HS", "asin": "B0002AR0KG", "style": {"Color:": " bronze"}, "reviewerName": "A. Malcollm", "reviewText": "This works very well; and the kitties didn't take long to adjust to it being in place. It picks up litter from their feet as they exit and you just have to pick it up and dump it.", "summary": "Booda No track litter matter", "unixReviewTime": 1436313600} +{"overall": 3.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "A4MAXF2RYZXUA", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "JV", "reviewText": "It's OK and I like that it's washable. However, after a few washes, it is a little worse for the wear as it has started to pile. Our fleece one has held up better.", "summary": "It's OK and I like that it's washable", "unixReviewTime": 1480464000} +{"overall": 1.0, "verified": true, "reviewTime": "09 30, 2010", "reviewerID": "AYYT5ITL86BCW", "asin": "B0002DHA62", "reviewerName": "Toobs", "reviewText": "The litter box still smells like poop to me, and so does my room that I have it in. Don't see a difference with and without this filter.", "summary": "Not as good as I wish", "unixReviewTime": 1285804800} +{"overall": 1.0, "verified": true, "reviewTime": "11 10, 2013", "reviewerID": "A35JY2ZW614ZIF", "asin": "B0002AR15U", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Missy L", "reviewText": "My morkie broke this kong in less than a week. they need to make the smaller kongs more stronger and durable for small dogs.", "summary": "waste of money", "unixReviewTime": 1384041600} +{"overall": 3.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "A3FP6X9H3HTNOP", "asin": "B0002DJXGM", "style": {"Size:": " XX-Large", "Color:": " Red"}, "reviewerName": "cwinse", "reviewText": "WAY too long yet much too tight in the chest. what an odd looking canine this would fit properly - some sort of super long wiener dog with a huge broad chest.......", "summary": "what an odd looking canine this would fit properly - some sort of super long wiener dog with a huge broad chest", "unixReviewTime": 1428796800} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2011", "reviewerID": "A41GXVO9WX1H9", "asin": "B0002AR0II", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Pixiepixle", "reviewText": "I have two super chewers in my house, one had already destroyed a normal kong so I got two of the extreme ones. The are great so far and I would definitely recommend them. My only thought is that for a medium sized kong I expected it to be a bit bigger.", "summary": "A little smaller than I expected", "unixReviewTime": 1294444800} +{"overall": 4.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A3TBBG23H6E7KO", "asin": "B000256DVS", "style": {"Size:": " 8.5\", Large"}, "reviewerName": "Abigail M. Q. Utt", "reviewText": "My ratters love it but it is very loud.", "summary": "Four Stars", "unixReviewTime": 1463616000} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2014", "reviewerID": "A24IETMJSLLOE9", "asin": "B00026Z4TO", "style": {"Size:": " 3/8 Pound"}, "reviewerName": "jofes", "reviewText": "fish love it", "summary": "Five Stars", "unixReviewTime": 1407456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2015", "reviewerID": "A1VV6PKH0SG3K1", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "soil doc", "reviewText": "Works well. Ordered small size for a 33 gallon tank. My substrate has no sand, so scratching is not an issue.", "summary": "Works well. Ordered small size for a 33 gallon ...", "unixReviewTime": 1450137600} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2016", "reviewerID": "A2VYBKJCI9CAZL", "asin": "B0002AR22C", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Meghan Reid", "reviewText": "Been 2 months and still working great. Very good Retriever toy", "summary": "Sturdy and Dogs love it", "unixReviewTime": 1461542400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81kPB6X79AL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71tVAENhVjL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A2UQU2DU1ONVM5", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Gannyx5", "reviewText": "My \"Chewy\" LOVES his new duck. He even sleeps with it! ", "summary": "LOVES HIS DUCK!", "unixReviewTime": 1510704000} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A1IH74XTM6C832", "asin": "B00008GKAV", "style": {"Size:": " 33 lbs.", "Flavor Name:": " Chicken", "Package Type:": " Standard Packaging"}, "reviewerName": "Ben &amp; Dorothy Wiederkehr", "reviewText": "Dogs like it", "summary": "Four Stars", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A29RZ482A3G4JN", "asin": "B0002DGIGK", "style": {"Size:": " 5 Pound"}, "reviewerName": "Amazon Customer", "reviewText": "Good product, and good seller.", "summary": "Great", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2017", "reviewerID": "A2MFX7XXV2XLJL", "asin": "B000255NAK", "style": {"Style:": " Ammonia"}, "reviewerName": "Elsie M. Allen", "reviewText": "Perfect perice", "summary": "Fantastic", "unixReviewTime": 1510358400} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2014", "reviewerID": "AGWBN7AIMS3W2", "asin": "B00028OHN6", "reviewerName": "Donna Buck-Davis", "reviewText": "Cats love it.", "summary": "Five Stars", "unixReviewTime": 1419897600} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "A3K51YVXFFA60O", "asin": "B0002ARR2W", "style": {"Size:": " Pack of 1"}, "reviewerName": "stephanie hubbard", "reviewText": "Best demanding tool.but def not for beginners, very sharp and dangerous did not cut a dog but cut mself several times ,but I did a get a dog demanded that wold have been impossible to dematt with out this tool", "summary": "Best demanding tool", "unixReviewTime": 1447027200} +{"reviewerID": "A25FPMN7XOLXEM", "asin": "B0002565TI", "reviewerName": "Cynthia Owens-Murphy", "verified": true, "reviewText": "Great buy.", "overall": 5.0, "reviewTime": "07 1, 2015", "summary": "Five Stars", "unixReviewTime": 1435708800} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2015", "reviewerID": "A2HDAFA90O5AU9", "asin": "B0002W0S4Y", "style": {"Size:": " 8 ounce"}, "reviewerName": "Patti Bettis", "reviewText": "Repeat purchase of a great product", "summary": "Five Stars", "unixReviewTime": 1435622400} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "AYXR3E9M1P383", "asin": "B0001BV0OI", "style": {"Size:": " 40-Pounds"}, "reviewerName": "Cathrine and Richard", "reviewText": "Love at 1st whiff", "summary": "Love", "unixReviewTime": 1517356800} +{"overall": 4.0, "verified": true, "reviewTime": "01 30, 2018", "reviewerID": "AY3MOIDI4G8V4", "asin": "B0001BV0OI", "style": {"Size:": " 40-Pounds"}, "reviewerName": "DebbieJo", "reviewText": "good", "summary": "Four Stars", "unixReviewTime": 1517270400} +{"overall": 4.0, "verified": true, "reviewTime": "08 4, 2015", "reviewerID": "A3UM1KTW8K5NPZ", "asin": "B0002DJX44", "style": {"Size:": " MEDIUM 5\"", "Color:": " ASSORTED"}, "reviewerName": "JB", "reviewText": "ok, the dofg loved it, but the pieces were too thin and he tore it to shreds immediately", "summary": "the dofg loved it, but the pieces were too thin and ...", "unixReviewTime": 1438646400} +{"reviewerID": "A2P3VGFWDXIMAE", "asin": "B00004T2WR", "reviewerName": "c", "verified": true, "reviewText": "This and all items listed below were good.", "overall": 5.0, "reviewTime": "06 22, 2017", "summary": "Five Stars", "unixReviewTime": 1498089600} +{"overall": 4.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A11DTHOEPCFQ5X", "asin": "B0002I0O5G", "style": {"Size:": " X-Large", "Style:": " Squirrel"}, "reviewerName": "Joad", "reviewText": "Dog destroyed in less then five minutes, still enjoys playing with, just wish it was made of a more durable material but concept is fun.", "summary": "Needs a more durable fabric material", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "11 28, 2012", "reviewerID": "A2DEHGAT5GARUG", "asin": "B0002J1FOO", "reviewerName": "dparson", "reviewText": "Frontline is a good flea protection product. I used it for years on my dogs and never had a flea problem", "summary": "Frontline is a good product", "unixReviewTime": 1354060800} +{"reviewerID": "A2G4EA02SOUH5D", "asin": "B0002DJX58", "reviewerName": "NickA", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/71p+n7GhjkL._SY88.jpg"], "reviewText": "I received this about 15 minutes ago and within 10 minutes if my dogs having it, I was pulling pieces of the toy out of their mouths.", "overall": 1.0, "reviewTime": "10 26, 2017", "summary": "Lasted less than 10 minutes", "unixReviewTime": 1508976000} +{"overall": 4.0, "verified": true, "reviewTime": "09 21, 2016", "reviewerID": "A120NXKM3RK09T", "asin": "B0002DHPDA", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Rowan345", "reviewText": "Good calcium supplement plus hydration for your feeder crickets. Easy to feed. A little lasts a couple of days without drying out.", "summary": "Easy Mineral Supplement", "unixReviewTime": 1474416000} +{"overall": 5.0, "verified": true, "reviewTime": "11 17, 2017", "reviewerID": "A1MCFQHB48UQII", "asin": "B0002602SC", "reviewerName": "Happiesbbqsauce", "reviewText": "Nice foam density, weighted bottom, designed not to need an air stone, plug your love into the top and it has a hard line inside that takes the air to the very bottom. Works great.", "summary": "I like them", "unixReviewTime": 1510876800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2017", "reviewerID": "A1GURRV3CI8AXU", "asin": "B0000AH3RM", "style": {"Size:": " 7 lb. Bag"}, "reviewerName": "Charlene Morgan", "reviewText": "I use Purina products for my cats and for my horses. My cat really likes and is doing well on Purina 1. He has gone thru almost 2 bags of it.", "summary": "Fussy cat likes", "unixReviewTime": 1506729600} +{"reviewerID": "A214IXLSESBR6O", "asin": "B0002565TI", "reviewerName": "VWork", "verified": true, "reviewText": "Fits perfectly, works well. Just as expected of a Marineland filter.", "overall": 5.0, "reviewTime": "12 21, 2014", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2013", "reviewerID": "A3KSJAC9WTC89", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Luis Eduardo Morillo Rodriguez", "reviewText": "It is an excellent product, as compared to other conditioners should be placed a minimum amount of liquid to obtain the same result, besides that instantly removes chlorine and chloramines, also provides a protective coat to the fish and helps neutralize NO2 and NO3", "summary": "Excellent", "unixReviewTime": 1378512000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2015", "reviewerID": "A19OATYRPAYBE3", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "Liz W", "reviewText": "One of our cats loves running water and this works great. Wish I had the extra reservoir for when we are gone for several days.", "summary": "Cat likes it!", "unixReviewTime": 1439596800} +{"reviewerID": "A3RV34IY7GZ33Z", "asin": "B0002DK9L0", "reviewerName": "Quilter Gail", "verified": true, "reviewText": "My Aussie LOVES this ball! It keeps him occupied for a good hour until he's just worn out! It's nice and sturdy and i believe it won't pop even when he tries to bite it!", "overall": 5.0, "reviewTime": "03 20, 2017", "summary": "Awesome ball for my Aussie!", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A3L2AAVQFXY6L0", "asin": "B0002H3RCY", "reviewerName": "Lorraine Peck", "reviewText": "so far I have only needed to use this product one time - cut a nail to short. It worked like a charm", "summary": "It worked like a", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "AKC59GN8W0SRK", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Rob", "reviewText": "Great scratchers. They are the same quality that you would buy in the pet store, only much cheaper! They fit the commercial round scratchers.", "summary": "Great scratchers!", "unixReviewTime": 1421625600} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "10 10, 2013", "reviewerID": "A3B12SROBH3MM5", "asin": "B000255PJY", "reviewerName": "SAC", "reviewText": "A must have for Cichlids. Helps keep parasites and fugal infections down and the fish thrive when you dose properly. Just be sure to dissolve before you add it to your tank. :) I buy this in bulk. I use it often and it's worth every penny.", "summary": "Love it", "unixReviewTime": 1381363200} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2016", "reviewerID": "A13UAVT45110ZB", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " P-Nuttier", "Package Type:": " Standard Packaging"}, "reviewerName": "tJones", "reviewText": "Puppy loves them. We tried the variety package also. He loves them all.", "summary": "He loves them all.", "unixReviewTime": 1476316800} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A1EM0G82CWRTDX", "asin": "B0002ARQSW", "style": {"Size:": " 8-Ounce"}, "reviewerName": "C. Aloisi", "reviewText": "Bought for my Dwarf hamster, works great. They are low odor to begin with, but I don't smell anything now. Hamster had no hesitation drinking the water with this in it, either.", "summary": "works great. They are low odor to begin with", "unixReviewTime": 1479772800} +{"overall": 2.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A2VMMGEUNVV0S7", "asin": "B000256DYK", "style": {"Size:": " Regular", "Package Type:": " Standard Packaging"}, "reviewerName": "flutinkat", "reviewText": "It's flimsy, and even oil doesn't keep it from noise due to the way it's built.", "summary": "Two Stars", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A3P6EDZ0JDZJ6Z", "asin": "B000255NAK", "style": {"Style:": " Nitrate"}, "reviewerName": "J. Bello", "reviewText": "good product! recommended", "summary": "excellent", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A2QU1R8PH8GASI", "asin": "B0002J1FOO", "reviewerName": "Julie M", "reviewText": "Good price works for my dogs . I use 3/4 on my one dog 60 lb and the rest on my small Yorkie..", "summary": "Works good for ticks must reapply after one month", "unixReviewTime": 1417651200} +{"overall": 4.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "AQV9NXV7LJ19G", "asin": "B0002ARR2W", "style": {"Size:": " Pack of 1"}, "reviewerName": "starmoth", "reviewText": "Works very well. Especially useful for my shih tzu's coat.", "summary": "Does the Job", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A313KSJMDJR6W9", "asin": "B0002AQCL4", "reviewerName": "ruben", "reviewText": "Awesome", "summary": "Five Stars", "unixReviewTime": 1418083200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A285I1UW0F89C5", "asin": "B0002YFSDI", "style": {"Size:": " 1/2\" x 6'", "Color:": " Camo"}, "reviewerName": "Sona Pyle", "reviewText": "Looking for something that was not to slippery but heavy duty for large dogs, and this worked! It won't slide down as long as you have it the appropriate tightness (like a collar--2 finger widths). The dogs sense the difference and holds his head high too.", "summary": "Great product!", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2016", "reviewerID": "A2PJZCIJ4VR8RC", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 50: 20 to 50 Gallons"}, "reviewerName": "R B", "reviewText": "good quality ty", "summary": "Five Stars", "unixReviewTime": 1457136000} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2016", "reviewerID": "A3LDCSNIKR4K5K", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Turkey"}, "reviewerName": "Saly Ann vaught", "reviewText": "Heidi loves chewing on it and it is holding up very well it is so hard to find something she doesn't destroy in minutes", "summary": "Heidi loves chewing on it and it is holding up ...", "unixReviewTime": 1455753600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2010", "reviewerID": "AX1LTHFK5VYJM", "asin": "B00027CL5S", "reviewerName": "Chip - Amazon Customer", "reviewText": "These treats are great for cats, I call it Kitty Crack......great product, great price, fast delivery.", "summary": "Great Product!", "unixReviewTime": 1264464000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "A1QWB05K12HGG3", "asin": "B0002DK26C", "style": {"Size:": " Medium (3.5\")"}, "reviewerName": "ellen m pattison", "reviewText": "Awesome. This toy is rugged and my puppy still uses it everyday. Also the toy is quiet when my puppy moves it around the room.", "summary": "Awesome. This toy is rugged and my puppy still ...", "unixReviewTime": 1418688000} +{"overall": 1.0, "verified": true, "reviewTime": "08 24, 2015", "reviewerID": "A1RDVB4WJ38E6T", "asin": "B0002MLAE6", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "Thom R. Ingle", "reviewText": "Dont buy... no added benefit. my cats vomited...I feed them Lifes abundance cat food...would not feed them anything else!", "summary": "One Star", "unixReviewTime": 1440374400} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2016", "reviewerID": "A1URDXQGOXSGTA", "asin": "B000634JHQ", "style": {"Size:": " 15"}, "reviewerName": "Brian and Hannah Fleck", "reviewText": "Works perfectly. Makes using clip combs a breeze on any coat type!! Worth every penny!!", "summary": "Five Stars", "unixReviewTime": 1459382400} +{"overall": 2.0, "verified": true, "reviewTime": "12 31, 2017", "reviewerID": "A3PPTPT30EBVQS", "asin": "B0002ARUKQ", "reviewerName": "Laurie H", "reviewText": "I received clippers were dirty and with handles that were all sliced up. The cutting edge of the clippers had nicks in them. I never used them and I threw them away. These were very clearly used. I was very surprised at the poor condition of the product.", "summary": "Very poor condition.", "unixReviewTime": 1514678400} +{"reviewerID": "A3HTCZ7GZ27U88", "asin": "B000633QP2", "reviewerName": "joleigh", "verified": true, "reviewText": "Keeps getging stuck when i go to clasp it on my dog. Only had for 2 days", "overall": 1.0, "reviewTime": "03 13, 2017", "summary": "One Star", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2016", "reviewerID": "AMKX54XQ6637V", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "RJG", "reviewText": "Cheaper online than at pet stores! Works really well if you are a beginner hobbyist! Would buy again!", "summary": "Five Stars", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "A30RAEDXWV0TNH", "asin": "B00061MWP4", "style": {"Style:": " 40: 1/100\" (0.25 mm)"}, "reviewerName": "Joan Dalton", "reviewText": "Love CeramicEdge Blades!", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 2.0, "verified": false, "reviewTime": "10 12, 2016", "reviewerID": "A3RXO2QSFSPLYR", "asin": "B0002AT3TC", "style": {"Size:": " 4.75\" x 5.37\" x 24.5\"", "Style:": " Grass"}, "reviewerName": "peter Goss", "reviewText": "broke after a few weeks, not made well, other scoopers on Amazon are more worth it", "summary": "Two Stars", "unixReviewTime": 1476230400} +{"overall": 3.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "AQCGFRMEOZA1U", "asin": "B0002AR0KG", "style": {"Color:": " bronze"}, "reviewerName": "Ace", "reviewText": "Needs to be wider", "summary": "Three Stars", "unixReviewTime": 1456617600} +{"reviewerID": "A1C83CM59R6H8H", "asin": "B0002565TI", "reviewerName": "victor waters", "verified": true, "reviewText": "This is a well protected shipment, that is in excellent shape and meets all my expectations. I got 4 boxes of goodness!", "overall": 5.0, "reviewTime": "11 6, 2013", "summary": "Love it!", "unixReviewTime": 1383696000} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2015", "reviewerID": "A3ES1230ZA46WF", "asin": "B0002AS61S", "style": {"Size:": " Large", "Color:": " Assorted"}, "reviewerName": "MJ", "reviewText": "Pain to clean but mouse liked it", "summary": "Hard to clean", "unixReviewTime": 1420588800} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2013", "reviewerID": "AP85KL1SQNS3A", "asin": "B0002AR4BG", "style": {"Size:": " Extra Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Christopher C. Gudino", "reviewText": "Item exceeded expectations and was a fraction of the price of the local pet stores. I would definitely recommend it.", "summary": "Awesome", "unixReviewTime": 1388275200} +{"overall": 3.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A3IWGUX297XUM8", "asin": "B0002AQDJ0", "reviewerName": "Carolyn Koh", "reviewText": "Convenient but expensive. Doesnt seem to last the guranteed time.", "summary": "Three Stars", "unixReviewTime": 1467849600} +{"overall": 3.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A33753CA40IJOK", "asin": "B0002AR36M", "style": {"Size:": " X-Large"}, "reviewerName": "Craig", "reviewText": "Rope was great for the first couple of hours, then it was easily torn apart.", "summary": ".....", "unixReviewTime": 1412121600} +{"overall": 1.0, "verified": true, "reviewTime": "12 18, 2015", "reviewerID": "AGFEG43EZJNQD", "asin": "B0002DHOP4", "reviewerName": "Amazon Customer", "reviewText": "Did not look like the picture at all. Only got a fraction of what the picture looks like", "summary": "Dissapointed", "unixReviewTime": 1450396800} +{"reviewerID": "A2I6BXAVY2XZ5T", "asin": "B0002DHOFE", "reviewerName": "B. Baca", "verified": true, "reviewText": "Using for a chameleon. Slow drip last a couple days. Have a shallow bowl under to catch the run off. Water level needs to be kept between the top of spout and below the suction cup on back.", "overall": 5.0, "reviewTime": "07 21, 2015", "summary": "Works great!", "unixReviewTime": 1437436800} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A36BXOZF2EL3UP", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Hb", "reviewText": "I cannot believe this brush works so well on my shorts hair dogs! I would highly recommend it!", "summary": "I would highly recommend it!", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A1NTHE46RXI0YA", "asin": "B0002AS4RO", "style": {"Size:": " Small"}, "reviewerName": "Dane Allen", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1484092800} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "ATEHKPKMW9DPU", "asin": "B00006IUWK", "style": {"Size:": " 16 oz"}, "reviewerName": "GR", "reviewText": "great item", "summary": "Five Stars", "unixReviewTime": 1465948800} +{"overall": 2.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "ADAR1L7P7VN5K", "asin": "B00025YUZY", "style": {"Size:": " 50-Pound", "Color:": " Sunset Gold"}, "reviewerName": "No one", "reviewText": "Needed to return the second bag, and throw away the first bag after I unloaded it in the aquarium. It was waaaaaaay too fine for a freshwater aquarium - was very cloudy, and didn't settle well.", "summary": "It was waaaaaaay too fine for a freshwater aquarium - was very cloudy", "unixReviewTime": 1504656000} +{"overall": 4.0, "verified": true, "reviewTime": "09 11, 2014", "reviewerID": "A22JTDMTJ4S5V2", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " FAWN"}, "reviewerName": "April C", "reviewText": "This works 100% better than using a regular collar and leash to help curb pulling issues. My dog HATES it. He will hide when I get it out, he rubs his face all over the floor after I take it off. I checked with the vet to make sure it was on the right way.", "summary": "This works 100% better than using a regular collar and leash to help ...", "unixReviewTime": 1410393600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "AGIZIG2P8RM4T", "asin": "B0002DHMC4", "reviewerName": "g.g. mom of 5, wife of 1, nya to 4", "reviewText": "Just as we'd hoped. Nice quality. Though no sooner than we bought and installed it, the stray cat disappeared! LoL", "summary": "Nice quality", "unixReviewTime": 1488499200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2014", "reviewerID": "A33HVJZN4PP3TT", "asin": "B0001RTDIC", "reviewerName": "Michael G.", "reviewText": "Great product, awesome shipping and very fast turnaround", "summary": "Five Stars", "unixReviewTime": 1413849600} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2015", "reviewerID": "A145E6QZ9P82I4", "asin": "B0002FP1W0", "style": {"Size:": " Original"}, "reviewerName": "MEC", "reviewText": "Love!", "summary": "Five Stars", "unixReviewTime": 1440547200} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2013", "reviewerID": "A2VXJNWIN1FN38", "asin": "B0002ATB5S", "style": {"Size:": " 5"}, "reviewerName": "Alb24u", "reviewText": "Well, I used it once for fitting and it was quick and easy to use. I have found that I don't need it, but it is a good product. I have to base my rating on the product not the fact that I ordered am item I will most likely never use.", "summary": "Good stuff if you need it", "unixReviewTime": 1363132800} +{"overall": 3.0, "verified": true, "reviewTime": "09 3, 2015", "reviewerID": "A16QH3RGUCGIQV", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Shannon Grella", "reviewText": "Our English Pointer mixed chewed it in half within an hour...", "summary": "Three Stars", "unixReviewTime": 1441238400} +{"overall": 1.0, "verified": false, "reviewTime": "12 28, 2017", "reviewerID": "A3MCFS22AKFEDX", "asin": "B0002DGI1U", "style": {"Size:": " 4.5 lb"}, "reviewerName": "Amber", "reviewText": "Please stop feeding this trash to your pigs. Do the research, it's worth it.", "summary": "One Star", "unixReviewTime": 1514419200} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2017", "reviewerID": "A1WAEG4HGN9825", "asin": "B000084EJO", "reviewerName": "ros23", "reviewText": "Good price, my girl loves it.", "summary": "Five Stars", "unixReviewTime": 1512518400} +{"overall": 5.0, "verified": true, "reviewTime": "05 27, 2015", "reviewerID": "AVFNWX23FN9JJ", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "Steve", "reviewText": "Great treat dispenser. Fur monster is entertained for awhile! The last few treats are a big challenge, sometimes it will take her a few days to get it empty! There was a weak spot on the ball when it arrived, but it has not broken thru and works as intended.", "summary": "Works great!", "unixReviewTime": 1432684800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2017", "reviewerID": "A204MDIYB268LE", "asin": "B0002DIRXC", "reviewerName": "Danielle L. Stavrinadis", "reviewText": "Fits exactly under an airplane seat. And my 17 lb nervous cat was comfortable.", "summary": "And my 17 lb nervous cat was comfortable.", "unixReviewTime": 1510790400} +{"overall": 4.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A37JSY144OX7G2", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Reva", "reviewText": "for some reason, my dalmatian , who loves to destroy her squeekie toys normally, only takes the squirrels in and out of the log! go figure!!", "summary": "Don't kill your squirrels!", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "A3J4WFBSOD33TK", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "Kim", "reviewText": "Our dogs LOVE this toy! I fill it with Moist and Meaty kibble and it keeps them busy for at least 30 minutes while they get the food out. They see me fill it up and can't wait to play with it.", "summary": "Great dog toy! Keeps them engaged and occupied", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2014", "reviewerID": "A3TX0PO4IGIP4O", "asin": "B000084ES8", "style": {"Size:": " 3-Ounce Can (Pack of 24)", "Flavor Name:": " Chicken & Lobster Pate", "Package Type:": " Standard Packaging"}, "reviewerName": "Catherine Budd", "reviewText": "I think this is a great combination and the boys like it.", "summary": "Five Stars", "unixReviewTime": 1413331200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2017", "reviewerID": "A1P1G4S8UOWWS0", "asin": "B0002AQ0BQ", "style": {"Size:": " 30 lb. Bag", "Style:": " Unscented"}, "reviewerName": "Amazon Customer", "reviewText": "This is cheaper than buying paper litter for the bunnies.", "summary": "More for your buck", "unixReviewTime": 1495324800} +{"reviewerID": "A3RR3GZGESO38J", "asin": "B0002ARTWU", "reviewerName": "Nathalie", "verified": false, "reviewText": "My Corgi loves the moooo sound and takes it everywhere and sleep with it.", "overall": 5.0, "reviewTime": "08 25, 2014", "summary": ":)", "unixReviewTime": 1408924800} +{"overall": 5.0, "verified": false, "reviewTime": "05 22, 2013", "reviewerID": "A1G5EJU5Q03MIF", "asin": "B0002IJQYQ", "style": {"Size:": " Large"}, "reviewerName": "GoJacks", "reviewText": "Had to replace the dog door flaps after our dog chewed up the old ones. These were really easy to install. Unfortunately our dog chewed them up as well (the next day).", "summary": "Easy to replace", "unixReviewTime": 1369180800} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2017", "reviewerID": "A3TXH9XP8ZQSMI", "asin": "B0002ARGLE", "style": {"Size:": " 18-Ounce"}, "reviewerName": "Holly Ridderman-Olcott", "reviewText": "I have used this shampoo for my dogs for years, I live the smell and it works really well. I never find ticks or fleas on my pups.", "summary": "Great product!", "unixReviewTime": 1492041600} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2017", "reviewerID": "A186OV9AEYHZ5G", "asin": "B00008DFGY", "reviewerName": "s", "reviewText": "good price", "summary": "Five Stars", "unixReviewTime": 1501286400} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "A2PZAF6KRQ5SQY", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "JERRY G", "reviewText": "Was as advertized", "summary": "Five Stars", "unixReviewTime": 1429574400} +{"overall": 3.0, "verified": true, "reviewTime": "03 7, 2016", "reviewerID": "A1FTXV4XURXTVW", "asin": "B0002DHO1I", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "K", "reviewText": "It is okay", "summary": "It is okay but to find a treat to put ...", "unixReviewTime": 1457308800} +{"overall": 5.0, "verified": false, "reviewTime": "02 19, 2010", "reviewerID": "A133XO8HXO2HID", "asin": "B0002AR178", "reviewerName": "C & R James", "reviewText": "Our Parson Russell Terrier and Scottie can destroy a toy in 10 seconds flat. We figured we would invest in some kongs and it survived the day and will see tommorrow thank goodness. With that said its better than anything other toy we have bought for our dogs.", "summary": "It survived", "unixReviewTime": 1266537600} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "A3JSNDRNWRXBT", "asin": "B0002O0126", "style": {"Size:": " 2 oz. Tub"}, "reviewerName": "A. SMITH", "reviewText": "Great! Cats love it. idk if it's better than others but it seems fresh. Our cats eat right up.", "summary": "Cats love it", "unixReviewTime": 1497052800} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2017", "reviewerID": "A29H6MINJ1JDBK", "asin": "B0002AQ9PI", "style": {"Size:": " X-Large"}, "reviewerName": "grscott", "reviewText": "Not soft and snuggly like many, but it's deep enough that my dog can't chew her hotspots. The tougher plastic has survived so far even if it is noisier. Better to have it bang around the house than deal with wounds that can't heal.", "summary": "Sorry Fido, you can't destroy this e-collar so easily :-)", "unixReviewTime": 1505779200} +{"reviewerID": "ADKIGWQ7JKF4V", "asin": "B0002AS9ME", "reviewerName": "Amazon Customer", "verified": false, "reviewText": "I don't have this exact bowl, but I have a very, very similar bowl. It's large, easy to clean, and never tips. 5 stars!", "overall": 5.0, "reviewTime": "03 11, 2016", "summary": "Awesome!", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A232SD18XEFUB", "asin": "B00025JZBS", "reviewerName": "Cookie Buckelew", "reviewText": "Discus absolutely love this food perfect for the young ones ;)", "summary": "Fish love it !", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2017", "reviewerID": "AXRD8FRG61Y8H", "asin": "B0002ASLNQ", "style": {"Size:": " 1 Gallon", "Package Type:": " Standard Packaging"}, "reviewerName": "Julie G.", "reviewText": "Nature's Miracle works well when added to laundry, but I recommend pre-soaking in the undiluted liquid for best results with intense odors.", "summary": "Great product!", "unixReviewTime": 1498003200} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2017", "reviewerID": "A2IZ5Q9464562T", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "TLee", "reviewText": "Well made, great price! My dog loves this! She even plays with the log by itself! I would definitely recommend to everyone!", "summary": "Happy Dog!", "unixReviewTime": 1494201600} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "ALCVMNYAFY75I", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Peanut Butter"}, "reviewerName": "benny", "reviewText": "Love it", "summary": "Your dog will love these", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A3VR71ENV1K5UM", "asin": "B0002TJAX2", "style": {"Size:": " 3 oz, 24-pack", "Flavor Name:": " Savory Chicken", "Style:": " Hairball Control Savory Chicken"}, "reviewerName": "SAimNE", "reviewText": "Both my cats love this.", "summary": "Five Stars", "unixReviewTime": 1439251200} +{"reviewerID": "A2LQ8E823D19X2", "asin": "B0002DI3TK", "reviewerName": "Allyson Washburn", "verified": true, "reviewText": "This fountain replaced my old one that my cat loves. She loves the running water. Is quit and works great", "overall": 5.0, "reviewTime": "07 7, 2016", "summary": "This fountain replaced my old one that my cat loves ...", "unixReviewTime": 1467849600} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2015", "reviewerID": "A1DVWKWIEPUOUQ", "asin": "B0002I0GZ4", "style": {"Size:": " 11.5-Pound Bag", "Flavor Name:": " Indoor Salmon & Whitefish", "Package Type:": " Standard Packaging"}, "reviewerName": "CLAUDIA", "reviewText": "My cat likes it. I am on the second bag. I can't tell yet if she is gaining weight. She is skinny", "summary": "My cat likes it. I am on the second ...", "unixReviewTime": 1435017600} +{"overall": 4.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A30D07KPFMQ560", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " RASPBERRY PINK"}, "reviewerName": "CK", "reviewText": "I wish the straps on this leader were a bit thicker; they seem to rub on my dog's nose a bit as is. Other than that, this leader has been effective and does what it advertises.", "summary": "I wish the straps on this leader were a bit ...", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2017", "reviewerID": "A3V30NOLYJ2APF", "asin": "B0002ARTXO", "reviewerName": "Grandma of 4", "reviewText": "Sound just like the animal. Dog goes crazy over it.", "summary": "Five Stars", "unixReviewTime": 1503446400} +{"overall": 1.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "A2K2RAPLKVF0V0", "asin": "B0002D31QU", "reviewerName": "Char", "reviewText": "Stopped working after one day!!! Do not buy!!!!", "summary": "Do not waste your money!!!", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2015", "reviewerID": "A2E9GLYC3H8M3J", "asin": "B0002AQRMI", "style": {"Size:": " 6-Ounce", "Style:": " Baby Powder Scent"}, "reviewerName": "Terri Moran", "reviewText": "yes love the smell and I like that it last for sometime.", "summary": "Five Stars", "unixReviewTime": 1442793600} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2018", "reviewerID": "A1F3KAYVAAFM55", "asin": "B0006349TY", "reviewerName": "Judyjane", "reviewText": "Other very best for the furry dog. Gets right to the down. Love it", "summary": "Dog comb", "unixReviewTime": 1524009600} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2016", "reviewerID": "A10A3V91WL6SH5", "asin": "B000255P9E", "style": {"Size:": " 1"}, "reviewerName": "Don", "reviewText": "works as advertized", "summary": "Five Stars", "unixReviewTime": 1464825600} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2014", "reviewerID": "AQ8MCS8IQXFIM", "asin": "B000084EXU", "style": {"Size:": " Petite/X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Marianrhk", "reviewText": "My toy poodle loves these bones. just the right size for her.", "summary": "Five Stars", "unixReviewTime": 1406764800} +{"overall": 2.0, "verified": true, "reviewTime": "12 22, 2015", "reviewerID": "AQO7JRU6FT156", "asin": "B0002H3ZV2", "style": {"Size:": " Large (1 inch)", "Color:": " Black"}, "reviewerName": "Chelleisblessed", "reviewText": "Leash somehow comes unleashed from collar- this has happened multiple times- thank goodness that my dog is well trained and she didn't end up in the street getting hit or running away.", "summary": "Leash somehow comes unleashed from collar- this has happened multiple ...", "unixReviewTime": 1450742400} +{"overall": 1.0, "verified": true, "reviewTime": "10 19, 2015", "reviewerID": "A66XWAVYVGDUY", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "wearyconsumer", "reviewText": "Flimsy, thin plastic - melts in dishwasher.", "summary": "Melts in dishwasher", "unixReviewTime": 1445212800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A2VBSCPIJQT7ZD", "asin": "B00061MXJ4", "reviewerName": "rachbick", "reviewText": "got one for my dogs, and one for myself!", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 4.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A29A7G2BZKELLT", "asin": "B0002AT4ZU", "style": {"Size:": " Medium", "Color:": " TAUPE/BLACK"}, "reviewerName": "jjackson", "reviewText": "Our dog is about 36 pounds and about 15-17 inches tall and this fits her perfectly. If she was any bigger or this was any smaller she would not fit. Good sturdy construction. Heavy weight plastic.", "summary": "Pretty good doghouse.", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2016", "reviewerID": "A2WO1Q3D2C3QW0", "asin": "1612231977", "style": {"Color:": " 165"}, "reviewerName": "Eugene Dodds", "reviewText": "Matched our set and was a great price.", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2013", "reviewerID": "A3NX0ETGAGH0OW", "asin": "B0002567H8", "style": {"Size:": " 4.5\""}, "reviewerName": "Jeannine Daniels", "reviewText": "My cats love these!! They hang and the cats play....it's genius! Unfortunately, they play with these at around midnight every night or early in the AM", "summary": "Love it", "unixReviewTime": 1358467200} +{"overall": 5.0, "verified": false, "reviewTime": "10 16, 2016", "reviewerID": "A23EYG5DK4UO7G", "asin": "B0002AQITK", "reviewerName": "Linda", "reviewText": "Very easy to see.", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2017", "reviewerID": "A3A7KXUHXU2U21", "asin": "B0002APIIW", "style": {"Size:": " 500 ml"}, "reviewerName": "Jose Miguel Primavera", "reviewText": "excelente", "summary": "Five Stars", "unixReviewTime": 1504310400} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A1KH0984X4W9MF", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Kindle Customer", "reviewText": "My 10 week old shih tzu loves this toy. Caution, he got in trouble once and his head was stuck in one of the holes. Avoid leaving it with your puppy unattended unless you are very sure their head won't fit the hole. The squirrels squeak which is a bonus.", "summary": "My puppy loves it", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "08 17, 2014", "reviewerID": "AWUBOHWR5Z04", "asin": "B000634MXM", "style": {"Size:": " Medium", "Color:": " Black/Cream Sherpa"}, "reviewerName": "A. Welch", "reviewText": "awesome", "summary": "Five Stars", "unixReviewTime": 1408233600} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A4NRWHAW0V7DF", "asin": "B00061MRZE", "style": {"Size:": " 32-Ounce"}, "reviewerName": "brandon callahan", "reviewText": "Great Buy if you need your dog to pick up some weight.", "summary": "Five Stars", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A1HVE3A73UCX6W", "asin": "B000256CG4", "reviewerName": "katie", "reviewText": "This is the best toy ever made for kitties!", "summary": "Five Stars", "unixReviewTime": 1435968000} +{"overall": 5.0, "verified": false, "reviewTime": "12 29, 2016", "reviewerID": "ASH1Q2AMQ6GLN", "asin": "B0002AQMDM", "style": {"Size:": " 8-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Best price around...", "summary": "5 stars", "unixReviewTime": 1482969600} +{"overall": 4.0, "verified": true, "reviewTime": "06 28, 2012", "reviewerID": "AMQDS0PSSQPAV", "asin": "B0002XUH30", "style": {"Size:": " Large"}, "reviewerName": "Reg Customer", "reviewText": "If you are going to order, please order one size larger. I ordered a large for a dog with a 20\" waist, 50 lb dog and the pants are very tight. The waste was okay, but the pants themselves are cut very small.", "summary": "Order one size larger", "unixReviewTime": 1340841600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "AIGK3405J6NAI", "asin": "B00061MRUY", "reviewerName": "Spikeonline", "reviewText": "This is great stuff. One of my pugs has a bad knee cap since birth that was giving him lots of pain at times. Since using this product he's had no problems! I give it to both my pugs now as they get older. Terrific.", "summary": "Helped my pug overcome his painful knee", "unixReviewTime": 1421625600} +{"overall": 5.0, "verified": false, "reviewTime": "09 26, 2014", "reviewerID": "A117TI4VNL6K8T", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Amy B.", "reviewText": "My dogs and I love this product! Good for picky eaters and keeps their coats shiny all year long! Also helps my pups shedding seasons go smoother. ;-) We alternate daily with coconut oil, salmon oil and pollock oil.", "summary": "Thumbs up!", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "ASP27AY67TXT4", "asin": "B0002C7FFE", "reviewerName": "Frances A. Phelan-logue", "reviewText": "Works every time!", "summary": "Five Stars", "unixReviewTime": 1435104000} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2016", "reviewerID": "A3D2FD9G2IZUJA", "asin": "B0002AYR8O", "reviewerName": "blooms", "reviewText": "if this is Itch Ender it works great to improve coat. I am not sure it stops itching.", "summary": "good for fur", "unixReviewTime": 1470787200} +{"overall": 4.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A1E9YBTABOYYSO", "asin": "B0002AQO9E", "style": {"Size:": " 10-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Hippy Woman", "reviewText": "I use this food for the little bunnies in my yard. They LOVE it. Sadly, so do the squirrels. I think the quality and the price are on the money. Will keep purchasing.", "summary": "Bunny Munchies", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "05 7, 2015", "reviewerID": "A1B90EB6G2821E", "asin": "B0002AQY9O", "reviewerName": "truthbetold", "reviewText": "fish and tank are happy now!", "summary": "Five Stars", "unixReviewTime": 1430956800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2018", "reviewerID": "A26HQM8IS88B5Z", "asin": "B0002DJ6XW", "style": {"Size:": " Toy is 7 1/4' x 2 1/4' x 1 1/2'."}, "reviewerName": "AllysonC", "reviewText": "My cat loves this. Lasts a long time and provides great entertainment!!", "summary": "Cat loves it!!", "unixReviewTime": 1520035200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A1VWRX2WACMAR8", "asin": "B00025K102", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "John Park", "reviewText": "My gold fish loves it.", "summary": "Five Stars", "unixReviewTime": 1414368000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A3RN9IHRT0P6Y7", "asin": "B0002567Y6", "reviewerName": "BlueBird", "reviewText": "Great product, even for picky African Greys!", "summary": "Five Stars", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A33C91BOIU39WG", "asin": "B000084EEC", "style": {"Size:": " 1 lb", "Style:": " Small Breed"}, "reviewerName": "Vrisi1", "reviewText": "I like this product. I sprinkle it across dog kibble. It smells like gravy, so my dog loves it! It has some really good stuff in this powder. I keep powder in the refrigerator to keep it fresh, because a tub this size is taking over a year for my Yorkie to consume.", "summary": "Good stuff, smells like gravy. My Yorkie says YUM.", "unixReviewTime": 1449446400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A1P2C0TLDLJM51", "asin": "B00006IX59", "style": {"Size:": " SPORT 26L", "Color:": " ASSORTED"}, "reviewerName": "Ashley Vasquez", "reviewText": "This toy is a life saver for your arm and shoulder! My dog absolutely loves it and begins jumping up and down as soon as someone touches it! I would highly recommend this for any dog owner!", "summary": "I would highly recommend this for any dog owner", "unixReviewTime": 1452038400} +{"reviewerID": "A125QJ6U0BRGMP", "asin": "B0002DK9L0", "reviewerName": "medorz", "verified": true, "reviewText": "ok but noisy - plastic hurtful if it hits you - hard rubber would be better.", "overall": 3.0, "reviewTime": "03 8, 2018", "summary": "noisy and painful.", "unixReviewTime": 1520467200} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2015", "reviewerID": "A6UU8Y40DIY1J", "asin": "B00061MUNS", "reviewerName": "Liping", "reviewText": "Great value and quality. My dogs love them.", "summary": "Four Stars", "unixReviewTime": 1426291200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/812aNC2xXML._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A317L9BYV42HYF", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Robert Johnson", "reviewText": "Two Great Danes love it and shine.", "summary": "Danes love it", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2013", "reviewerID": "A3FCH72DXSFNQ8", "asin": "B0002DHY4K", "style": {"Size:": " Up to 60-Gallons"}, "reviewerName": "Miranda parks", "reviewText": "It looks very nice pluged in but is not a whisper. It is kinda loud like a regular filiter would be but it works great!", "summary": "Nice!", "unixReviewTime": 1379548800} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A7YTIY9MLAMT1", "asin": "B0002AS8D4", "style": {"Size:": " 24\" x 12\""}, "reviewerName": "Mary Lornson", "reviewText": "good top... made pretty well.", "summary": "good top", "unixReviewTime": 1501718400} +{"overall": 2.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A3V8F19FYWCH1B", "asin": "B00061MPCY", "style": {"Size:": " 16oz"}, "reviewerName": "Lynne S", "reviewText": "I purchased this on the recommendation of another dog owner whose pet has skin allergies. Unfortunately, our dog did not have any improvement after using this shampoo. It's probably a good product but did not work for us. I've given our bottle to the other dog who likes it.", "summary": "Didn't work for us.", "unixReviewTime": 1471219200} +{"overall": 3.0, "verified": true, "reviewTime": "04 26, 2014", "reviewerID": "A1WCK4UKZ23DR2", "asin": "B0002ARR90", "reviewerName": "D. M. Sabol", "reviewText": "this is not good the string is not long enough and my cat won't use it because it's Squeaks and scares him.", "summary": "string not long enough", "unixReviewTime": 1398470400} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "AJDN7L145J1DM", "asin": "B000255NAK", "style": {"Style:": " Phosphate"}, "reviewerName": "RICHARD HAMORSKY", "reviewText": "As described and works well.", "summary": "Four Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "03 20, 2014", "reviewerID": "ALRIVR9UEJXD", "asin": "B0000AH3RP", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "Sleekats Cattery", "reviewText": "I own and operate a cattery called Sleekats Cattery. Outside of using boiled Chicken Breast I use this dry food for all my cats. Not only kittens but also adults for it has no ash and more nutrition than adult formulas.", "summary": "Great Kitten food.", "unixReviewTime": 1395273600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A33822EIN8I8HI", "asin": "B0002AS1RW", "reviewerName": "Lex M", "reviewText": "both boxers like it", "summary": "Five Stars", "unixReviewTime": 1464998400} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2010", "reviewerID": "A1R2WP1CMA6O96", "asin": "B0002H3ZV2", "style": {"Size:": " Large (1 inch)", "Color:": " Red"}, "reviewerName": "Ken", "reviewText": "The collar answers my needs for a breakaway collar used for the dog's safety. Only problem is that it breaks away too easily.", "summary": "Good not great dog collar", "unixReviewTime": 1262822400} +{"overall": 3.0, "verified": true, "reviewTime": "08 25, 2016", "reviewerID": "A17B0ZC00ZCHTM", "asin": "B0002ASMSK", "style": {"Size:": " Regular"}, "reviewerName": "Sophia", "reviewText": "Purchased this for my 6 month year old puppy. She is able to chew away from the plastic fairly easily, so I am constantly worried that she is swallowing pieces. It is likely not best suited for smaller puppies.", "summary": "She is able to chew away from the plastic fairly easily, so I am constantly worried that she is ...", "unixReviewTime": 1472083200} +{"reviewerID": "AK8SX8V6RUHJM", "asin": "B00063434K", "reviewerName": "Pamela Caldwell", "verified": true, "reviewText": "My dogs really liked the taste. Very easy on there digestive track. Good on the other end too, (POOP).\nI did not like the fact that I needed a can opener to open the can, I wish I was told before hand.", "overall": 5.0, "reviewTime": "01 27, 2014", "summary": "Dogs really liked it, BUT", "unixReviewTime": 1390780800} +{"overall": 3.0, "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "A23A2MSZFJPV23", "asin": "B00008DFOG", "style": {"Size:": " 4 lbs (1-Pack)", "Flavor Name:": " Beef"}, "reviewerName": "Kathy Perry", "reviewText": "not bad, the dogs seem to like the taste ok. It is not the best for training with, it crumbles too easily", "summary": "not bad, the dogs seem to like the taste ok", "unixReviewTime": 1404950400} +{"overall": 3.0, "verified": true, "reviewTime": "11 28, 2013", "reviewerID": "A38VCC6RDJHSWR", "asin": "B0002ATAKY", "reviewerName": "WD Wickman", "reviewText": "Didn't quite work for us - or maybe we started spraying too late...We will try again next season. Wish us luck!", "summary": "Maybe we need it to be stonger..", "unixReviewTime": 1385596800} +{"overall": 5.0, "verified": false, "reviewTime": "06 22, 2017", "reviewerID": "AO3ZXYIV8JNQU", "asin": "B000084EF5", "style": {"Size:": " 26.4 lb. Bag", "Style:": " Fresh Scent"}, "reviewerName": "Lisa", "reviewText": "I tried several options but kept seeing good reviews for use with rabbits. My rabbit really took to this in her litter box and since it's just paper I wasn't concerned when she would chew some.", "summary": "Fantastic for rabbits", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "03 6, 2016", "reviewerID": "A5P8DX56CRTRG", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "RQZ", "reviewText": "Smells like vanilla. Beloved by my pup and toddlers that visit.", "summary": "Five Stars", "unixReviewTime": 1457222400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2013", "reviewerID": "A31RVAIPMESP8V", "asin": "B00063435O", "style": {"Size:": " 3 oz", "Flavor Name:": " Chicken, Salmon & Duck Formula"}, "reviewerName": "JCS", "reviewText": "My cat and I are happy - if he eats a product, then we're both happy\n\nHe had possible allergy reactions a few months ago, and the pet store recommended my trying this product.", "summary": "We love it", "unixReviewTime": 1364601600} +{"overall": 3.0, "verified": true, "reviewTime": "02 20, 2016", "reviewerID": "A3BAR70RUAMK0A", "asin": "B0002DJWUY", "style": {"Size:": " Middleweight (5.75\" x 2.25\" x 5.25\")"}, "reviewerName": "JJ", "reviewText": "Dog does not care for it", "summary": "Three Stars", "unixReviewTime": 1455926400} +{"overall": 1.0, "verified": true, "reviewTime": "10 25, 2013", "reviewerID": "AM7U4FXXNE02I", "asin": "B0002DJXJE", "style": {"Size:": " Medium"}, "reviewerName": "Clockwork", "reviewText": "Within 15 minutes my Boston terrier had removed the squeaker and basically destroyed the whole thing. I wouldn't recommend get a kong toy instead.", "summary": "The original cuz toy was made of better materials", "unixReviewTime": 1382659200} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A7KG683W36LBV", "asin": "B0002566Z6", "style": {"Size:": " 45-Ounce", "Flavor Name:": " Maintenance Formula"}, "reviewerName": "Albert T. Cochran", "reviewText": "Huge bottle. My turtle can eat off this forever", "summary": "Five Stars", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "07 29, 2013", "reviewerID": "AVQV789YKQ5BZ", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "S. Lewis", "reviewText": "My cats love this, one of them carries it around and drops it at my feet & meows so I will play with him. This toy is unbreakable!", "summary": "Cat twirler", "unixReviewTime": 1375056000} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A1XGL0VF066LVH", "asin": "B0002ASCGC", "style": {"Size:": " Large"}, "reviewerName": "EUNICE MEDINA", "reviewText": "bought as a 3rd litter box works great.", "summary": "Five Stars", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2016", "reviewerID": "A1F807MW7D7WFS", "asin": "B000084EEF", "reviewerName": "Shopper", "reviewText": "Cats liked it for a few minutes.", "summary": "Five Stars", "unixReviewTime": 1482969600} +{"overall": 3.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A1GZ3CLVVUSLXT", "asin": "B00026Z4A8", "style": {"Size:": " 10\" Air Diffuser"}, "reviewerName": "fn-pauly", "reviewText": "Maybe it's my tank, but these things clog up with algae pretty fast. I keep buying them, and am still looking for a better one, with a real fine bubble curtain.", "summary": "but these things clog up with algae pretty fast. I keep buying them", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2015", "reviewerID": "A2HNJCSFOZ9Z74", "asin": "B0002DHOJU", "style": {"Size:": " Small"}, "reviewerName": "XxXx", "reviewText": "very nice toy for dog", "summary": "Five Stars", "unixReviewTime": 1442448000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2012", "reviewerID": "AYN5LHP3ZFCFG", "asin": "B000633V48", "reviewerName": "Harry Culbreth", "reviewText": "My dog has grow up on this Dog Food. She like Turkey, beef and lamb. She enjoyed all type. This is the only food that She will eat. Some time some hard food but not to much.", "summary": "Natural Balance Dog Food", "unixReviewTime": 1325376000} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A60IE6ARL5FAT", "asin": "B0002AS1J0", "reviewerName": "D. Robinson", "reviewText": "Dogs haven't torn this one up yet.", "summary": "Five Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2016", "reviewerID": "A255NEI8VC6757", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "Christa Mckendrick", "reviewText": "much more control than traditional collars", "summary": "Five Stars", "unixReviewTime": 1473292800} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2017", "reviewerID": "A8UQ14R3WNV26", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Mediterranean Magic Rosemary"}, "reviewerName": "Veronica H", "reviewText": "Best ever puppy shampoo, smells amazing and helps my puppy not get itchy like some of the other brands tend to do.", "summary": "Best ever puppy shampoo", "unixReviewTime": 1501027200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 13, 2013", "reviewerID": "A2K9HGVX5VUKIN", "asin": "B0002ARXL2", "reviewerName": "MChi", "reviewText": "This turned out better than what I found at the local pet store and it's lasted. My cats can usually tear these things apart but this has held up.", "summary": "Cats love it", "unixReviewTime": 1365811200} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2016", "reviewerID": "A17HG1EKXSNLN9", "asin": "B0002DI2LO", "style": {"Size:": " 6.53-Ounce"}, "reviewerName": "True2ThySelf", "reviewText": "Due to the uniformity it works well in my automatic fish feeder. I intend on buying this product again and would recommend it to anyone who has an automatic fish feeder and has had problem with flakes.", "summary": "Great, will buy again", "unixReviewTime": 1470096000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2014", "reviewerID": "A4LMELLVX50ZO", "asin": "B0002568WC", "reviewerName": "KP", "reviewText": "Got this for my mice and they love it; just cut it up for them.", "summary": "Five Stars", "unixReviewTime": 1409356800} +{"overall": 4.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A2R9LKVMQ99QEI", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Alice", "reviewText": "This was sturdy and my puppy hasn't destroyed it, so that's a big plus. I took one star off because he doesn't play with it much, so not as appealing as say a rope toy.", "summary": "Sturdy, Destructive puppy hasn't broke it yet (this is a big deal)", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2014", "reviewerID": "A26LY3CHS64N85", "asin": "B0002AT45A", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "S. Charmian", "reviewText": "I have had similar sets before that seemed cheaply made and didn't last long, but these are much better constructed.\n\n Although I have only had this set a few months, it seems they will likely hold up for some time with my two larger dogs.\n\nIt makes poop scooping a breeze.", "summary": "Good Quality", "unixReviewTime": 1398902400} +{"overall": 5.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A2EQMDJD1UZL48", "asin": "B000634JB2", "style": {"Size:": " Regular"}, "reviewerName": "StarGazer", "reviewText": "Good size for interactive play. My playful pup loves it! Glad I ordered two.", "summary": "Five Stars", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "AXQNF7E0PWK7K", "asin": "B0002I0GVS", "style": {"Size:": " 15-Pound Bag", "Flavor Name:": " Puppy"}, "reviewerName": "Denise", "reviewText": "dogs went nuts for this food", "summary": "Five Stars", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A44YMQFQDYZIV", "asin": "B0002J1FOE", "reviewerName": "Donald G.", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1417305600} +{"overall": 2.0, "verified": true, "reviewTime": "03 1, 2018", "reviewerID": "A1IF85LVFITEW5", "asin": "B0002J1FOO", "reviewerName": "KEVIN S. JENNINGS", "reviewText": "This is money wasted as this product does not work.", "summary": "Don't waste your money on this product!!!!", "unixReviewTime": 1519862400} +{"overall": 3.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3UXZ4LLJHGWW4", "asin": "B0002C7FFE", "reviewerName": "Mariann Searle", "reviewText": "I'm giving this 3 stars because it's worked for me in the past. This season, the fleas seem to be indomitable. I tried all the OTC remedies and finally went to a prescription oral treatment.", "summary": "Not this year anyway.......", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2017", "reviewerID": "A2H0I32JXHKGCS", "asin": "B0002ARO9I", "style": {"Color:": " Black"}, "reviewerName": "imacfrog", "reviewText": "Works great when one of the ferrets will comply and actually allow you to walk them. Otherwise it because a toy for them to play with like everything else! The are ferrets what do you expect! LOL", "summary": "When the ferrets . . .", "unixReviewTime": 1500768000} +{"overall": 3.0, "verified": true, "reviewTime": "05 19, 2016", "reviewerID": "A12OE8KU59ZOL4", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Cheryl Hoffee", "reviewText": "I really though that the puppies would enjoy the texture and chewing on this toy. They just haven't shown much interest in it", "summary": "I really though that the puppies would enjoy the texture and chewing on this toy", "unixReviewTime": 1463616000} +{"overall": 4.0, "verified": true, "reviewTime": "12 28, 2012", "reviewerID": "ADP62A57B8BVY", "asin": "B0002G7ZQE", "style": {"Size:": " 32 FZ"}, "reviewerName": "ostrogoth", "reviewText": "Could be a little better at removing the tough stuff.\n\nSafe for the bird and that's what matters most.\n\nIt works!", "summary": "Poop off gets the job done", "unixReviewTime": 1356652800} +{"overall": 5.0, "verified": true, "reviewTime": "03 18, 2018", "reviewerID": "A1X7RPJYWNI7BW", "asin": "B00008DFK5", "style": {"Flavor Name:": " Peanut Butter"}, "reviewerName": "Amazon user", "reviewText": "My puppy LOVES this flavor!!", "summary": "Five Stars", "unixReviewTime": 1521331200} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2013", "reviewerID": "A3JLKCI9E6KZY1", "asin": "B0002AS5H8", "reviewerName": "Tammy", "reviewText": "This bowl is PERFECT for rabbits because it's shallow so that they don't have any problems trying to eat their food.", "summary": "Stoneware Dish", "unixReviewTime": 1360195200} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A2KGTSC9I8MY3E", "asin": "B00006H36X", "style": {"Size:": " 4 applications", "Color:": " over 9 Lbs"}, "reviewerName": "Elizabeth Derryberry", "reviewText": "Best on the market.... beats Frontline hands down!", "summary": "Works GREAT!", "unixReviewTime": 1419552000} +{"overall": 2.0, "verified": false, "reviewTime": "02 29, 2016", "reviewerID": "A24MYBQJTGGCUY", "asin": "B000084EEF", "reviewerName": "Rachel Pincusoff", "reviewText": "Cats still scratch on it but it came without a ball :(", "summary": "Two Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2016", "reviewerID": "A3S4QXIULB0AZ2", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Gerald Morris", "reviewText": "My cat loves this toy. Definitely gets cats attention and loves to play with it. Claws get stuck in it kinda easy though.", "summary": "Cat loves", "unixReviewTime": 1457049600} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A33DLJJWGMC820", "asin": "B000255QJS", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "2 meatballz", "reviewText": "great line of products for the planted tank", "summary": "planted tank", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2016", "reviewerID": "A3R01I0YIAA6QW", "asin": "B0002AQQ56", "reviewerName": "gwen smith", "reviewText": "really works", "summary": "Five Stars", "unixReviewTime": 1469923200} +{"overall": 2.0, "verified": true, "reviewTime": "08 31, 2015", "reviewerID": "AZC2D47OPF5I2", "asin": "B000633NX2", "reviewerName": "Marjorie W. Dunaway", "reviewText": "Using these on my cat does make his fur feel cleaner. But WHEW! I don't like the perfume in them and only used a few so far. I wished I'd known how perfumey they were. I wonder if they make an unscented version - I'd use those for sure.", "summary": "work burt too perfumed.", "unixReviewTime": 1440979200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2014", "reviewerID": "A3BHDNXRDBJ6DF", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Puppy"}, "reviewerName": "brenda mello", "reviewText": "Her coat is now super shiny, she loves the food and I'm so happy it's o natural!!!!! Thank you!! : )", "summary": "puppy loves it : )", "unixReviewTime": 1398988800} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2018", "reviewerID": "A2UR8C4AXECSR7", "asin": "B0002566WO", "style": {"Size:": " 40-Ounce"}, "reviewerName": "K. Laverty", "reviewText": "Inexpensive and works in the glass filter of the pet water fountain. Saves a lot of money on pet water filters.", "summary": "More than one use for this product.", "unixReviewTime": 1519430400} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2013", "reviewerID": "A1FCDJR2M7LLIR", "asin": "B0002ARR22", "style": {"Size:": " 1-Pack"}, "reviewerName": "Annie", "reviewText": "This brush works wonders on my siberian husky. Brushing has never been so easy before I purchased this brush for my dog.", "summary": "Love it", "unixReviewTime": 1357603200} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2018", "reviewerID": "AVLML5PI7QIX7", "asin": "B0002ZAG84", "style": {"Color:": " 1 Pack"}, "reviewerName": "Gerald A Saddler", "reviewText": "Works great on cat", "summary": "Five Stars", "unixReviewTime": 1520985600} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2017", "reviewerID": "A32DB10G6NYKHU", "asin": "B0002FP1W0", "style": {"Size:": " Original"}, "reviewerName": "Nani", "reviewText": "My birds tear these things up so quickly. They're good for keeping them busy.", "summary": "Good Bird Toy", "unixReviewTime": 1483574400} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A2ALVQWQAER0GZ", "asin": "B0002AR19Q", "style": {"Color:": " Blue", "Package Type:": " Standard Packaging"}, "reviewerName": "tracie", "reviewText": "Love it fast ship", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "12 30, 2012", "reviewerID": "A2R2Q4D0JR1RES", "asin": "B0002DHXX2", "style": {"Size:": " 36-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Lea Winfield", "reviewText": "For the price this is a decent bed for a medium sized dog. Mine is larger-82 lbs- and I actually have put it on top of an older flatter bed to make it more comfortable. I wouldn't get another one this size for my dog but like I said, great for a medium sized.", "summary": "Good cheaper bed", "unixReviewTime": 1356825600} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2017", "reviewerID": "A3U1I74UKHYK6H", "asin": "B000084EEF", "reviewerName": "Carolyn Dumond", "reviewText": "Both of my cats love this. I sprinkle a little catnip on the corrugation, and they rub against it. My smaller cat sits in the center and bats the ball around herself (it occasionally gets stopped by her tail, but usually goes all the way around). Love seeing them play with this.", "summary": "Cats love it", "unixReviewTime": 1513209600} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A9T9EJSL23TSM", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Amazon Customer", "reviewText": "we just started use it. our dog really like it.", "summary": "our dog really like it.", "unixReviewTime": 1515628800} +{"overall": 3.0, "verified": true, "reviewTime": "02 17, 2017", "reviewerID": "A66XWAVYVGDUY", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "wearyconsumer", "reviewText": "Came as solid block - I had to get out serrated bread knife to saw into 2 pieces. It was partially scored but it was NOT easy to separate into two. And I had cardboard dust all over. Not happy with that.\n\nOtherwise excellent product. Cats love the turbo track!", "summary": "Came as one piece - \"cut your own\"", "unixReviewTime": 1487289600} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2016", "reviewerID": "APS1JRMBLAOMK", "asin": "B000633TU4", "reviewerName": "James C. Young Jr.", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1469318400} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "APKWVVQI3NXVV", "asin": "B000084EAE", "style": {"Size:": " 3 oz. (Pack of 24)", "Flavor Name:": " Lamb & Turkey", "Package Type:": " Standard Packaging"}, "reviewerName": "DR", "reviewText": "My cats absolutely love this healthier, canned food! Worth every penny!", "summary": "My cats approve!", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2013", "reviewerID": "A2M9Y26BNCZSD", "asin": "B0002HBMYO", "style": {"Color:": " Egg Babies"}, "reviewerName": "CC", "reviewText": "Our dogs tend to chew the paws of squeaky toys and tear them apart until they get the squeaker out. So far all extremities remain attached and the eggs can be put back in over and over. The toy is really well made and is holding up well.", "summary": "Dogs Love This!", "unixReviewTime": 1356998400} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2014", "reviewerID": "A3TPQW1F69AGGM", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Michelle", "reviewText": "This was the first trimmer I ever have had for my cats. It works great when I am able to trim their nails, but after a couple nails it starts to split the nails unless you clean the ends really good.", "summary": "Works okay", "unixReviewTime": 1397606400} +{"overall": 5.0, "vote": "6", "verified": true, "reviewTime": "03 31, 2008", "reviewerID": "A3OBP99ZV5TG6C", "asin": "B0002Y2TWQ", "style": {"Size:": " 24 Pack"}, "reviewerName": "Jay", "reviewText": "My dogs have always been fond of pigs' ears, but they go crazy over these! The price is competitive (if you can wrangle free shipping) and the quality is excellent. I have ordered several times with no complaints.\n\nI highly recommend!\n\nAll the best,\n\nJay", "summary": "I am surprised that this is the first review!", "unixReviewTime": 1206921600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2014", "reviewerID": "A2457I8LURGA5L", "asin": "B0002ASCQC", "style": {"Size:": " large - 2-cup capacity"}, "reviewerName": "Caroline G", "reviewText": "It works for my cat's food!", "summary": "Very Sturdy", "unixReviewTime": 1407974400} +{"overall": 1.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "APF5QTOIESED4", "asin": "B0000AH9UH", "style": {"Size:": " Medium"}, "reviewerName": "scoobydoo123", "reviewText": "I received mine, tested myself (fortunately) and the only sounds were the squeak and rattle and \"crunch\" sounds, no \"Grunt\" that was the highlight of this toy. Nothing. Broken. Will return for refund.", "summary": "I received mine, tested myself (fortunately) and the only ...", "unixReviewTime": 1414627200} +{"overall": 1.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "A1I45NBBBW81OM", "asin": "B000256EAI", "style": {"Size:": " 100 Watt/2 Pack"}, "reviewerName": "JK", "reviewText": "Have bought these for years. All of as sudden a new design on the bulb. Bought a pair first week of May, burned out or glass broke 7 weeks later. They used to last for months. Going to look for alternatives now", "summary": "used to be reliable, new design and didn't last 7 weeks for 2 of them", "unixReviewTime": 1466467200} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "02 9, 2016", "reviewerID": "A1DF2T1R68HGMM", "asin": "B0002DGZ86", "style": {"Size:": " 1 Pack"}, "reviewerName": "Sabrina", "reviewText": "Read all great review hoping this work used for few days .Do not notice a diffrence.", "summary": "One Star", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2013", "reviewerID": "A2SE9IASIS0FV1", "asin": "B0002AR0II", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "johnjaystudent", "reviewText": "My dog loves this. Strong and durable. the best part is that you can stuff treats in it. You can stuff wet or hard snack in it.", "summary": "BEST PRODUCT FOR LARGE DOGS", "unixReviewTime": 1383523200} +{"overall": 3.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A3IC2YQ7WTXGYL", "asin": "B0002AQWDM", "style": {"Size:": " s"}, "reviewerName": "Annie McD", "reviewText": "Leash is kinda short", "summary": "Leash is kinda short", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A1R5LUAWK1J39Z", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Jim M from Oregon", "reviewText": "Great for the cat and she even uses it. It also cleans up good by throwing it in the washing machine.", "summary": "Great for the cat and she even uses it", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2016", "reviewerID": "A2AUVF1513M5Y1", "asin": "B000255NAK", "style": {"Style:": " Calcium"}, "reviewerName": "J. Snegs", "reviewText": "Easy to use. I always use API products for tests.", "summary": "Excellent test kit", "unixReviewTime": 1460419200} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A2FZ0UYSUU9H6Q", "asin": "B000062WUT", "style": {"Pattern:": " Mr. Bill"}, "reviewerName": "debRates", "reviewText": "These are awesome toys. I get them for my dogs, friends dogs... so funny to hear \"Oh nooooo\" as your dog runs around with him in their mouths...", "summary": "These are awesome toys. I get them for my dogs", "unixReviewTime": 1412812800} +{"overall": 3.0, "verified": true, "reviewTime": "07 8, 2014", "reviewerID": "A2P0GPV1GFK06K", "asin": "B00061MWJ0", "reviewerName": "Bert", "reviewText": "My dog really did not like this tool. The teeth seemed sharp and may scratch skin. I ended up giving it away.", "summary": "My dog really did not like this tool", "unixReviewTime": 1404777600} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2014", "reviewerID": "A145LGKI4UDNTP", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Maria Porter", "reviewText": "MY DOGS LOVE IT", "summary": "MY DOGS LOVE IT", "unixReviewTime": 1411689600} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "A1FOF3Y0NAYYM", "asin": "B0002XIYFI", "style": {"Size:": " 4 Ounce"}, "reviewerName": "John Paulson", "reviewText": "Works good", "summary": "Five Stars", "unixReviewTime": 1440028800} +{"overall": 4.0, "verified": true, "reviewTime": "05 7, 2018", "reviewerID": "A8A6VQHKLIWDG", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "Donna Foley", "reviewText": "Didnt think it would be so extremely heavy. Its like a brick", "summary": "Its like a", "unixReviewTime": 1525651200} +{"overall": 1.0, "verified": true, "reviewTime": "03 6, 2018", "reviewerID": "A1H452HYZHZSMR", "asin": "B0002ARTZW", "reviewerName": "Aloah Johnson", "reviewText": "Didnt sound like a monkey and the squeaker was hard for my 14# Shih Tzu to squeak. He only played with it one time", "summary": "Didnt sound like a monkey and the squeaker was hard for my ...", "unixReviewTime": 1520294400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "AOMFKHO1LHM7I", "asin": "B0002J1F7G", "reviewerName": "Calvin M Barber", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1456617600} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2015", "reviewerID": "A1R7S4SKE7H9XH", "asin": "B0002ASBJK", "style": {"Size:": " 5.5 oz. (Pack of 24)"}, "reviewerName": "Thomas Trenchard", "reviewText": "My kitties just gobble this stuff down. If they love it, so do I!", "summary": "A Kitty Fave!", "unixReviewTime": 1441152000} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2017", "reviewerID": "A2QDSRW62YHM90", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " Gray Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Yuki J.", "reviewText": "My little Service Dog loves this bed in his travel crate. Perfect.", "summary": "Great for my Chichon!", "unixReviewTime": 1484870400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3W55PUF90VLAH", "asin": "B000255NKA", "style": {"Size:": " 10-Gallon"}, "reviewerName": "J. lee", "reviewText": "Good for pet watering.", "summary": "Five Stars", "unixReviewTime": 1467763200} +{"overall": 4.0, "verified": true, "reviewTime": "01 31, 2018", "reviewerID": "A3CW5DL2RE5YDQ", "asin": "B0001BV0OI", "style": {"Size:": " 40-Pounds"}, "reviewerName": "Mrs.Lyons", "reviewText": "Best kitty litter around! Clumps well and no odor.", "summary": "Four Stars", "unixReviewTime": 1517356800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2013", "reviewerID": "A3DD6TJQKI1JRK", "asin": "B0002H3RCY", "style": {"Size:": " 4 ounce", "Style:": " gel"}, "reviewerName": "peggysioux", "reviewText": "My dog usually can't stand to have stuff put on his nails if I go a little to far so I have blood to clean up every where. This he likes and lets me use it much easier", "summary": "My dog loves it", "unixReviewTime": 1368489600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "A1IH42TUIZ2XJL", "asin": "B0002DGSRO", "style": {"Size:": " 150 Grams", "Style:": " CatGrass Plus Tub"}, "reviewerName": "The Gabster", "reviewText": "Followed the directions and just four days later I have tall catnip for my cat who loves to eat my houseplants. Very simple to grow and fun to watch how quickly the seeds sprout and grow.", "summary": "Catnip grass for my plant biting cat", "unixReviewTime": 1462492800} +{"overall": 2.0, "verified": true, "reviewTime": "04 20, 2017", "reviewerID": "A3DNOP63QJ8CA6", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "Amazon Customer", "reviewText": "My pigs won't touch them. Not sure why since they aren't very picky.", "summary": "Two Stars", "unixReviewTime": 1492646400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A350NSOA37JBQ3", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "kelwoodz", "reviewText": "My dogs love this ball and its nice because its a softer plastic so it won't dent anything when the dog throws it around.", "summary": "My dogs love this ball and its nice because its a softer ...", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2015", "reviewerID": "A3AUEMOC8SE2EG", "asin": "B0002C7FF4", "style": {"Size:": " 6 applications", "Color:": " 21-55 Lbs"}, "reviewerName": "Connie", "reviewText": "I prefer to use Advantix over any other product. It works exactly as promised.", "summary": "Advantix works", "unixReviewTime": 1444953600} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2014", "reviewerID": "AMSCNSRSV2NDV", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Alicia S.", "reviewText": "My cat loves this and uses it all the time. I bought it to keep her off my clean clothes, and it works like a charm (I can put it right on top of them).", "summary": "Good Size, Great Price", "unixReviewTime": 1392163200} +{"overall": 5.0, "verified": true, "reviewTime": "01 23, 2017", "reviewerID": "A3CMSS365AM46L", "asin": "B0002DITLC", "reviewerName": "Patricia Miller", "reviewText": "Works great although we have a dog that doesn't pull. She is 60 pounds and it works well.", "summary": "Strong and effective", "unixReviewTime": 1485129600} +{"overall": 5.0, "verified": true, "reviewTime": "11 1, 2014", "reviewerID": "A2G8L50YCUGG94", "asin": "B00063438Q", "style": {"Size:": " Stink Finder Combo - UV Light/Flashlight & Urine Odor Remover"}, "reviewerName": "Richard A Bagni", "reviewText": "A+++++", "summary": "Five Stars", "unixReviewTime": 1414800000} +{"overall": 5.0, "verified": true, "reviewTime": "03 2, 2016", "reviewerID": "A2AYAQK96BE48M", "asin": "B000255NAK", "style": {"Style:": " GH & KH"}, "reviewerName": "NORMA F. CRAWFORD", "reviewText": "Fun.", "summary": "Five Stars", "unixReviewTime": 1456876800} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2015", "reviewerID": "A291QAN8B6LQ5", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Eva", "reviewText": "Still have this 2 years later! Very durable, but not his favorite toy to chew on. Good for the crate, stuff it with treats and off we go with him happy to go to work.", "summary": "but not his favorite toy to chew on", "unixReviewTime": 1449446400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2016", "reviewerID": "A3JXYEP7574OVO", "asin": "B0002566WO", "style": {"Size:": " 40-Ounce"}, "reviewerName": "Tom", "reviewText": "Works very well for the purpose for which it is intended.", "summary": "Does what it is supposed to do and does it well.", "unixReviewTime": 1477353600} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "A3I4P890PFTAOD", "asin": "B000084EEF", "reviewerName": "penny", "reviewText": "My cats LOVE this. Even the old ones. Bought two and someone is always using the scratching area or playing the the ball. They haven't tired of it yet.", "summary": "using the scratching", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "04 10, 2018", "reviewerID": "A19EQZI4T3ZWJC", "asin": "B0002AQ228", "style": {"Size:": " X-Large", "Color:": " Black Hammertone"}, "reviewerName": "Bonnie Giroux", "reviewText": "Best Price and easy to put together.", "summary": "Five Stars", "unixReviewTime": 1523318400} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A2XJ6KHEPUFJOI", "asin": "B0002DHR9M", "style": {"Size:": " 42 Pounds"}, "reviewerName": "Megan C.", "reviewText": "I really like this cat litter but the 42lb bag is a bit much to lift in order to pour out. For this size, I wish they had an easier way to get the litter out of the bag.", "summary": "Too big", "unixReviewTime": 1481068800} +{"overall": 2.0, "verified": true, "reviewTime": "11 27, 2014", "reviewerID": "A1WJKH8KMV50TI", "asin": "B00025YVPI", "style": {"Size:": " 1 Pack"}, "reviewerName": "M. Evans", "reviewText": "My cat ignored these because she was already happily playing with coiled pipe cleaners.", "summary": "Two Stars", "unixReviewTime": 1417046400} +{"reviewerID": "A3SXDZ3DDYP2IJ", "asin": "B0002ARTWU", "reviewerName": "T. Presswood", "verified": true, "reviewText": "LOVE IT", "overall": 5.0, "reviewTime": "07 9, 2015", "summary": "Five Stars", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "01 5, 2018", "reviewerID": "ASII8GQCD6ZIZ", "asin": "B000274674", "style": {"Size:": " Small (9 in x 9 in)"}, "reviewerName": "Jamie P", "reviewText": "Sisters dog happy with the toy", "summary": "Five Stars", "unixReviewTime": 1515110400} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2013", "reviewerID": "A9CNHYCF2R8F2", "asin": "B000084EWU", "style": {"Style:": " Medium"}, "reviewerName": "P. Marino", "reviewText": "My alaskan husky loves these treats . Very large box for a very large dog. I got the mixed flavor so he does not get tired of one flavor", "summary": "Loved it", "unixReviewTime": 1372204800} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2014", "reviewerID": "AB4YUU0SUGEZ4", "asin": "B00025YTZA", "style": {"Size:": " 100 ct (box)"}, "reviewerName": "Shopper", "reviewText": "these pads are the best quality you can find and they are huge! My cat likes to make mud on the carpet so I put these down and it's easy clean up and it doesn't leak through.", "summary": "THE BEST", "unixReviewTime": 1402617600} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2018", "reviewerID": "A2YRSF9TF56BKK", "asin": "B000084ERR", "style": {"Size:": " 12.5-Ounce Can (Pack of 12)", "Flavor Name:": " Venison & Sweet Potato", "Package Type:": " Standard Packaging"}, "reviewerName": "jmmt18", "reviewText": "These were good for my dog as she got older, used it for giving her pills and \"convincing\" her to eat when she was being picky. We love the wellness products, we feed the dry food as our main food and supplement with the canned food as needed", "summary": "These were good for my dog as she got older", "unixReviewTime": 1515628800} +{"reviewerID": "AEB1BXGWBTFPL", "asin": "B0002I0GV8", "reviewerName": "Webhead", "verified": false, "reviewText": "Mini-Schnauzer loves it. He looks and acts healthy after growing up on the puppy food and now eating this. Recommended.", "overall": 5.0, "reviewTime": "11 10, 2014", "summary": "Recommended.", "unixReviewTime": 1415577600} +{"reviewerID": "AOALIYQJ5VJ39", "asin": "B000084F5E", "reviewerName": "SRB", "verified": true, "reviewText": "Cat loves this food just like all of the other flavors of Canidae.", "overall": 5.0, "reviewTime": "06 2, 2015", "summary": "Five Stars", "unixReviewTime": 1433203200} +{"overall": 5.0, "vote": "4", "verified": true, "reviewTime": "08 14, 2015", "reviewerID": "AHDYYMWXQDHMQ", "asin": "B000255PGC", "reviewerName": "Amazon Addict", "reviewText": "This was a great product! It helps lower the nitrate in my tank. Will purchase this again when I need more!", "summary": "Helps lower nitrate!", "unixReviewTime": 1439510400} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2014", "reviewerID": "A37KEKJTGLZBO7", "asin": "B0002DGL3K", "style": {"Size:": " 2 Count", "Package Type:": " Standard Packaging", "Style:": " Filet Mignon"}, "reviewerName": "Elaine Checkley", "reviewText": "My dogs love these and I love them as they are made in the USA, many of these are also grain free which is great for the dogs health.", "summary": "My dogs love these and I love them as they are made ...", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2015", "reviewerID": "A20N5FAUQM7HKW", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Carol K. DiSibio", "reviewText": "Great toy!!! Cats love it, and I especially like the manufacturer's attention to the safety features of materials and designs which many pet toys lack.", "summary": "A toy to enjoy!", "unixReviewTime": 1445126400} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A3U85ZT50BGF9Q", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "ray1492", "reviewText": "It works fine.", "summary": "Alert", "unixReviewTime": 1503100800} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A6SK31HSSKNSX", "asin": "B0002DHXX2", "style": {"Size:": " 36-Inch", "Color:": " Pink Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Carla Coggins", "reviewText": "Super, nice cuddle bed!", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 3.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "A2TCI662BHVL9B", "asin": "B0002DJOMU", "style": {"Size:": " 10-Pound"}, "reviewerName": "awhite240", "reviewText": "Does the job, however it is not as nice as the other models. The bucket like style is not my favorite. For an idea of the size it is a standard bucket cut in half with a fancy top.", "summary": "Buy the style that doesn't look like a bucket!", "unixReviewTime": 1435363200} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2016", "reviewerID": "A1J4VBES13P5E8", "asin": "B0002C7FFE", "reviewerName": "Robert C. Hayman", "reviewText": "Excellent value,Great Product", "summary": "Excellent value,Great Product", "unixReviewTime": 1465430400} +{"overall": 5.0, "verified": true, "reviewTime": "01 18, 2018", "reviewerID": "A2ODPAQK2G3T32", "asin": "B000634160", "style": {"Size:": " 33 lb", "Style:": " Adult Small Bites | Lamb"}, "reviewerName": "Lisa Marney", "reviewText": "My dog loves this dog food. He is a Shar-pie mix and has issues with skin and digestive. No issues with this flavor or Lamb.", "summary": "My dog loves this dog food. He is a ...", "unixReviewTime": 1516233600} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A11YI57T5K9GYS", "asin": "B0002ARQ28", "reviewerName": "alexsgirl20", "reviewText": "my ferret loves this toy!!!!!!!!!!!! he still plays with it..!!! its great ;) he also hides it and carries the toy in his hidden spot..its so cute..lol", "summary": "great toy and its very fun!!! :)", "unixReviewTime": 1359504000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "A8IV9RC8AGWGD", "asin": "B0001AB42W", "style": {"Size:": " Sofa 60\" x 12\"", "Style:": " Mat and Controller"}, "reviewerName": "Amanda Callahan", "reviewText": "These are perfect to keep pets off the furniture. Only took one time of the dogs jumping up and it hasn't happened since.", "summary": "Great to keep dogs off of the furniture", "unixReviewTime": 1452556800} +{"overall": 5.0, "verified": true, "reviewTime": "11 6, 2015", "reviewerID": "ASL61YP0GQGBB", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Richard S.", "reviewText": "Perfect water conditioner for new water to be added to your aquarium. Eliminates Chlorine, Nitrates, and Nitrites.", "summary": "The best water conditioner", "unixReviewTime": 1446768000} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2014", "reviewerID": "A3QPJBTM1BHHI0", "asin": "B0002566DS", "reviewerName": "SkierBrian", "reviewText": "Works good for me. Just make sure you wash it out with fresh water before and after using. Readings are accurate.", "summary": "Rinse then repeat.", "unixReviewTime": 1409702400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2016", "reviewerID": "A504SVNSLVFM3", "asin": "B0002ZS1MC", "reviewerName": "Lorna Rankin", "reviewText": "AWSOME item thank you also fast shipping", "summary": "Five Stars", "unixReviewTime": 1480723200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2017", "reviewerID": "A3ONH4ONK4FQ44", "asin": "B000633TU4", "reviewerName": "Monty W.", "reviewText": "The boys can't get enough of them", "summary": "Five Stars", "unixReviewTime": 1485561600} +{"overall": 5.0, "verified": true, "reviewTime": "06 21, 2016", "reviewerID": "ACBKTJDD2ULIR", "asin": "B000255NKA", "style": {"Size:": " 200-Gallon"}, "reviewerName": "Svetkoff", "reviewText": "I would imagine the delivery people don't like this package but I love having it dropped off at my door. Instant Ocean salt always works well and is consistent.", "summary": "I would imagine the delivery people don't like this package but I love having it dropped off ...", "unixReviewTime": 1466467200} +{"overall": 5.0, "verified": true, "reviewTime": "12 9, 2016", "reviewerID": "A2A5CUI7V1I17W", "asin": "B0002DHXX2", "style": {"Size:": " 48-Inch", "Color:": " Cinnamon Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Short Field", "reviewText": "We just adopted a rescue Dobie and I ordered a crate and a pet bed. We had another pet bed but it was not designed for a crate. When this one came in, I put it on the floor and our Dobie immediately claimed it has his bed!", "summary": "Nice quality and fits the crate perfectly", "unixReviewTime": 1481241600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A27E2Z6ILOOP4L", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Marian I DeVoll", "reviewText": "Another good dog chew", "summary": "Nylabone", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A3CHMEC0BA59L1", "asin": "B0002AS61S", "style": {"Size:": " Large", "Color:": " Assorted"}, "reviewerName": "Linda Minton", "reviewText": "I bought this for my grand daughters fat little hamster. No problems and they both love it so I'm happy.", "summary": "No problems and they both love it so I'm happy", "unixReviewTime": 1453248000} +{"overall": 1.0, "verified": true, "reviewTime": "12 12, 2016", "reviewerID": "A1WYFKHY3NFA3I", "asin": "B0002TIJYI", "reviewerName": "Colleen", "reviewText": "didn't realize it was non-clumping :(", "summary": "misread product information", "unixReviewTime": 1481500800} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A3UVDDOXI2CGYF", "asin": "B00062B84O", "style": {"Style:": " Scratch Up"}, "reviewerName": "S. Austin", "reviewText": "As long as I have these scattered around the house, my furniture stays in tact. She loves them sleeps on them ... they do \"shed\" but its worth it", "summary": "great item", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A311O8O54XO1ES", "asin": "B0002ASCQ2", "reviewerName": "Tara", "reviewText": "Great product. Fast delivery. Easy to use and clean. I would purchase another one for food or litter.", "summary": "Great product, easy to clean!", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "06 9, 2015", "reviewerID": "A1UIO733K8OJKO", "asin": "B00006JHQA", "style": {"Size:": " 19.5 ounces", "Style:": " Regular Strength"}, "reviewerName": "Tonya Camden", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1433808000} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2017", "reviewerID": "AHB4VBMA9VH1P", "asin": "B000084F45", "style": {"Size:": " Large Biscuits, 3.3-Pound Bag", "Flavor Name:": " P-Nuttier", "Package Type:": " Standard Packaging"}, "reviewerName": "Jen M.", "reviewText": "Our dogs are big Old Mother Hubbard fans, this is just one of many treats we buy from them.", "summary": "Dog approved", "unixReviewTime": 1492387200} +{"overall": 4.0, "verified": true, "reviewTime": "08 26, 2014", "reviewerID": "A2RT4UIR2487KY", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 12-Pack"}, "reviewerName": "melissa shaffer", "reviewText": "A bit messy to put together as you have to reuse the frame over and over. They do the job though. I use one for my turtle aquarium and it keeps the water pretty clear.", "summary": "Does the job.", "unixReviewTime": 1409011200} +{"overall": 3.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A1XQOAMM9F7LGP", "asin": "B0002DHXX2", "style": {"Size:": " 30-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Girl 415", "reviewText": "Decent crate pad. Tried using it in the passenger seat of my car and it doesn't work due to the lip. Fleece stays fluffy after multiple washing. Probably better as a bed than crate liner for a small dog.", "summary": "Better as bed than crate liner", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2018", "reviewerID": "A1IDUHQN9S0MYW", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "Amazon Customer", "reviewText": "Easily destroyed, gotta monitor while playing. But he loves it!", "summary": "Five Stars", "unixReviewTime": 1519430400} +{"overall": 4.0, "verified": false, "reviewTime": "07 29, 2016", "reviewerID": "A37Q59LJFFGFYM", "asin": "B0002DK91K", "style": {"Size:": " 10-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "I just put in a pond and got koi. I don't know much about them yet but they do seem to be very attracted to this food. They have noticeably grown since they have been eating it.", "summary": "Good value", "unixReviewTime": 1469750400} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A3S4P5K5NVRHNE", "asin": "B00061MP8S", "style": {"Size:": " 16-Ounce"}, "reviewerName": "Jennifer H.", "reviewText": "This is a great shampoo. It smells wonderful and leaves the coat soft and shiny. I keep this shampoo on hand with bathing my foster dogs that come from the shelter. It helps remove the shelter smell from their coat. It is also concentrated so you can dilute it if you wish.", "summary": "Great shampoo", "unixReviewTime": 1454716800} +{"overall": 4.0, "verified": true, "reviewTime": "02 19, 2014", "reviewerID": "A3R5LZ29W7TGCH", "asin": "B0002ML7S0", "style": {"Size:": " 35-Pound"}, "reviewerName": "Dan Paymar", "reviewText": "Our dog, a 7-year old Russell Terrier, loves this food, and I'm getting her to walk on her hind legs by offering her one bit at a time. By measuring it out as indicated on the bag, she is losing weight while remaining full of energy.", "summary": "Our dog loves it", "unixReviewTime": 1392768000} +{"overall": 4.0, "verified": true, "reviewTime": "01 27, 2016", "reviewerID": "AJK715HAWR8QL", "asin": "B0002DJ1DM", "style": {"Size:": " 12 Pack"}, "reviewerName": "KK", "reviewText": "The tails fall off of these really easily, which maybe is a choking hazard? I don't know - we pulled them off though, just in case. Also lots of fuzz from these, at least initially. That all said - my cat LOVES them.", "summary": "The tails fall off of these really easily, which maybe is a choking hazard", "unixReviewTime": 1453852800} +{"overall": 4.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A3R5837FRBWNCU", "asin": "B0002AQN2M", "style": {"Size:": " 1Pack"}, "reviewerName": "Wife", "reviewText": "Awesome product", "summary": "Four Stars", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A3H5VAVMOL6P0F", "asin": "B0002ARVXC", "style": {"Size:": " CT117"}, "reviewerName": "NothinButTheTruth", "reviewText": "Cute! Puppy loves it!", "summary": "My golden retriever loves it!", "unixReviewTime": 1469404800} +{"overall": 4.0, "verified": true, "reviewTime": "09 20, 2013", "reviewerID": "A189ZA3XSFD0TP", "asin": "B0002DJX44", "style": {"Size:": " MEDIUM 5\"", "Color:": " ASSORTED"}, "reviewerName": "happy grandma", "reviewText": "I wanted something we could leave outside and some of the toys that are smaller can get run over by the mower if not seen. This is big enough to not miss and ours is red. She likes to play with it but it isn't really one of her favorites.", "summary": "Great to leave outside", "unixReviewTime": 1379635200} +{"overall": 4.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2IPJFZM6RL11M", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Bee"}, "reviewerName": "Michael M. Bloomer", "reviewText": "Wasn't sure dog would like it as much as he does. One problem: bees rip apart when dog chews just a bit too much.", "summary": "Wasn't sure dog would like it as much as he does", "unixReviewTime": 1456012800} +{"overall": 4.0, "verified": true, "reviewTime": "02 14, 2016", "reviewerID": "AHJ49CNRRQZFT", "asin": "B0002AQCXM", "style": {"Size:": " 8.5 in."}, "reviewerName": "nloddis", "reviewText": "Works for what it is intended bulbs stick out a bit though", "summary": "Four Stars", "unixReviewTime": 1455408000} +{"overall": 4.0, "verified": true, "reviewTime": "10 3, 2014", "reviewerID": "A2YVWQ440B8U4E", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Joyce E.", "reviewText": "my cat seems to have outgrown it. Kittens seem to love the colors, I didn't think cats could\nsee colors.", "summary": "Great toy for kittens", "unixReviewTime": 1412294400} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2016", "reviewerID": "A342RO1O4H0R2Q", "asin": "B000256EAI", "style": {"Size:": " 75"}, "reviewerName": "Linda Swirz", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1452038400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2017", "reviewerID": "ACJ79Z2HPFWA2", "asin": "B0002AQMLO", "style": {"Size:": " 25-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Lisa luz", "reviewText": "I love this product. I have 4 cages and I don't have to clean the cages everyday. I scoop some soiled litter up\nbefore replacing it every week to 10 days. Has a slight odor but is better than the alternative odor. Lasts a long time.", "summary": "Great for my birds and me", "unixReviewTime": 1488067200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2016", "reviewerID": "A2R7R8K86D0LJ2", "asin": "B000084EEF", "reviewerName": "rebecca dekalb", "reviewText": "my kitty plays with hers every day. she loves it.", "summary": "Five Stars", "unixReviewTime": 1453680000} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2013", "reviewerID": "A3JWVTSZKTT5UY", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "K a t i e", "reviewText": "My kitty loves this toy. I love it because it reminds me of a Ribbon Dancer. The felt tail is soft & well attached to the handle. Great buy.", "summary": "My kitty loves it", "unixReviewTime": 1385164800} +{"overall": 5.0, "verified": true, "reviewTime": "04 16, 2017", "reviewerID": "A37IHRVO8JWYF2", "asin": "B000084EXU", "style": {"Size:": " Wolf/Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "bovanity", "reviewText": "My dog loves Nylabone chews. When she gets into a chewing mood, she chooses this big bone with pronounced nubs. I guess it soothes her gums. It's funny because she's a Chihuahua and she hugs this bone when she's using it. Had to get it because she demolished the puppy size one.", "summary": "Great for those chewing urges", "unixReviewTime": 1492300800} +{"overall": 2.0, "verified": true, "reviewTime": "02 7, 2017", "reviewerID": "A3JY6FKMEX4SL5", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "Amazon Customer", "reviewText": "My dog hates it, and she tries to rub it off in the most embarrassing way possible: by rubbing her face in people's crotches. Mine, the stranger that happens to be walking next to us, etc. We've moved on to a front attachment harness.", "summary": "My dog hates it, and she tries to rub ...", "unixReviewTime": 1486425600} +{"overall": 4.0, "verified": true, "reviewTime": "03 8, 2016", "reviewerID": "AJUDEU003SDE2", "asin": "B0002DI7F0", "reviewerName": "K3J Designs", "reviewText": "It took a while for them to get back in stock and ship to me but I was happy with the rocks. I rinsed them for a while to get most of the chalky sediment that clouds the water washed away. Good size pieces in a range from large to rubble.", "summary": "... in stock and ship to me but I was happy with the rocks", "unixReviewTime": 1457395200} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2016", "reviewerID": "AQSWDUDQ8X96V", "asin": "B0002YFC9I", "reviewerName": "value seeker", "reviewText": "helped with my cat's arthritis", "summary": "good product", "unixReviewTime": 1470614400} +{"overall": 4.0, "verified": true, "reviewTime": "01 13, 2018", "reviewerID": "A9150DSIY7ERO", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "Would just like to echo what others have said. This is really small. If you have a dog over 15 lbs this actually could be a choking hazard, go the next size up.", "summary": "Would just like to echo what others have said", "unixReviewTime": 1515801600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A1BCSHCB9D4WKL", "asin": "B000255NVE", "reviewerName": "Kayre", "reviewText": "Works great!", "summary": "Five Stars", "unixReviewTime": 1470528000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "A1N5PELMWI30MH", "asin": "B0002AT450", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "Cecilia Herrera", "reviewText": "it does the job! won't hurt my back.", "summary": "Five Stars", "unixReviewTime": 1499299200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A3Q99ID40APNKC", "asin": "B0002Z9A54", "reviewerName": "JThomp", "reviewText": "These paw protectors are perfect! I got the right size the first time and they were really not too bad to put on my pooches. They really did a great job keeping little paws warm and dry even with zero degree weather and lots of snow & ice.", "summary": "Just What We Needed", "unixReviewTime": 1424044800} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A1Z5LYPTMNNR19", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "lori henderson", "reviewText": "Got this for my maltese and he loved it.", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2017", "reviewerID": "A1ZNK08P1I75XK", "asin": "B0001BV0OI", "style": {"Size:": " 14-lb"}, "reviewerName": "no.one", "reviewText": "Love the price. So nice to have delivered. Right size for litter box.", "summary": "Cats meow", "unixReviewTime": 1512604800} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A9ALSO8M4KG01", "asin": "B0002AQGT2", "reviewerName": "LAR", "reviewText": "A versatile tool to use as a vitamin and to administer pills. Mine love it!", "summary": "A Versatile Tool", "unixReviewTime": 1423872000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/815aORvZXLL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71u7SFDny5L._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71Asko3J6PL._SY88.jpg"], "overall": 3.0, "verified": false, "reviewTime": "04 30, 2017", "reviewerID": "A11OH777695MM7", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "Anthony Y.", "reviewText": "Dog likes it, but destroyed it in a couple hours.\nStuffing was all over the place, poor lambs brains were spread everywhere...\nAnd he doesn't destroy many toys.", "summary": "Dog likes it, easily destroyed", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A2RBJAAZ30JHU2", "asin": "B0002ARYL6", "style": {"Size:": " 14-Inch", "Color:": " Red"}, "reviewerName": "Pamela J. Saggan", "reviewText": "Dogs just love this!! Two pit bulls are in heaven with this ball! So far indestructible!!", "summary": "Super sturdy and fun ball!!", "unixReviewTime": 1488931200} +{"overall": 3.0, "verified": true, "reviewTime": "10 21, 2017", "reviewerID": "AKF2IJNM2N2J1", "asin": "B0002DHYH2", "style": {"Size:": " Up to 20-Gallons"}, "reviewerName": "Eified", "reviewText": "It makes a lot of noise. Be mindful of the size of the filters, I thought I was replacing my old one, this one is bigger", "summary": "It makes a lot of noise. Be mindful of ...", "unixReviewTime": 1508544000} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "ADKAN47CMUHE1", "asin": "B000633PU8", "reviewerName": "Earlytimes", "reviewText": "HAPPY CUSTOMER!", "summary": "Five Stars", "unixReviewTime": 1431734400} +{"overall": 2.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A1Z1SAA37G03TT", "asin": "B000068GQ3", "style": {"Size:": " 180 Count"}, "reviewerName": "De Bramhall", "reviewText": "She fought me daily on this one. Something about it just made her not want to eat it. I did notice it smelled different than the one I'm giving her now. This one was a morning battle every day.", "summary": "She did not like...", "unixReviewTime": 1447113600} +{"overall": 3.0, "verified": true, "reviewTime": "07 21, 2016", "reviewerID": "A3O33VPDXGEYOF", "asin": "B000084ES8", "style": {"Size:": " 3-Ounce Can (Pack of 24)", "Flavor Name:": " Turkey & Salmon Pate", "Package Type:": " Standard Packaging"}, "reviewerName": "Rk", "reviewText": "Not a favourite with my three cats but this brand is often recommended by people in the pet food stores. My cats often wouldn't eat it so it was a bit of a waste.", "summary": "Cats weren't that interested...", "unixReviewTime": 1469059200} +{"overall": 4.0, "verified": true, "reviewTime": "01 5, 2016", "reviewerID": "A2TMIIVTOW6VZY", "asin": "B0002DHBQQ", "style": {"Color:": " Green"}, "reviewerName": "Krodrn", "reviewText": "Sturdy bowls, the temperature sensitive feature is great to make sure that the water is always accessible. Note that the bows keeps the water warm enough not to freeze completely, there is some ice in the water but our animals are able to still get water.", "summary": "Works great but not perfect", "unixReviewTime": 1451952000} +{"overall": 4.0, "verified": true, "reviewTime": "11 9, 2014", "reviewerID": "A3DQI7C29GCKLE", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Chuba", "reviewText": "Same as bone above.", "summary": "Four Stars", "unixReviewTime": 1415491200} +{"overall": 4.0, "verified": true, "reviewTime": "08 6, 2017", "reviewerID": "A2PU0F9AXEN0VF", "asin": "B0001AB42W", "style": {"Size:": " Medium 30\" x 16\"", "Style:": " Mat and Controller"}, "reviewerName": "Ender Trask", "reviewText": "shocks us after it's off", "summary": "Four Stars", "unixReviewTime": 1501977600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71PHqs0cPML._SY88.jpg"], "overall": 1.0, "verified": true, "reviewTime": "07 12, 2017", "reviewerID": "AEMC2TY6Z4TPT", "asin": "B00006IX59", "style": {"Size:": " SPORT 14S", "Color:": " ASSORTED"}, "reviewerName": "Twain", "reviewText": "first website description not clear about the ball size, very clear about the length\nit lasted 5 seconds in a Yorkie's mouth, ready for garbage and now not usable with a regular tennis ball", "summary": "5 minutes after arrival", "unixReviewTime": 1499817600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "11 10, 2013", "reviewerID": "A1JKXBAA5RGG46", "asin": "B0002AQZKC", "style": {"Color:": " White"}, "reviewerName": "Kit Kat's Korner", "reviewText": "This is perfect for my outdoor feral population who sleep and eat in the garage in the winter time. They don't like the flap so I removed it...but it is because they are skittish about new things.", "summary": "No flap over this...", "unixReviewTime": 1384041600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2018", "reviewerID": "A1RPTEWK8XJ6CC", "asin": "B0002J1FOE", "reviewerName": "Riasat", "reviewText": "Great item. Very well made. Packaged securely. Happy. Will buy again.", "summary": "Five Stars", "unixReviewTime": 1516924800} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2016", "reviewerID": "A2DTRCFLQQUHIJ", "asin": "B0002ARK88", "style": {"Size:": " 1.76"}, "reviewerName": "Tracie M. Kasper", "reviewText": "Fast delivery. Item as described. Good price! Way cheaper than pet on or pet smart when they do have it in stock which is rarely. My fishes love this specific food the best, so I will be reordering more!", "summary": "Good price! Way cheaper than pet on or pet ...", "unixReviewTime": 1458864000} +{"overall": 1.0, "verified": true, "reviewTime": "08 22, 2014", "reviewerID": "A2AEBN37BHK2KM", "asin": "B00008DFGY", "reviewerName": "Sarah", "reviewText": "Doesn't work. Apply these according to the instructions but the fleas still bother my dog.", "summary": "Doesn't work.", "unixReviewTime": 1408665600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2015", "reviewerID": "A1GW47ZWHNQUHR", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Ruthles", "reviewText": "Puppy loves it. Really cute, furry and good quality.", "summary": "Very good puppy toy.", "unixReviewTime": 1433376000} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A2NWHMX1NL2VLF", "asin": "B0002ZAF3U", "style": {"Size:": " 7\""}, "reviewerName": "LynB", "reviewText": "This is my dogs favorite toy. I hung this ball from a bungee cord making a tether ball type game for my Border Collie and Doberman. They entertain themselves playing tether ball together.", "summary": "This is my dogs favorite toy. I hung this ball from a bungee ...", "unixReviewTime": 1436140800} +{"overall": 3.0, "verified": true, "reviewTime": "05 10, 2015", "reviewerID": "A2R9WWITBUPGP0", "asin": "B000633M38", "style": {"Size:": " 33 lb", "Flavor Name:": " Chicken Meal & Barley", "Style:": " Light Dry Small Bites"}, "reviewerName": "oldmikey23", "reviewText": "My dogs didn't like it", "summary": "Three Stars", "unixReviewTime": 1431216000} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2017", "reviewerID": "A3W25S6MSGUCYK", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Light Color Coat Brightener"}, "reviewerName": "Sonya", "reviewText": "Love the smell and it does whiten the coat. I have a pure white cat and this shampoo is great for her!", "summary": "Love the smell and it does whiten the coat", "unixReviewTime": 1499212800} +{"overall": 4.0, "verified": true, "reviewTime": "02 7, 2013", "reviewerID": "ASC4VI4AW3340", "asin": "B00063KG5A", "style": {"Size:": " Medium", "Color:": " Samba Red/Coffee Grounds"}, "reviewerName": "Cheyanne's Mom", "reviewText": "I no longer have this item but it served it's purpose well. Very sturdy and locks easily. A good buy, however I wouldn't keep any pet in a crate this size for more than a couple of hours...too confining.", "summary": "Used for years", "unixReviewTime": 1360195200} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "AULPZ6ODHAL7", "asin": "B000634MXM", "style": {"Size:": " Medium", "Color:": " Black/Cream Sherpa"}, "reviewerName": "Sapphire", "reviewText": "puppy rides in style and see out the car windows.", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": true, "reviewTime": "10 22, 2013", "reviewerID": "A24R59WSC8Y871", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Sharon McKenna", "reviewText": "I don't know why my cats love this thing so much but they do. I have 2 cats and 2 of these and they go nuts for it. They play with it even when I'm not playing with them. Maybe it's the stretchy material.", "summary": "Excellent cat toy", "unixReviewTime": 1382400000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A3UD080MH3C9YI", "asin": "B0002ARQV4", "style": {"Size:": " Large"}, "reviewerName": "some guy who likes legos", "reviewText": "I am so terrified of cutting my puppy's nails, but these make it so effortless. My pup doesn't even notice what's happening.", "summary": "I am so terrified of cutting my puppy's nails, ...", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2016", "reviewerID": "A3ATRBUM16ECEE", "asin": "B0002AS8RA", "style": {"Color:": " Clear", "Package Type:": " Standard Packaging"}, "reviewerName": "Brittany", "reviewText": "this ball is much better than the ones i found in petco its more secure as the one from petco has opened twice and my baby dwarf hamster was all alone...", "summary": "great buy", "unixReviewTime": 1461888000} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A32PCQUZX8LHSY", "asin": "B00028IXC2", "style": {"Size:": " Fits Most 19 Inch Crates-up to 15lbs"}, "reviewerName": "OilsbyAmanda", "reviewText": "My cat loves to snuggle in this bed, it seems to be cozy for her. Washes well. Good construction. Recommend it.", "summary": "Great cat bed", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2017", "reviewerID": "A32IIPH5VGXTHI", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "christine pickard", "reviewText": "BEST POST FOR CATS", "summary": "Five Stars", "unixReviewTime": 1484006400} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2015", "reviewerID": "A3VE36AGPSUU07", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "KKeister", "reviewText": "works well", "summary": "Five Stars", "unixReviewTime": 1421280000} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/714+Scu8p+L._SY88.jpg"], "overall": 5.0, "vote": "17", "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A2RAOS2XNKRTYP", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Tabitha83", "reviewText": "My puppy Dobbie got her KONG in the mail yesterday and she loves it! She's a chihuahua and it's the perfect size for her. It arrived early and is exactly as described.", "summary": "She's a chihuahua and it's the perfect size for her", "unixReviewTime": 1438473600} +{"overall": 5.0, "verified": true, "reviewTime": "10 10, 2017", "reviewerID": "ATTIZ2EKCBLC6", "asin": "B00028OHN6", "reviewerName": "R. Wehrle", "reviewText": "Cats go crazy! Super fresh, only slight bummer is it is a fine grind and the cats like to eat it.", "summary": "Great item!", "unixReviewTime": 1507593600} +{"overall": 5.0, "verified": true, "reviewTime": "09 20, 2015", "reviewerID": "A1K03KHM2JKN7F", "asin": "B0002DJONY", "style": {"Size:": " 50 Pound"}, "reviewerName": "matac76", "reviewText": "Great investment, getting my money's worth.", "summary": "Five Stars", "unixReviewTime": 1442707200} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2015", "reviewerID": "A19NRPVX7ZXTH2", "asin": "B000255O9A", "reviewerName": "Kathleen Lawrence", "reviewText": "This piece is quite handy and takes care of my fish tank lid needs.", "summary": "Five Stars", "unixReviewTime": 1428883200} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2017", "reviewerID": "A167SPFMS68725", "asin": "B0002FP422", "reviewerName": "marian blackman", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1509321600} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2016", "reviewerID": "A1IZSX26VOG4XW", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " BLACK"}, "reviewerName": "Dellalou", "reviewText": "My dog needs to wear this in public places because she LOVES people so much so this was bought as an extra to keep in my car. Good price here.", "summary": "Good price here", "unixReviewTime": 1472601600} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2014", "reviewerID": "A1UEGTTFZU5QEM", "asin": "B0002ASBAY", "style": {"Size:": " Hi-Corner", "Color:": " Purple"}, "reviewerName": "Amazon Customer", "reviewText": "Exactly what I needed and got what I ordered", "summary": "good product", "unixReviewTime": 1410739200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2011", "reviewerID": "AW4OGS1WJT2NS", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "Don", "reviewText": "Patrick, my basset, particularly likes the bumps and grooves on the bone. Much easier for him for playing around and tossing.", "summary": "Good choice", "unixReviewTime": 1318982400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A3UUAIYHJ9X1CV", "asin": "B000633VF2", "reviewerName": "LA Grace", "reviewText": "My cat is highly allergic to the expensive brands, and this one seems to work about 80% as good as the really expensive collars.", "summary": "and this one seems to work about 80% as good as the really expensive collars", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A33T1DFRR0W1IF", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "GorgonGirl", "reviewText": "Great, inexpensive set of three pet food can covers. The lids fit both the regular size 5.5oz cans and the small 3oz cans. They are easy to wash and reuse. One developed a crack after several months of use but it was still usable. Can't really go wrong with this set.", "summary": "Fits regular and small cans", "unixReviewTime": 1418774400} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "07 13, 2013", "reviewerID": "A3VNBYABJQ3O6W", "asin": "B0002YHTQM", "reviewerName": "Lucy's Mom", "reviewText": "I have a goldendoodle with a tough coat to groom. This goes through her coat so easily. The blade does get warm so get spray, let it cool down etc. I am a novice to clipping but this is much better than my first pair cheap clippers.", "summary": "Really Works!", "unixReviewTime": 1373673600} +{"overall": 3.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A2QXML07K3XN1X", "asin": "B0002MABGE", "reviewerName": "Yisarah Simpson", "reviewText": "GETS THE JOB DONE, BUT IS TOO TALL FOR MY CAR. QASHQAI 2014.", "summary": "TOO TALL FOR MY QASHQAI 2014", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2015", "reviewerID": "A3SFXEZ8PDMNN3", "asin": "B000062WUT", "reviewerName": "Oriole", "reviewText": "Bought several; dogs absolutely love this product. Some made better than others though. A couple fell apart at the seams within days of purchase while a couple of the others are still being tossed around mercilessly!", "summary": "Our shorkie and morkie love them!", "unixReviewTime": 1438732800} +{"overall": 4.0, "verified": true, "reviewTime": "05 16, 2016", "reviewerID": "A2I8Y1FZB2GWTO", "asin": "B0002DJ4RU", "reviewerName": "Amazon Customer", "reviewText": "Will see how it works when we travel. Kind of hard to get together.", "summary": "Four Stars", "unixReviewTime": 1463356800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2016", "reviewerID": "A1MDOXZ3FWTLE4", "asin": "B0002UVISG", "style": {"Size:": " Medium (3.25-3.75in)", "Color:": " Black"}, "reviewerName": "boxermom", "reviewText": "I have a 12 year old boxer. Taking daily walks in upstate NY in winter is difficult when there is salt on the road. This is her fourth pair of Muttluks. Great product!", "summary": "Five Stars", "unixReviewTime": 1454544000} +{"overall": 1.0, "verified": true, "reviewTime": "09 5, 2011", "reviewerID": "A1KQ7P9AJMFS4D", "asin": "B00008DFGY", "reviewerName": "Alex H", "reviewText": "I applied this to my 18 lb. Miniature Schnauzer and within 2 weeks I saw live fleas and ticks on him. Switched to K9 Advantix II and so far he's been clean after a month.", "summary": "Did Not Work Well, Dog Had Fleas And Ticks 2 Weeks Later", "unixReviewTime": 1315180800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A3462NFZ4AH20Y", "asin": "B0002AQITK", "reviewerName": "Amazon Customer", "reviewText": "So far I really like the thermometer. It's small and doesn't clutter the aquarium, I have yet to see how stable the readings are since I have only had it for one day, but I hope it works well in the long run,", "summary": "It is compact, and easy to read", "unixReviewTime": 1510704000} +{"overall": 2.0, "verified": true, "reviewTime": "09 12, 2015", "reviewerID": "AYQAH2W8WU5H0", "asin": "B0002DH5MG", "reviewerName": "Margie Ramey", "reviewText": "Not crazy about this item. The dogs just knock it over and never pee in the areas where it sits. Wouldn't buy another one.", "summary": "Not crazy about this item. The dogs just knock ...", "unixReviewTime": 1442016000} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A1LIN9ZBSJTTA5", "asin": "B00061MO7K", "reviewerName": "dee", "reviewText": "Really like this stuff! Keeps your pets mouth smelling good! Highly recommend.", "summary": "Five Stars", "unixReviewTime": 1431043200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A22YRV6T8D85NH", "asin": "B0002565YS", "style": {"Size:": " 4 Cubic Feet"}, "reviewerName": "Leslie", "reviewText": "Order was timely and just as expected. Pine bedding has a nice smell and lasts a bit longer.", "summary": "Pine bedding has a nice smell and lasts a bit longer", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2017", "reviewerID": "A24JGIAMQTMAGW", "asin": "B0002HYB7O", "style": {"Size:": " Medium"}, "reviewerName": "Linda D.", "reviewText": "My goldendoodle loves this happy toy. I don't understand everything it says but he does.", "summary": "My goldendoodle loves this happy toy. I don't understand everything it says but ...", "unixReviewTime": 1486166400} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A3LPC8A2C96EAV", "asin": "B0002AQAGG", "style": {"Size:": " 24-Inch", "Style:": " 17 Watts"}, "reviewerName": "Crap", "reviewText": "Plants seem to be doing better but I added co2 and fertilizer at the same time so my results can't be based on the light alone.\n\nWith a name like ultra sun trichromatic super daylight I would expect a really bright bulb\n\nNot the case.", "summary": "Working", "unixReviewTime": 1438473600} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2014", "reviewerID": "A1B4IJKEXZX7AR", "asin": "B0002DJL0K", "style": {"Size:": " 20 Feet", "Pattern:": " Super Thru-Way"}, "reviewerName": "A-girl", "reviewText": "These are extremely annoying to clean. And you will have to clean it because they will piss and poo in it", "summary": "The really like, but..", "unixReviewTime": 1392854400} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2017", "reviewerID": "A1ZEZ5WYAJLRKC", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "IAN JACOBS", "reviewText": "ABSOLUTELY ESSENTIAL if you want to keep your fish alive.", "summary": "Five Stars", "unixReviewTime": 1483488000} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "AUWXI5GC1BDLK", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Original Flavored Bone"}, "reviewerName": "rjns", "reviewText": "My dogs LOVE Nylabones. I replace them when they get down to be about 2 inches long.", "summary": "My dogs approve!", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "ATD9YW8N7DLVL", "asin": "B0002DGL3K", "style": {"Size:": " 34 Count", "Package Type:": " Standard Packaging", "Style:": " Variety"}, "reviewerName": "owl-lover", "reviewText": "Dogs love them", "summary": "Five Stars", "unixReviewTime": 1460073600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "07 23, 2013", "reviewerID": "ABZSUC33X7P0T", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "paul smith", "reviewText": "he can't get enough of it\ni lost weight working out with him doing this than in gym really believe it or not", "summary": "cat loves it", "unixReviewTime": 1374537600} +{"overall": 5.0, "verified": true, "reviewTime": "10 28, 2013", "reviewerID": "A1P8OR1JUSVN7R", "asin": "B0002YHVLU", "reviewerName": "Karen L. Schams", "reviewText": "These were just the thing I needed to keep my crates together. I lost some and I foster dogs/puppies so a good crate is needed.", "summary": "great", "unixReviewTime": 1382918400} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2016", "reviewerID": "ALRBXH00K668V", "asin": "B0002ASMSK", "style": {"Size:": " Regular"}, "reviewerName": "Neverfast", "reviewText": "This works great for teething puppies, if it starts to fleck off I toss it immediately though as puppies should not consume it.", "summary": "Great for teething pups", "unixReviewTime": 1463702400} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "A1M8SU89YOEF6G", "asin": "B000301F3I", "style": {"Size:": " 1\" x 18-26\"", "Color:": " Hot Pink"}, "reviewerName": "Kaaren", "reviewText": "Fits well, nice color, easy to adjust, durable.", "summary": "nice color, easy to adjust", "unixReviewTime": 1417392000} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2017", "reviewerID": "A2DH3424RUSZGQ", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "BJ", "reviewText": "Great fod can covers for the money. No issues or problems", "summary": "Four Stars", "unixReviewTime": 1504742400} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2017", "reviewerID": "AV25NCHZDVKWX", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "clayton", "reviewText": "they work great .. they are nice and sturdy not cheaply made ... I have large dogs and very easy to snip nails with these", "summary": "they work great.. they are nice and sturdy not cheaply ...", "unixReviewTime": 1485216000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2014", "reviewerID": "A23QJ2TZPAYHYL", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " SILVER"}, "reviewerName": "Bobasaurus", "reviewText": "Night and day difference walking the dogs. They used to pull you even in a body harness but now I can walk them both by holding their leases with fingers.\n\nJust watch the video about how to adjust it for you dog and you're set.", "summary": "Worth every penny", "unixReviewTime": 1411516800} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A1F1YMKWKSO6HM", "asin": "B0002DHXX2", "style": {"Size:": " 42-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Scott Brasch", "reviewText": "Fit well and dog loves it!", "summary": "Five Stars", "unixReviewTime": 1501632000} +{"overall": 4.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "ASD8E0FT4JZB", "asin": "B0002DHOJA", "reviewerName": "tellingitlikeitis", "reviewText": "It is a great product when used properly. My large Shepard loves to play with it and it will last forever if we only use it for fetch. I let him chew on the first one and he had it completely destroyed within the hour. A little common sense will take this product a long ways.", "summary": "strong,but not strong enough", "unixReviewTime": 1366848000} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "A2PQJWLJKNO3IY", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Tiffany", "reviewText": "Got this so my puppy would stop bothering me. It worked", "summary": "Best toy", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A1OZN0XQH8TL0J", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Mary Mary Mary", "reviewText": "Both cats are crazy about this. They would play with it all day if I have the time to twirl it.", "summary": "Cats crazy for it!!", "unixReviewTime": 1508803200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "AGILBKYLHLU04", "asin": "B00025640S", "style": {"Size:": " 2.64-Pound"}, "reviewerName": "RLS", "reviewText": "Excellent product. Floating sticks and my aquatic turtles love it. Great price cheap and good savings.", "summary": "Five Stars", "unixReviewTime": 1409270400} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2017", "reviewerID": "A2U6BU4DOUOT78", "asin": "B00025YW9S", "style": {"Size:": " 0.02 lb"}, "reviewerName": "P. McKinney", "reviewText": "My cat loves these little fish treats!", "summary": "Yummy treats for cats!", "unixReviewTime": 1505952000} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A1VQZQ46R0WLER", "asin": "B0002AS2QC", "reviewerName": "Samantha Allshouse", "reviewText": "My dog loves this!", "summary": "Five Stars", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A2YLX19MS7F0Y6", "asin": "B00028DOX0", "style": {"Size:": " Extra Large"}, "reviewerName": "Kyle C Young", "reviewText": "Very difficult to cut the insert to the right width needed.", "summary": "Five Stars", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2011", "reviewerID": "A14HQ5J8BOOBI", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Bacon Flavored Bone"}, "reviewerName": "C. Newman", "reviewText": "Not sure why my dogs love these hard plastic chews so much, but they do and they're the only thing I allow them to chew indoors. They're clean, don't smell and can be easily washed if they start looking a bit \"funky\", as dog chews often do!", "summary": "Safe, Long Lasting Chew", "unixReviewTime": 1316995200} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2014", "reviewerID": "A157GBIIN79J0R", "asin": "B0006343W2", "style": {"Size:": " Small"}, "reviewerName": "katnec", "reviewText": "I have used these nail caps on my last 3 cats and love them. They are easy to use and still allow the cat to naturally skiff their nails.", "summary": "excellent", "unixReviewTime": 1392508800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A1SLZ9US9HPIK1", "asin": "B000634JB2", "style": {"Size:": " Regular"}, "reviewerName": "Sylvia", "reviewText": "Great puppy toy!!!", "summary": "Pup", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "11 5, 2017", "reviewerID": "A14ACGC86U6FNR", "asin": "B0002HYB7O", "style": {"Size:": " Medium"}, "reviewerName": "Amazon Customer", "reviewText": "Bought the large size for my mastiff. at first he didn't like it but now loves it! Plays with it all the time. But I take it away when I'm not supervising, I'm afraid he'll swallow it.", "summary": "Funny playful ball", "unixReviewTime": 1509840000} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A4WA5NKZGYXTK", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Cat Shampoo and Conditioner"}, "reviewerName": "S.H.", "reviewText": "Smells great and works good for sensitive skin. Best shampoo.", "summary": "Five Stars", "unixReviewTime": 1480809600} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A10RJ8VN1NTEMS", "asin": "B00006IX5A", "style": {"Size:": " Extra Large, 2-Pack"}, "reviewerName": "Esad", "reviewText": "My PUPPY is now 10 months old and 100 lbs. He doesn't try to eat it.", "summary": "Five Stars", "unixReviewTime": 1450224000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2015", "reviewerID": "A3B17J8JGCAMR1", "asin": "B00028ZLV8", "style": {"Size:": " 2.5 oz."}, "reviewerName": "SusieQ", "reviewText": "This is the type recommended by vets.", "summary": "dog likes the taste", "unixReviewTime": 1423872000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "A1JSXH2JWFMOU4", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Lynw21", "reviewText": "quick results simple to use, hundreds of tests", "summary": "easy", "unixReviewTime": 1454112000} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "05 14, 2015", "reviewerID": "A24OA6OF00IWL9", "asin": "B000634G9C", "style": {"Size:": " 120 count", "Style:": " Senior"}, "reviewerName": "L. Coats", "reviewText": "Made my 14 year old dog very sick.", "summary": "Not good.", "unixReviewTime": 1431561600} +{"overall": 3.0, "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "A1W8KLG932G0GQ", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "Brent", "reviewText": "My Rabbits could take or leave this product, nothing special.", "summary": "Three Stars", "unixReviewTime": 1488499200} +{"overall": 4.0, "verified": true, "reviewTime": "01 28, 2013", "reviewerID": "A1QTHD09OQRWW8", "asin": "B0002AS5FA", "style": {"Size:": " 3 inches x 8.2 inches x 8.2 inches"}, "reviewerName": "Carolk9s", "reviewText": "A bit lightweight but it serves the purpose well. Larger than I needed but that was my mistake. Better than smaller than needed.", "summary": "Stainless dog bowl met expectations", "unixReviewTime": 1359331200} +{"overall": 5.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A2X23TUUD16FEN", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "Az Granny", "reviewText": "We have a huge tank which requires two filters. This is a very convenient, affordable to keep a stock of fresh filters.", "summary": "Great Buy", "unixReviewTime": 1433635200} +{"overall": 5.0, "verified": false, "reviewTime": "03 6, 2015", "reviewerID": "A3L6JDEPM72NUD", "asin": "B00025K102", "style": {"Size:": " 0.42-Ounce"}, "reviewerName": "Tkunishima", "reviewText": "Pricing was way better here on AMAZON then in the local stores around me! Item arrived fast and is exactly what I wanted. Thanks!!!!", "summary": "Good price!!", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "08 30, 2016", "reviewerID": "A3097ZNJOZRGTF", "asin": "B0002H3R2E", "style": {"Size:": " 45-Ounce Bag", "Flavor Name:": " Yogurt, Apples & Bananas", "Package Type:": " Standard Packaging"}, "reviewerName": "LL", "reviewText": "Loves them", "summary": "Five Stars", "unixReviewTime": 1472515200} +{"overall": 3.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "ADFVJBSSP2S8H", "asin": "B00008DFDJ", "reviewerName": "robyn tialavea", "reviewText": "my dogs loved the powder, but really saw no difference in their coats", "summary": "great seller", "unixReviewTime": 1443139200} +{"overall": 4.0, "verified": true, "reviewTime": "08 10, 2014", "reviewerID": "A24LMKUQHTGHKX", "asin": "B00025YU3Q", "style": {"Size:": " 9.5 inches"}, "reviewerName": "P. Robbins", "reviewText": "It is not as deep as I thought - with 3 dogs we are filling it a lot.", "summary": "water bowl", "unixReviewTime": 1407628800} +{"overall": 5.0, "verified": true, "reviewTime": "05 14, 2014", "reviewerID": "A1QQ4YOIWU0HT", "asin": "B0002ARQV4", "style": {"Size:": " Large"}, "reviewerName": "Gary F. Lee", "reviewText": "My dogs hate it - but we love it! Comfortable and well made. Very sharp! Save a few bucks and go for this quality pair of clippers.", "summary": "Excellent value.", "unixReviewTime": 1400025600} +{"overall": 2.0, "verified": true, "reviewTime": "10 31, 2017", "reviewerID": "A24T5JR8N2D1X5", "asin": "B00062B84O", "style": {"Style:": " Super Scratcher"}, "reviewerName": "V", "reviewText": "Slides all over the place and difficult to mount on a wall. My cat tries to play with it, but eventually gives up because he can't scratch it when it moves everywhere.", "summary": "Slides all over the place and difficult to mount on ...", "unixReviewTime": 1509408000} +{"overall": 4.0, "verified": true, "reviewTime": "03 15, 2013", "reviewerID": "A355TG55AAHD3X", "asin": "B0002ASIQ6", "reviewerName": "R. Brown", "reviewText": "They work well and are a great value for the price. I'm not a professional, but they get the job done.", "summary": "Good", "unixReviewTime": 1363305600} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A3PU9QTAGF1T2Q", "asin": "B0002ATD0Q", "reviewerName": "Susan Griffin", "reviewText": "Works perfectly. Son loves it. Good for decorations and as an air stone. One of the best values for air stones, I found.", "summary": "Good Addition to the Tank", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A15BF0NFF2UYX6", "asin": "B0002AB9FS", "style": {"Size:": " 16 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Emily", "reviewText": "I have two standard poodles and they love this!!!", "summary": "Five Stars", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2013", "reviewerID": "A3JNZQ1D4UABSP", "asin": "B0002MLAEQ", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "BobOki", "reviewText": "It is pretty much the best quality food I can find for the price. Yes, there are PLENTY of better foods out there if you want to pay $25 for a 1 lbs bag. But this is pretty much as good as it gets for the price, and well above anything you typically find in retail chains.", "summary": "Cats love it, good ingredients", "unixReviewTime": 1370476800} +{"overall": 1.0, "verified": true, "reviewTime": "04 6, 2017", "reviewerID": "AECJ3KBPLSP6H", "asin": "B0002AR3PS", "style": {"Size:": " 100-watt", "Package Type:": " Standard Packaging"}, "reviewerName": "Nobody", "reviewText": "lasted a week before burning out. Put out nice heat until it went dead.", "summary": "Lasted a week", "unixReviewTime": 1491436800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "ACTXVSC3UHB46", "asin": "B0002ARKVA", "reviewerName": "MB", "reviewText": "Smells good and worked well on my lab. Her skin stays moisturized when using this product", "summary": "Smells good & works well", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "01 4, 2013", "reviewerID": "A1V9JM8G2FLZA0", "asin": "B00061MULK", "style": {"Size:": " 3.74 OZ"}, "reviewerName": "S Parker", "reviewText": "Now: These treats are her favorite toy every day, we play fetch with it. She gets 1 daily. We play, it's gone. 1st Review: Thought I'd try this treat. My cat, Perr (Periwinkle) was tickled and devoured them. Will buy more of them next time.", "summary": "She Loves Them", "unixReviewTime": 1357257600} +{"overall": 1.0, "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "AUY10BZEGM6AT", "asin": "B0002Z15ZW", "reviewerName": "JW", "reviewText": "I sent both bottles back that I ordered. I thought it would be great in my puppy crate, however they drip. I should have listened to the other reviewers.", "summary": "Puppy Water bottle", "unixReviewTime": 1421884800} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A1GGDXMTQDBCMT", "asin": "B0002AQU16", "style": {"Size:": " Large", "Color:": " Black"}, "reviewerName": "Beth", "reviewText": "Five stars. However, the loop to attach the harness to the seat belt IS NOT INCLUDED, and you can't use the harness without it. So, you need to make two purchases.", "summary": "Five stars. However, the loop to attach the ...", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2016", "reviewerID": "AR4PYQCR872QS", "asin": "B00008DFOG", "style": {"Size:": " Not Applicable", "Flavor Name:": " beef"}, "reviewerName": "Latoya Bowe", "reviewText": "I cut it up and use it for training especially heeling. Pup loves it !!", "summary": "Five Stars", "unixReviewTime": 1456272000} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2014", "reviewerID": "A2EK43Q5WBXZQV", "asin": "B00025Z6SO", "style": {"Size:": " 10.58-Ounce"}, "reviewerName": "Rubens Musco Mendes", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1410134400} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A66ERXX02YYNC", "asin": "B0002DJL4G", "style": {"Size:": " Medium"}, "reviewerName": "Sabina", "reviewText": "My baby budgie loves this playground. The only thing he still ignores is a swing. For some reason he doesnt like it;(", "summary": "For some reason he doesnt like it; (", "unixReviewTime": 1464480000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2016", "reviewerID": "A349AA67659OGJ", "asin": "B0002AQO9E", "style": {"Size:": " 10-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Amber L.", "reviewText": "Good food for our bunny. We find that all of Kaytee's products are good quality. They are a trusted brand.", "summary": "Good food for our bunny", "unixReviewTime": 1455235200} +{"overall": 5.0, "verified": true, "reviewTime": "08 27, 2014", "reviewerID": "A3GL85BHC4YGHN", "asin": "B00061MO7K", "reviewerName": "Dayse Pirouzan", "reviewText": "I brushed my dogs teeth with CET since they were puppies. They hate the brushing but love the taste of the paste.", "summary": "They hate the brushing but love the taste of the paste", "unixReviewTime": 1409097600} +{"overall": 3.0, "verified": true, "reviewTime": "03 14, 2018", "reviewerID": "A2MFAGL77MMB3E", "asin": "B00025YVHG", "style": {"Size:": " 8-Ounce", "Style:": " Freshwater"}, "reviewerName": "Yoni", "reviewText": "it's okay, but I really doubt it works that well.\nthere are better ways to reduce algae in aquariums, including UV light filters, and you know.... fish that eat algae.", "summary": "eh", "unixReviewTime": 1520985600} +{"overall": 3.0, "vote": "2", "verified": true, "reviewTime": "11 19, 2013", "reviewerID": "AA3FTJYJYX55C", "asin": "B00008DFHG", "reviewerName": "Robert Brown", "reviewText": "It's a bit less than the 7.5 lbs I get in the bag at Walmart, and a bit more expensive than the $8 I pay at Walmart for the 7.5 lb bag. However, since the nearest Walmart is 32 miles away, getting it delivered to my house is worth it to me.", "summary": "Fresh, Could Be Better Priced", "unixReviewTime": 1384819200} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2018", "reviewerID": "A1LFJIWHO5T4F4", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Thomas", "reviewText": "My cat tried to bite me when using these, but they are quite functional.", "summary": "Five Stars", "unixReviewTime": 1523232000} +{"overall": 5.0, "verified": false, "reviewTime": "09 4, 2014", "reviewerID": "A11WTJ0QXBP4MZ", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Mountain Mike", "reviewText": "I noticed a difference in my dogs cost very shortly after use and I haven't finished this bottle, I would like to continue to use it just need to find a way to add it to the budget.", "summary": "I would like to continue to use it just need to find ...", "unixReviewTime": 1409788800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A1SJ4CV5TJ6TKT", "asin": "B0002A5VK2", "style": {"Size:": " 100 MILLILITER"}, "reviewerName": "ResvorDog", "reviewText": "Effective and easy to reuse.", "summary": "Effective and easy to reuse.", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A2V8IZ23V4N98W", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "Cheryl Coltrane", "reviewText": "Great.", "summary": "Five Stars", "unixReviewTime": 1448323200} +{"overall": 4.0, "verified": true, "reviewTime": "10 31, 2015", "reviewerID": "A1AVOWKR21GP9L", "asin": "B0002DHY4K", "style": {"Size:": " Up to 40-Gallons"}, "reviewerName": "J.B", "reviewText": "Works as described. Cheap.", "summary": "Filter", "unixReviewTime": 1446249600} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2013", "reviewerID": "A2C4W6GSJWLRXQ", "asin": "B000256606", "style": {"Size:": " 24 oz"}, "reviewerName": "DAVID TOZER", "reviewText": "Bought for my grand daughters rabbit Thumper .. loves this stuff .. always keep some in front of him for nutritional value", "summary": "Happy Rabbit", "unixReviewTime": 1386806400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2012", "reviewerID": "ABXN0F8A1NWDA", "asin": "B000084EEF", "reviewerName": "T. Mccollum", "reviewText": "my cat loves this, I hear her batting the ball around all the time. and she uses the scratcher. she has fun with this. I loved the price and service", "summary": "cat loves", "unixReviewTime": 1355961600} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A3HF6ILT3LE5N3", "asin": "B0002565SY", "style": {"Size:": " 4-Pack", "Color:": " E - Purple"}, "reviewerName": "Lior Fishman", "reviewText": "Excellent", "summary": "Five Stars", "unixReviewTime": 1430611200} +{"overall": 4.0, "verified": true, "reviewTime": "04 10, 2015", "reviewerID": "A3N925KE19PS8M", "asin": "B0002566YC", "style": {"Size:": " 50-Ounce"}, "reviewerName": "Victoria Wolf", "reviewText": "Great product, a little goes along way, in getting this i now notice my fish seem happier and swim more frequently. Will order this again when needed from seller since its a great price.", "summary": "great price, great product", "unixReviewTime": 1428624000} +{"overall": 5.0, "verified": true, "reviewTime": "09 16, 2015", "reviewerID": "AK2VC2RV1A2E1", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "L. Sinnott", "reviewText": "My cat loves this toy, and fast delivery.", "summary": "Five Stars", "unixReviewTime": 1442361600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2013", "reviewerID": "A2X4433JOIGEEL", "asin": "B0002DH0QM", "style": {"Size:": " 20 Pound", "Color:": " black"}, "reviewerName": "charlotte", "reviewText": "Great size chips. Comfortably encases the smallest sprigs and keeps them from floating. Surprised to see it came packed in water.", "summary": "Heavy", "unixReviewTime": 1381017600} +{"overall": 2.0, "verified": false, "reviewTime": "01 7, 2017", "reviewerID": "A13SB2POEI4Q9I", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 3.8-Pound Bag", "Flavor Name:": " Original Assortment", "Package Type:": " Standard Packaging"}, "reviewerName": "Shichons' Mom", "reviewText": "So sad, but my pets don't like these at all.", "summary": "Two Stars", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A2MXAJEYN6B5QZ", "asin": "B000255NIC", "style": {"Size:": " 65 oz"}, "reviewerName": "Amazon Customer", "reviewText": "A must for all aquarist. It keeps my daughter's Mollies healthy and happy. Good price @ a little over $6 for a big box (64 oz. I think)", "summary": "It keeps my daughter's Mollies healthy and happy. Good price @ a little over $6 for ...", "unixReviewTime": 1510012800} +{"reviewerID": "A3DYZCPW3B5EEW", "asin": "B0002565TI", "reviewerName": "Bill Dolley", "verified": true, "reviewText": "Good product, good price and service.", "overall": 5.0, "reviewTime": "04 26, 2015", "summary": "Good product", "unixReviewTime": 1430006400} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A1VXBESZ7R5JLG", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " BLACK"}, "reviewerName": "nannerbaby", "reviewText": "If you want your dog to stop pulling this is it without hurting them!", "summary": "This really does work!!!", "unixReviewTime": 1424390400} +{"reviewerID": "A20JUL5E1N0J7W", "asin": "B000634JL2", "reviewerName": "L.K.", "verified": true, "reviewText": "This blade NEVER cut hair. The worst", "overall": 1.0, "reviewTime": "07 21, 2014", "summary": "One Star", "unixReviewTime": 1405900800} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2014", "reviewerID": "A2EMGQ7LDZ9QPV", "asin": "B0002H3ZLM", "style": {"Size:": " SMALL UP TO 25 LBS.", "Color:": " RED"}, "reviewerName": "Joseph Escaloni", "reviewText": "The dog didn't like it at first, but now its a different story. The dog walks instead of pulling all the time", "summary": "The dog didn't like it at first", "unixReviewTime": 1419984000} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2013", "reviewerID": "A2EKG3R9WSNSLO", "asin": "B0002H3T2W", "style": {"Size:": " 96 Ounce (Blue)"}, "reviewerName": "Judy S. McKeoun", "reviewText": "Good for summer and Winter....Thank you for these bowls and my Animals thank you too!! My sister has one and loves it as much as I do so good all year around.", "summary": "Wonderful Bowl", "unixReviewTime": 1364774400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A2ET78GHR362BQ", "asin": "B0002ASS0W", "reviewerName": "Carol Duke", "reviewText": "I show Labrador and Chesapeake Bay Retrievers. I give the day before shipping and day of the show(s). Very helpful. I've use a lot of products but this one really keeps the dogs from having a tummy upset. I use the gel weekly for all of my dogs.", "summary": "I show Labrador and Chesapeake Bay Retrievers. I give ...", "unixReviewTime": 1444176000} +{"overall": 4.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A1CZU16YGHV2M1", "asin": "B0002ASMSK", "style": {"Size:": " Regular"}, "reviewerName": "Kate T", "reviewText": "Good for my GSD puppy for the first month then he started destroying it. As advertised, it is good for puppies but not so good for aggressive chewers or large puppies.", "summary": "Not bad", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2E0XYV72HVI5U", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "PinkMeow", "reviewText": "My dog loves this ball. I feed her a meal or two a day in it, and she'll just roll the ball around the house eating the food that comes out.", "summary": "My dog loves this ball. I feed her a ...", "unixReviewTime": 1456012800} +{"reviewerID": "A3V3HUSB4ECMZ7", "asin": "B0002AQMIW", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "bunny treat", "overall": 5.0, "reviewTime": "05 23, 2017", "summary": "Five Stars", "unixReviewTime": 1495497600} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2015", "reviewerID": "AFZQ0BZ8B4MVJ", "asin": "B0002H3R2E", "style": {"Size:": " 45-Ounce Bag", "Flavor Name:": " Yogurt, Apples & Bananas", "Package Type:": " Standard Packaging"}, "reviewerName": "Larry D in NJ", "reviewText": "Fast shipping. Item just as described. Great!", "summary": "Great!", "unixReviewTime": 1426118400} +{"overall": 5.0, "verified": true, "reviewTime": "08 22, 2017", "reviewerID": "ADAVNKYM4YLYK", "asin": "B0002TJAXC", "style": {"Size:": " 7 lb", "Style:": " Adult Dry | Chicken"}, "reviewerName": "Coffee Me", "reviewText": "My cat's got a food allergy so someone suggested this brand, I originally tried the sensitive stomach food first. My cat's loved it. I now am switching to hairball formula. My cats rubbed on the bag as soon as they could. Love the food.", "summary": "My cat's loved it. I now am switching to hairball formula", "unixReviewTime": 1503360000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2015", "reviewerID": "A3FE08CQUG0LZJ", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "An Honest Reviewer", "reviewText": "Works like it should.", "summary": "Good filter.", "unixReviewTime": 1429833600} +{"overall": 5.0, "verified": true, "reviewTime": "06 5, 2017", "reviewerID": "A392QFLHRT17IW", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "Lorena P.", "reviewText": "great price, great item!!", "summary": "Five Stars", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "A11DK95T0DZOFT", "asin": "B0002AQUSE", "style": {"Size:": " N/A"}, "reviewerName": "Lori", "reviewText": "great product", "summary": "Five Stars", "unixReviewTime": 1421452800} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2017", "reviewerID": "A1JSET09MAMSC4", "asin": "B0002DJRKO", "style": {"Size:": " 4-Ounce", "Flavor Name:": " Wild Berry Sticks"}, "reviewerName": "andrew ohmer", "reviewText": "Rabbits chewed up in about 3 minutes. They sure loved it though.", "summary": "Rabbits love", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "A18CB89PIH52GC", "asin": "B000084F4T", "style": {"Size:": " 16 lb. Bag", "Flavor Name:": " Chicken & Rice"}, "reviewerName": "Coz R, Katonah, NY", "reviewText": "My cat is happy...I am happy. He is healthy, active and strong. Seems to be good . My vet is satisfied.", "summary": "A satisfied bunch.", "unixReviewTime": 1442188800} +{"overall": 1.0, "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A11CTAOLALZO2X", "asin": "B0002C7FHC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Amber.W", "reviewText": "the electric current is too strong...", "summary": "One Star", "unixReviewTime": 1477440000} +{"overall": 2.0, "verified": true, "reviewTime": "11 2, 2015", "reviewerID": "A3EQVFNGJKR4K6", "asin": "B0002AQWI2", "reviewerName": "HaveDogsLuv2Hike", "reviewText": "very flimsy...but, if you have very little dogs you will be okay.", "summary": "very flimsy... but, if you have ...", "unixReviewTime": 1446422400} +{"overall": 4.0, "verified": true, "reviewTime": "09 24, 2013", "reviewerID": "A20WQJRO9T45LS", "asin": "B00006IX59", "style": {"Size:": " SPORT 18M", "Color:": " ASSORTED"}, "reviewerName": "D", "reviewText": "This is exactly what I expected. Makes throwing the ball way easier!! The dogs get excited when they see me pull this out!", "summary": "Exactly what I expected.", "unixReviewTime": 1379980800} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2015", "reviewerID": "A36IFZA3ZITFXD", "asin": "B00027CL5S", "style": {"Flavor Name:": " Freeze Dried Chicken Breast"}, "reviewerName": "Florida Resident", "reviewText": "cats love it and don't contain the mushed up pieces like in the Purebites brand. But, it is a lot more expensive than the Pure bites brand", "summary": "cats love it and don't contain the mushed up pieces like ...", "unixReviewTime": 1421625600} +{"overall": 3.0, "verified": true, "reviewTime": "03 26, 2013", "reviewerID": "AOJBKPV6ELTE9", "asin": "B0002DI1Y2", "style": {"Size:": " 16.9 oz"}, "reviewerName": "C. Myers", "reviewText": "Tetra Water Clarifier does an alright job clearing up the water, but not nearly as well as the more concentrated drop solutions you can find here. I've since switched over to API Accu-Clear.", "summary": "Works alright", "unixReviewTime": 1364256000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A247X977TGH6B5", "asin": "B00061UN0K", "style": {"Size:": " 5 lb."}, "reviewerName": "Bobby G. Ballew III", "reviewText": "My Military Maccaw loves this stuff. Have tried a lot of different foods this has the best variety. Dried fruits, Nuts and peppers.", "summary": "Best bird food we have found. Maccaw", "unixReviewTime": 1466726400} +{"overall": 1.0, "verified": true, "reviewTime": "09 6, 2017", "reviewerID": "A2SB2LVWOOJVB9", "asin": "B0002X8HB4", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "Have no idea, I gave one to Sneaky Pete and haven't seen it since. My guess is he stuck it in the cushion of one of the couches or chairs. It will turn up some day.", "summary": "missing in action.", "unixReviewTime": 1504656000} +{"overall": 4.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A15TV2JOFGWC97", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Brown Rice & Lamb Meal"}, "reviewerName": "Karin A.", "reviewText": "Pieces are just too big. Even for big dogs I like buying the \"Small Breed\" kind. But I love anything Natural Balance.", "summary": "Even for big dogs I like buying the \"Small Breed\" kind", "unixReviewTime": 1420502400} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A2EZWVJZ50P65E", "asin": "B0002J1FOE", "reviewerName": "Broseph", "reviewText": "Doggie approved....save your little furbaby from those blood suckers..", "summary": "Doggie approved.... save your little furbaby ...", "unixReviewTime": 1449619200} +{"overall": 4.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A2BFNE2KXRPDHE", "asin": "B0002DH396", "reviewerName": "Celso Girl", "reviewText": "Fits on the leash handle nicely but is smaller than I wanted - I wanted something to carry my phone in but I can carry tissues, hand wipes and pickup bags in it. However, it would not hold the bag after you picked up after your dog.", "summary": "Nice but small", "unixReviewTime": 1426809600} +{"overall": 1.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "AIF2034ASBLG0", "asin": "B0002MABGE", "reviewerName": "jenny gonzalez", "reviewText": "Jeeps falling apart won't stay in place worthless", "summary": "One Star", "unixReviewTime": 1436313600} +{"overall": 5.0, "verified": false, "reviewTime": "03 14, 2016", "reviewerID": "A14Q6PLN8LPPO5", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Bacon Flavored Bone"}, "reviewerName": "Amazon Customer", "reviewText": "Well my two dogs LOVE them!", "summary": "Five Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "ABET4YVEM9Q0O", "asin": "B00025YRJS", "reviewerName": "Sherri Goodreau", "reviewText": "This worked AMAZING on my blue green algae problem. I keep dwarf shrimp which are sensitive to all sorts of chemicals and medications but they were fine and so were the snails. It took care of the issue with one treatment and in about 4-5 days.", "summary": "This worked AMAZING on my blue green algae problem", "unixReviewTime": 1456617600} +{"reviewerID": "A1FDZE7HXBLNGS", "asin": "B0002AQMVO", "reviewerName": "angela vannoy", "verified": true, "reviewText": "Love", "overall": 5.0, "reviewTime": "04 30, 2017", "summary": "Five Stars", "unixReviewTime": 1493510400} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2015", "reviewerID": "AJPF03SHHJLSN", "asin": "B0002DHP3A", "reviewerName": "Daniel S.", "reviewText": "All the shells received were nice and of great quality. If you have very small saltwater crabs, these are a little too big but anyways, they made a nice addition to the tank.", "summary": "Shells Are Nice!!!", "unixReviewTime": 1446076800} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2018", "reviewerID": "A17KE9N4DPMM32", "asin": "B0002AS8RK", "style": {"Size:": " 6 X 12 X 9", "Color:": " Assorted"}, "reviewerName": "mel Sprink", "reviewText": "Got this for my 8 year old Granddaughter for Christmas - she and her Hamster love it. She has been using it for several weeks and it seems to work well. She keeps losing her Hamster it \"drives\" all over the house. Going to get a track to give her for Valentines day", "summary": "Granddaughter and Hamster Love it", "unixReviewTime": 1517961600} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "AXX2E03VL5SOO", "asin": "B00025675K", "reviewerName": "skm", "reviewText": "just what i needed to control my pump flow", "summary": "Four Stars", "unixReviewTime": 1505347200} +{"overall": 1.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A17RMX41FBYWN6", "asin": "B000084EAE", "style": {"Size:": " 3 oz. (Pack of 24)", "Flavor Name:": " Venison", "Package Type:": " Standard Packaging"}, "reviewerName": "DaveNYC", "reviewText": "Cat did not like it.", "summary": "One Star", "unixReviewTime": 1501632000} +{"overall": 4.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A2899ROCA0RNMX", "asin": "B00025Z6SO", "style": {"Size:": " 10.58-Ounce"}, "reviewerName": "Evelyn", "reviewText": "Fish like and less waste in tank vs flakes.", "summary": "Four Stars", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2016", "reviewerID": "AD013MAG3A5HA", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Ernie G.", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1462492800} +{"overall": 2.0, "verified": true, "reviewTime": "08 2, 2017", "reviewerID": "A3K2REGKOAZFEU", "asin": "B0002DGSRO", "style": {"Size:": " 150 Grams", "Style:": " CatGrass Plus Tub"}, "reviewerName": "BTManzy", "reviewText": "Unfortunately my cat was not a fan of this cat grass, and she likes cat grass. The blades are very thick and while it looks nice, it wasn't as appetizing as other brands of cat grass.", "summary": "Cat Did Not Like", "unixReviewTime": 1501632000} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "AO6GS4048ZRA2", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "Amazon Customer", "reviewText": "Love'it", "summary": "Five Stars", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2017", "reviewerID": "A1585HFWDWDKTI", "asin": "B0002DHNY6", "style": {"Size:": " 11 Ounce", "Flavor Name:": " Liver"}, "reviewerName": "Amazon Customer", "reviewText": "my dog loves it", "summary": "Five Stars", "unixReviewTime": 1487030400} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "A78I31KRH39MF", "asin": "B000274674", "style": {"Size:": " Small (9 in x 9 in)"}, "reviewerName": "TJ", "reviewText": "My Australian Cattle dog mix loves this toy!! Way softer then the kong Frisbee I bought earlier. Easier to catch in mid air and tuff even for this feller.", "summary": "Cooper Loves it.", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2017", "reviewerID": "AH7N6S0PXB918", "asin": "B0002AR17S", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "@DTOM _1775", "reviewText": "My pup loves this thing...unfortunately he thinks it should always have something in it.", "summary": "Five Stars", "unixReviewTime": 1513296000} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "AENX0R5E44VHP", "asin": "B0002DJXGM", "style": {"Size:": " Medium", "Color:": " Red"}, "reviewerName": "NCGal", "reviewText": "Runs very small - too tight on my 7lb dog., Doesn't have the leg straps that it says it does.", "summary": "Runs very small.", "unixReviewTime": 1456704000} +{"overall": 4.0, "verified": false, "reviewTime": "12 22, 2017", "reviewerID": "ACPEF1EI5JPRD", "asin": "B0002ARR7W", "style": {"Size:": " 6.75 Cups"}, "reviewerName": "Anita Huggins", "reviewText": "I can't make it sit right for storage, but my intent was to raise the height for my Mastiff. So I turn the bottom part upside down, and place the bowl part over that. It gives it a pretty good lift, so my baby can eat easier.", "summary": "It gives it a pretty good lift", "unixReviewTime": 1513900800} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2016", "reviewerID": "AZY1HWQYZQBNI", "asin": "B0002CSKLM", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Christine Gorman", "reviewText": "Poor Beaver boy - I got 2 pup loved it some much she just played with it till she chewed it up but she did love it and carries around the chew up beaver boy", "summary": "Beavor boy enjoy", "unixReviewTime": 1459728000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "05 3, 2013", "reviewerID": "AA26QS98VEP5C", "asin": "B0002DK8N4", "style": {"Size:": " 15 oz"}, "reviewerName": "merkal", "reviewText": "My little sow gets so happy when I give her these cubes. They keep her teeth nice and trim and they are a like a fun treat for her.", "summary": "My Piggies Love These", "unixReviewTime": 1367539200} +{"overall": 3.0, "verified": true, "reviewTime": "11 9, 2013", "reviewerID": "A1KCW0L9Y5Z2C", "asin": "B0002CSKLM", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Tiffany Smith", "reviewText": "Our 16 month old, 35 lb Lab-Whippet LOVES this toy! Unfortunately, it lasted us only a month before she managed to tear it apart. Luckily there is no stuffing, but for $7 I had hoped for it to last longer.", "summary": "Super fun, but not durable", "unixReviewTime": 1383955200} +{"overall": 4.0, "verified": true, "reviewTime": "08 3, 2017", "reviewerID": "A226Y59TTSKTHA", "asin": "B0002AR5BA", "style": {"Size:": " Extra Large"}, "reviewerName": "Michael L.", "reviewText": "Works as expected, looks nice. Took one star away because I feel it could be better quality for the price.", "summary": "Good little hide", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": true, "reviewTime": "12 15, 2014", "reviewerID": "A2DP3Z2JXO6YPF", "asin": "B000084EXU", "style": {"Size:": " Petite/X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Cranky24/7", "reviewText": "Another great Nylabone product.\nOur boys love all the Nylabone toys we've gotten them, but I like the nubs on these chews since I know it promotes good dental health. Highly recommended!", "summary": "Great for dental health!", "unixReviewTime": 1418601600} +{"overall": 4.0, "verified": false, "reviewTime": "09 10, 2016", "reviewerID": "AM3OUMPK20PRX", "asin": "B0002MISZ0", "style": {"Size:": " Large"}, "reviewerName": "Heather", "reviewText": "I have two bulldogs that are able to destruct almost anything, and especially anything \"stuffed\" like. This has surprisingly held up pretty well for about a month. Just ordered a 2nd since this is one of their favorite toys. Good for the price.", "summary": "Good Durability for the Price", "unixReviewTime": 1473465600} +{"overall": 4.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "A2YC38MLZRLF6N", "asin": "B00061MRUY", "reviewerName": "Lon B.", "reviewText": "works good on dogs joints sometimes.", "summary": "Four Stars", "unixReviewTime": 1456185600} +{"overall": 5.0, "verified": true, "reviewTime": "05 11, 2015", "reviewerID": "AEWGD4FOS1ZA4", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Searcher", "reviewText": "This product leaves my Goldens coat clean, soft, and fluffy. I am careful not to get is into her eyes. It's really a great product.", "summary": "A great safe product.", "unixReviewTime": 1431302400} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2017", "reviewerID": "A37YW50CARJ9SU", "asin": "B00061UQ6G", "style": {"Size:": " 25 Watt"}, "reviewerName": "Paul", "reviewText": "These heaters are every bit as good as the pricier name brands with the advantage of costing much less!", "summary": "Five Stars", "unixReviewTime": 1485388800} +{"overall": 4.0, "verified": true, "reviewTime": "04 17, 2015", "reviewerID": "A2A64BH5DA112T", "asin": "B0002AB9FS", "style": {"Size:": " 8 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Newton", "reviewText": "Dog loves it but the stuff really stinks if you spill any.", "summary": "Yummy and stinky", "unixReviewTime": 1429228800} +{"overall": 1.0, "verified": false, "reviewTime": "06 2, 2017", "reviewerID": "A3VFERUNVPJGV0", "asin": "B000255N0A", "style": {"Size:": " 16 oz"}, "reviewerName": "Joey Garcia", "reviewText": "Why buy this when Seachem Prime detoxifies ammonia, nitrites and nitrates, and also eliminates chlorine and chloramines?", "summary": "One Star", "unixReviewTime": 1496361600} +{"overall": 4.0, "verified": true, "reviewTime": "10 4, 2015", "reviewerID": "A2DV0Z02MT4RDC", "asin": "B0002AQ0BQ", "style": {"Size:": " 30 lb. Bag", "Style:": " Unscented"}, "reviewerName": "Marisa", "reviewText": "I love this stuff for rabbit litter. Bunny seems to enjoy it, it's easy to clean, and since it's just newspaper, I can put the waste in the composting bin when I clean the bunny litter boxes. Perfect solution to all of bunny's waste needs.", "summary": "I love this stuff for rabbit litter", "unixReviewTime": 1443916800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2IGQSMRZGY0QF", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "Iroe", "reviewText": "Have a energetic lab here, always pulling and all over the place. She didn't like it at first but eventually wore herself out trying to shake it off her nose. She walked behind me for the first time sense she was a pup (now 3 years old). Not sure why I didn't get this sooner.", "summary": "She didn't like it at first but eventually wore herself out trying ...", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A1CEHBNFVMJG9P", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " SILVER"}, "reviewerName": "DocJaco", "reviewText": "Love it. When we walk, our dog isn't an ass anymore!!! :)", "summary": "Five Stars", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2014", "reviewerID": "A2STFMPWXKDLEE", "asin": "B0002KWBJG", "reviewerName": "Bart", "reviewText": "My clipper still needs the link, lever & gear but the brushes were a must! Won't run without them! I tried to order three sets but Amazon cancelled the order on me. I guess I will have to order one set at a time.", "summary": "A must have.", "unixReviewTime": 1417910400} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A3FLXHLDHP0OP1", "asin": "B0002DIKPM", "reviewerName": "yeah...right!?", "reviewText": "Birds say, \"Yummy! Crunchy, sweet and nutritious. A blend that keeps us from getting bored. Just divine!\"", "summary": "sweet and nutritious", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2016", "reviewerID": "A2P17Q1OAVZH8S", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Randall Wieckowski", "reviewText": "A must for any Aquarium user.", "summary": "Five Stars", "unixReviewTime": 1453939200} +{"reviewerID": "A2Q4WZN0R5IYZ2", "asin": "B00063434K", "reviewerName": "James Ballard", "verified": true, "reviewText": "Dogs love it.", "overall": 5.0, "reviewTime": "03 1, 2016", "summary": "Five Stars", "unixReviewTime": 1456790400} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2012", "reviewerID": "A13C4GZT4A9A7H", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "SouthernGirl", "reviewText": "My cat loves this and I'm not sure who loves it more my cat or my toddler...Great buy because Petsmart toys are crazy high for a cat.", "summary": "Cat loves it...", "unixReviewTime": 1353801600} +{"overall": 4.0, "verified": true, "reviewTime": "06 7, 2015", "reviewerID": "A35DDGTI1E6Y4G", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "Iris J. Smith", "reviewText": "Will comment when I've used this more", "summary": "Four Stars", "unixReviewTime": 1433635200} +{"reviewerID": "AZX4CE6BA72C7", "asin": "B0002ASNAC", "reviewerName": "KBody", "verified": false, "reviewText": "Won't be ordering any more nylabones for my one year old Shih Tzu. They are so hard, that she won't touch them!", "overall": 1.0, "reviewTime": "03 1, 2017", "summary": "Won't be ordering any more nylabones for my one year ...", "unixReviewTime": 1488326400} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "05 30, 2015", "reviewerID": "A3P9R3O9067OS8", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "J. watterson", "reviewText": "This product is on the recall list if you check the UPC code 0-18214-81291-3 and LOT #21122. My vet gave me the information today after he already ate the edible one. This was after his stool sample came back with multiple parasites in his stool before eating it.", "summary": "Do not give to your puppy.", "unixReviewTime": 1432944000} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2014", "reviewerID": "A1C3J1GY8D8ENK", "asin": "B0002AQKIO", "reviewerName": "Chrystal97", "reviewText": "Great quality and lasts a while in the aquarium. Lasts longer than the bargain brand carbons. I love the price too.", "summary": "Great quality carbon", "unixReviewTime": 1391040000} +{"reviewerID": "A2D2O7OELG1WYV", "asin": "B0002PYDII", "reviewerName": "Cameron Preston", "verified": true, "reviewText": "Wished it would close so we could travel with it. Nice product aside from that.", "overall": 4.0, "reviewTime": "06 27, 2015", "summary": "Nice product aside from that", "unixReviewTime": 1435363200} +{"overall": 3.0, "verified": true, "reviewTime": "10 13, 2014", "reviewerID": "AV7CG8QTZDRUN", "asin": "B000256EAI", "style": {"Size:": " 75"}, "reviewerName": "SilverJade451", "reviewText": "These are really some of the only lights in town. Their life expectancy can be anywhere to a couple months to ZERO as I had one light snap at the base the other day when I screwed it into my lamp. At least they're cheaper on Amazon.......", "summary": "These are really some of the only lights in town ...", "unixReviewTime": 1413158400} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2013", "reviewerID": "A2NX561YGCJPCZ", "asin": "B00025Z6G6", "style": {"Size:": " Medium 250G"}, "reviewerName": "gimish3", "reviewText": "I've have had four (peach colored) ciclids since February 2009, and when I first purchased this food I wasn't sure they would enjoy it. But they not only enjoy it, they won't eat any thing else accept this food. Great product.", "summary": "Ciclids Love It!", "unixReviewTime": 1379203200} +{"overall": 2.0, "verified": true, "reviewTime": "05 3, 2010", "reviewerID": "A98GHZIYNHNX6", "asin": "B000084ERH", "reviewerName": "Kimber3907", "reviewText": "Dog's do not care for this toy, to heavy and edges are very sharp once the dog does chew on it. Waste of money.", "summary": "dog chew toy", "unixReviewTime": 1272844800} +{"overall": 4.0, "verified": true, "reviewTime": "11 8, 2013", "reviewerID": "A276VO5ZQKY3SU", "asin": "B0002566H4", "style": {"Size:": " Wolf/Medium", "Flavor Name:": " Original Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Mark", "reviewText": "Dog loves it, much better than watching her rip apart stuffed toys in a matter of seconds, wishbone is also great.", "summary": "Last much longer than most toys!", "unixReviewTime": 1383868800} +{"overall": 3.0, "verified": true, "reviewTime": "08 25, 2014", "reviewerID": "A39YLAZT2TGARL", "asin": "B0002ADJYM", "style": {"Size:": " 10.6 oz"}, "reviewerName": "dogwalker", "reviewText": "Not sure about this product. I used it for my older diabetic cat with digestive issues. I did not see any improvement, but this might work for your pet.", "summary": "May Be a Good Product", "unixReviewTime": 1408924800} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A3BRJEIML7TSEF", "asin": "B0002H3RLU", "reviewerName": "Ginger LeFevre", "reviewText": "works well for mats in dogs.", "summary": "Four Stars", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A1HB2O6F3E1ZBE", "asin": "B0002AR18M", "style": {"Size:": " One size", "Color:": " Purple"}, "reviewerName": "Skilitchi", "reviewText": "This lives up to the reviews. My cat loves to be groomed by it and it does collect a lot more hair than the really expensive combs out there. It is a very good value.", "summary": "You will wish you bought this first!", "unixReviewTime": 1469491200} +{"overall": 1.0, "verified": true, "reviewTime": "01 6, 2018", "reviewerID": "A2FMBQCQ6MKBY4", "asin": "B0002DHXX2", "style": {"Size:": " 30-Inch", "Color:": " Powder Blue Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "snn", "reviewText": "Thinner than expected.", "summary": "One Star", "unixReviewTime": 1515196800} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A2QQR3PID25CO4", "asin": "B0002DHZIU", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "SL - Avon Lake", "reviewText": "Use these all the time - already assembled, a bit more costly for convenience of drop in the filter and go.", "summary": "Good little filter cartridge.", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2013", "reviewerID": "A29ZDMSE8AXUDC", "asin": "B000084ES8", "style": {"Size:": " 3-Ounce Can (Pack of 24)", "Flavor Name:": " Beef & Chicken Pate", "Package Type:": " Standard Packaging"}, "reviewerName": "Marley", "reviewText": "one of the healthiest brands on the market. the ingredients are excellent and wholesome. My cat is 20 yrs old on this stuff!! no fillers, no crap, nothing like \"pork lips\" and gunk like that", "summary": "one of the best out there", "unixReviewTime": 1385510400} +{"overall": 1.0, "verified": true, "reviewTime": "09 10, 2014", "reviewerID": "A1V4VVBQBFXRHC", "asin": "B0002ASM94", "style": {"Size:": " Regular/Small"}, "reviewerName": "Big-D", "reviewText": "These are supposed to have flavor scent, they don't. My dogs don't even sniff these bones. They are now in the dogs toy bin where they totally ignore them. Waste of money.", "summary": "Junk", "unixReviewTime": 1410307200} +{"reviewerID": "A1LSE560HGNY59", "asin": "B0002PYDII", "reviewerName": "shoeshines", "verified": true, "reviewText": "Love it, but more important, so does the cat! Attractive and sturdy. If you get one of these, invest in a litterbox scoop with a round front edge instead of flat. Makes cleaning MUCH easier.", "overall": 5.0, "reviewTime": "08 6, 2015", "summary": "THE CAT'S MEOW", "unixReviewTime": 1438819200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2014", "reviewerID": "A282ULCPMDA5CF", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "W. MAX SMITH", "reviewText": "I purchased these for the dogs at the Idaho Humane Society, because my sister said they were the BEST for cleaning their teeth and safe for the animals. I wish more people would purchase these and donate them to the Humane Society.", "summary": "Excellent chew toy.", "unixReviewTime": 1393113600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2014", "reviewerID": "A2LIOVBJYN1P1U", "asin": "B00061URK6", "reviewerName": "Go Plants", "reviewText": "The tortoises love these- I just supplement with them... as part of their diet. They don't like any other prepared food.", "summary": "The tortoises love these- I just supplement with them", "unixReviewTime": 1414368000} +{"overall": 4.0, "verified": true, "reviewTime": "12 2, 2013", "reviewerID": "A12US2XJYJT9LY", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Devi", "reviewText": "A must have for any hobbyist. Only reason I did not give it five stars is because the nitrate testing chemicals are 10 drops each and I seem to go through them so fast I have to always buy replacements.", "summary": "Great Kit", "unixReviewTime": 1385942400} +{"reviewerID": "A1EAW9I88DEDLD", "asin": "B000255QLG", "reviewerName": "JD", "verified": true, "reviewText": "Seems to feed root plants well", "overall": 4.0, "reviewTime": "09 15, 2017", "summary": "Good plant food", "unixReviewTime": 1505433600} +{"overall": 2.0, "verified": true, "reviewTime": "01 18, 2015", "reviewerID": "AXSMK1L7KX64Y", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Squirrel"}, "reviewerName": "KissThis", "reviewText": "Within an hour my dog has eaten the squeak out of all the squirrels. Really! Now she goes to look for them and we had to fit items small enough to hide that will squeak. Waste of Money", "summary": "Waste of Money if Your Dog is a Chewer", "unixReviewTime": 1421539200} +{"overall": 3.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A2NIRSM93UB8WV", "asin": "B000084F4N", "style": {"Size:": " 16 lb. Bag", "Flavor Name:": " Chicken & Rice"}, "reviewerName": "sdkinaz", "reviewText": "cats ate it but were not enthusiastic", "summary": "Three Stars", "unixReviewTime": 1469491200} +{"reviewerID": "A25FGXNSZ9PWBB", "asin": "B0002DJX58", "reviewerName": "P. Bolton", "verified": true, "reviewText": "Use these for indoor and outdoor play. These are her favorite toys. She chases and retrieves them, catches them on the fly and likes to play tug with them.", "overall": 5.0, "reviewTime": "07 5, 2013", "summary": "Australian Shepherd loves these", "unixReviewTime": 1372982400} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2014", "reviewerID": "A74EI3XM56UG7", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "Steven S.", "reviewText": "Entertains my australian cattle dog and burns up some of his mental and physical energy. I love it.", "summary": "I love it.", "unixReviewTime": 1417478400} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "A27PSYXRM8F3A2", "asin": "B00025696C", "reviewerName": "Amazon Customer", "reviewText": "Instant results. Plants look happier.", "summary": "Plants look happier.", "unixReviewTime": 1503273600} +{"overall": 4.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "AVQ065D4SZTFS", "asin": "B0002VAZSY", "style": {"Size:": " Up to 10lbs", "Color:": " Breeze/Black"}, "reviewerName": "Sabrina", "reviewText": "Well made. Smaller than I thought. It's OK for my Shih Tzu puppy, but this is more of a cat carrier. Will need a new one when the pup is full sized.", "summary": "Smaller than you would think.", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "A2SV2J7XNDZL80", "asin": "B000084EEF", "reviewerName": "Luxi Kohaku", "reviewText": "My cat loves this thing. Sh rubs her face on it while messing it and playing with the ball all at the same time. She's a little odd but it's hers- she can do with it what she wants", "summary": "Recommend", "unixReviewTime": 1444262400} +{"overall": 5.0, "verified": true, "reviewTime": "12 21, 2014", "reviewerID": "AEA813WR1XOOI", "asin": "B000084EJO", "reviewerName": "Lazarus", "reviewText": "Monthly delivery to a local animal shelter. No complaints.", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2017", "reviewerID": "A1WEL6ZXN9FR1H", "asin": "B0002AQCLO", "style": {"Size:": " 18\"l x 8\"w"}, "reviewerName": "Ruth", "reviewText": "Does the job!", "summary": "Good for 55 gallon tank", "unixReviewTime": 1483920000} +{"overall": 1.0, "verified": true, "reviewTime": "04 27, 2018", "reviewerID": "A17PT920WAJQ2J", "asin": "B000256DVS", "style": {"Size:": " 8.5\", Large"}, "reviewerName": "Tianna A.", "reviewText": "It broke a month into having it. Poorly made.", "summary": "One Star", "unixReviewTime": 1524787200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A4T4HNFXIV6L9", "asin": "B000256DS6", "style": {"Size:": " 60 lt"}, "reviewerName": "Leena", "reviewText": "For my Netherland Dwarf Rabbit I use this over \"Yesterday's New\" (YN absorbs the pee smell TOTALLY), with a nice, thick layer, then I top it with hay. It smells delicious.", "summary": "Perfect addition", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A2T0BVVCAF08QA", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Cheryl", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "10 26, 2016", "reviewerID": "A7UUU3VIH383R", "asin": "B0002YHTQM", "reviewerName": "Shayna N. Traveler", "reviewText": "Have 5 little dogs that I groom and these clippers are great. My previous Andis clipper was over 10 years old when it recently died so it was no question that I would purchase another of the same make and model.", "summary": "Love my Andis", "unixReviewTime": 1477440000} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A33JC02M3LKGQD", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Gladys O.", "reviewText": "my cat is crazy !!!", "summary": "Five Stars", "unixReviewTime": 1422403200} +{"overall": 2.0, "verified": true, "reviewTime": "07 25, 2014", "reviewerID": "A188ZU9ODLQF7X", "asin": "B0002CSKLM", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Spring", "reviewText": "Much smaller than anticipated. Wish they had measurements in the description. I could hide this toy in my hand. If I had known how incredibly tiny this was I wouldn't have purchased.", "summary": "Much smaller than anticipated. Wish they had measurements in ...", "unixReviewTime": 1406246400} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2014", "reviewerID": "A252XCRU9VQSV2", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "D. Dolph", "reviewText": "This stuff does its job and can be used to dechlorinate water and also as an emergency to detoxify nitrates, etc.", "summary": "Does its job", "unixReviewTime": 1397001600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 22, 2016", "reviewerID": "A3CZH9GNR8L1Z4", "asin": "B000634CK0", "style": {"Size:": " 8 lb. Bag"}, "reviewerName": "Ally K.", "reviewText": "I switched from Pedigree and was amazed and my dog's coat and nails. Just healthy and lustrous and good price for the quality!!", "summary": "Purina from now on.", "unixReviewTime": 1466553600} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2015", "reviewerID": "AI9WOM4VDGBDC", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "skittles", "reviewText": "Odie LOVES his duckie.", "summary": "Big hit!", "unixReviewTime": 1451520000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "AQJ8U8EF2PP9W", "asin": "B000084DXS", "style": {"Size:": " 30 lb", "Style:": " Dry | Chicken Meal"}, "reviewerName": "Janna", "reviewText": "This is the food my Vet recommends", "summary": "vet recommended", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "A3S4TUD6AKW6X6", "asin": "B0002DJX3A", "style": {"Size:": " Small"}, "reviewerName": "Amazon Customer", "reviewText": "My Chihuahua \"Molly\" fell in love at first sight.", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2016", "reviewerID": "ARC0OC54AEKVK", "asin": "B0002ZJV44", "style": {"Size:": " Medium", "Color:": " Blue"}, "reviewerName": "Ronke", "reviewText": "This was recommended by Michael Chill, who runs our puppy training classes and although my big puppy can still wrap me around trees, it is considerably harder for her than it used to be. It doesn't impede her normal puppy activities either like the Gentle Leader harness does.", "summary": "Great for controlling bouncy puppies", "unixReviewTime": 1456185600} +{"overall": 4.0, "verified": true, "reviewTime": "09 7, 2015", "reviewerID": "A1VCP6EJL7V87L", "asin": "B00025Z6YI", "style": {"Size:": " 2.2-Pound"}, "reviewerName": "John L. Panarace", "reviewText": "fish like it", "summary": "Four Stars", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": true, "reviewTime": "02 14, 2013", "reviewerID": "A2W75LXQIR0D74", "asin": "B0002AQGZQ", "style": {"Size:": " Single", "Package Type:": " Standard Packaging"}, "reviewerName": "basha", "reviewText": "I was skeptical about sponge filters but this one has been keeping my water in great shape. This filter works great for this tank because Apistogrammas do no like flow.", "summary": "Excellent for my 10 gallon planted tank with Apistogrammas!", "unixReviewTime": 1360800000} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2016", "reviewerID": "A3A6YAXAJZBZOB", "asin": "B0002AR0KG", "style": {"Color:": " bronze"}, "reviewerName": "Misty", "reviewText": "Works like it should. Slightly thicker plastic than most.", "summary": "Four Stars", "unixReviewTime": 1458604800} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A11BEJM01C2IF2", "asin": "B00028ZM4E", "style": {"Size:": " Medium Dog (13-34 lbs)"}, "reviewerName": "flysunshine", "reviewText": "I give this to my cat each day as she has elevations in her liver blood tests. This is much easier to give to her than one I was originally giving her as she can still eat and not get sick after giving her the pill. It is small and coated, so it goes down real easy.", "summary": "Like this one for liver problems", "unixReviewTime": 1420070400} +{"overall": 3.0, "verified": true, "reviewTime": "11 8, 2017", "reviewerID": "A228GSCSBO7H86", "asin": "B000255UYY", "style": {"Size:": " 4.4-Ounce"}, "reviewerName": "Luvvmypoodles", "reviewText": "My darling cat, Lucy hated it but my toy poodle, Emi loved it.... huh. : /", "summary": "Happy????", "unixReviewTime": 1510099200} +{"reviewerID": "A1ISYVPFV83QRO", "asin": "B0002APLYI", "reviewerName": "Bruce Simmons (Brusimm)", "verified": true, "reviewText": "I was impressed this bad boy held fast for my pup... the only thing I suggest is to carry a short bar for leverage in case you encounter hard dirt! Just put it through the triangular handle and use it to rotate this bad boy into the hard pack! Booya! -Brusimm", "overall": 5.0, "reviewTime": "12 13, 2014", "summary": "Works Good, And with a Leverage Bar... No Surface It Too Hard, if you have this one extra thing...", "unixReviewTime": 1418428800} +{"overall": 5.0, "verified": false, "reviewTime": "04 16, 2017", "reviewerID": "A14SZY57J5T2AT", "asin": "B0002DH0QM", "style": {"Size:": " 20 Pound", "Color:": " black"}, "reviewerName": "L Fung", "reviewText": "Good product! Added to a new planted tank and didn't cloud my water for the most part. It is already in water so it was easy to add to tank, add plants, and move around.", "summary": "Good product! Added to a new planted tank and ...", "unixReviewTime": 1492300800} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2016", "reviewerID": "A1MFMONCBR8LX6", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Anna B", "reviewText": "Fits Friskies moist cat food.", "summary": "Fits Friskies", "unixReviewTime": 1459814400} +{"overall": 5.0, "verified": true, "reviewTime": "10 9, 2014", "reviewerID": "A1WWCDZL3V0DBH", "asin": "B0002AQNUE", "style": {"Size:": " 16-30 Lbs"}, "reviewerName": "Dawn Trumbull9999", "reviewText": "you get ehat you pay for", "summary": "Five Stars", "unixReviewTime": 1412812800} +{"overall": 5.0, "verified": false, "reviewTime": "09 1, 2017", "reviewerID": "A38V6KWEU30S02", "asin": "B0002RJM7I", "reviewerName": "fallenangelessence", "reviewText": "Works great!!! I bought this to replace a yellow handheld that i lost. Works for short - medium length dog fur", "summary": "Works great!!", "unixReviewTime": 1504224000} +{"overall": 2.0, "verified": true, "reviewTime": "09 12, 2016", "reviewerID": "A38LP6X9HA575L", "asin": "B0002AQITK", "reviewerName": "William Carino", "reviewText": "The water temp range I care about and that I'll be looking for 100% of the time, (60-80 degrees) is confined to a tiny, tiny, tiny place on the thermometer. It's impossible to tell the difference between 70 degrees and 75 degrees, which is a big deal if you have sensitive fish.", "summary": "The water temp range I care about and that I'll ...", "unixReviewTime": 1473638400} +{"reviewerID": "A1AYEYOHXOXPO8", "asin": "B0002AQE5S", "reviewerName": "Exotic Bonsai", "verified": true, "reviewText": "Nice large size,no need to keep refilling it every few hours,comes with 2 sets of nozzles and tubes.", "overall": 5.0, "reviewTime": "11 18, 2015", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 4.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "A29QE7N36Z5VF1", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Reno ", "reviewText": "Nice toy", "summary": "Nice toy", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "11 23, 2015", "reviewerID": "ALRFTDBGME69M", "asin": "B0002563UY", "style": {"Size:": " 2.4-Ounce", "Package Type:": " Standard Packaging"}, "reviewerName": "Dennis Conley", "reviewText": "just what I wanted. works good", "summary": "Five Stars", "unixReviewTime": 1448236800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2014", "reviewerID": "AQ4CMYO94KVNR", "asin": "B00028HN5A", "style": {"Size:": " 1-Ounce"}, "reviewerName": "Kii", "reviewText": "This is potent stuff. Very few sticks, almost entirely buds and leaves. My cats react more to Sojos than any other brand.", "summary": "Best nip out there", "unixReviewTime": 1397433600} +{"overall": 4.0, "verified": true, "reviewTime": "10 10, 2014", "reviewerID": "AJWUI6SXLIDHJ", "asin": "B0002DIRUK", "style": {"Size:": " Guinea Pig"}, "reviewerName": "Michelle Bryant", "reviewText": "I didn't expect it to have a hole on the top. I think it would be better without it. Otherwise Roy likes it.", "summary": "Kind of what I expected", "unixReviewTime": 1412899200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2014", "reviewerID": "A3PM07CBB0FZWF", "asin": "B0002I0RNK", "style": {"Size:": " Medium/Large"}, "reviewerName": "GypsyAgent", "reviewText": "I don't love this, my dog does. I use the PetSafe Busy Buddy Buddy-Ohs! Dog Treats, and he stays entertained for an hour. This has been an awesome combination for road trips when he starts to get anxious or thinks it's time to eat before it is.", "summary": "Great busy toy", "unixReviewTime": 1411430400} +{"overall": 1.0, "verified": true, "reviewTime": "03 3, 2016", "reviewerID": "A89RR2DNKCNO7", "asin": "B0002AQY9O", "reviewerName": "Shuruq A.", "reviewText": "Don't buy it, there is no use for it\nIt make my water cloudy, and does get small pieces.\nAnd the price is too much for it", "summary": "Don't buy it, there is no use for it ...", "unixReviewTime": 1456963200} +{"overall": 5.0, "verified": false, "reviewTime": "03 21, 2017", "reviewerID": "A2215RYI7QYIFB", "asin": "B0002IJR9U", "reviewerName": "Harmony", "reviewText": "Turned an almost 3 person job into a quick and painless one person job.", "summary": "Well worth the $", "unixReviewTime": 1490054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "A150QWMVEWYHPJ", "asin": "B0002AR15U", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "D.B", "reviewText": "Puppy loves it and loves that it bounces. He loves to chew on it.", "summary": "Recommend, good quality", "unixReviewTime": 1456617600} +{"reviewerID": "A3W3C4WBKUE4ZR", "asin": "B0002DK9L0", "reviewerName": "Stephanie Scott", "verified": true, "reviewText": "One Goldendoodle loves it! He pushes it around the yard or to me to toss for this to go after. It's a challenge for him to get it out of a corner. GREAT EXERCISE.\n\nHis brother has absolutely no interest in it.", "overall": 5.0, "reviewTime": "01 5, 2015", "summary": "GREAT EXERCISE. His brother has absolutely no interest in ...", "unixReviewTime": 1420416000} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2015", "reviewerID": "A2CSWZZQ9OHUZ6", "asin": "B000255QJS", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "michael rowland", "reviewText": "Good stuff", "summary": "Five Stars", "unixReviewTime": 1425686400} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2016", "reviewerID": "A1RUMV4SB6TKP", "asin": "B0002568ZO", "style": {"Size:": " Large"}, "reviewerName": "Abbey Adams", "reviewText": "We use this little gem every few days, beats reaching in and cleaning by hand. Soft felt on outside as to not scratch glass quick easy cleaning", "summary": "Soft felt on outside as to not scratch glass quick easy", "unixReviewTime": 1482192000} +{"overall": 4.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A1TU1MUIBUFENR", "asin": "B0002AS05U", "style": {"Size:": " 2 inches"}, "reviewerName": "Melvin R Greene", "reviewText": "Great dog loves them squeeker breaks pretty fast though.", "summary": "good", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A1ERWABBFTE9KG", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Bird"}, "reviewerName": "N. Joan Terry", "reviewText": "Hide chew-chews inside. My dog loves to chase it and dig the raw hide out. Will bring it to me when wants a treat.", "summary": "Lots of fun", "unixReviewTime": 1478217600} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "09 21, 2008", "reviewerID": "A3K9000PUD5S9G", "asin": "B0002AS5C8", "reviewerName": "Donna Mccool", "reviewText": "All Glass is one of the best aquarium suppliers and this was worth the money. Cheaper than many but good guality .", "summary": "good deal", "unixReviewTime": 1221955200} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2015", "reviewerID": "A2FBALDHP756HB", "asin": "B0002XUJFG", "style": {"Size:": " 80-Count"}, "reviewerName": "Tina", "reviewText": "Works for my old dog", "summary": "pads", "unixReviewTime": 1420070400} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2014", "reviewerID": "A3HMM7TGSCN9WJ", "asin": "B000084ERR", "reviewerName": "Mary Ellen", "reviewText": "Great food all three of my dogs love this food. Wish there were discounts pricey on line otherwise love, love, love the product.", "summary": "dog food", "unixReviewTime": 1390348800} +{"overall": 5.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "A3LX6D2DTZB3ZY", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Still Love the Metal", "reviewText": "Always love the KONG extremes; it's the only thing my granddog can't destroy in 10 minutes flat. Thanks, KONG!", "summary": "The best for dogs with jaws of steel", "unixReviewTime": 1412035200} +{"overall": 4.0, "verified": true, "reviewTime": "02 22, 2018", "reviewerID": "ANZNK81DIEFB7", "asin": "B0002565SY", "style": {"Size:": " 12-Pack", "Color:": " C - Blue"}, "reviewerName": "ACTNJACK", "reviewText": "great but had to buy multiples to realize the discount", "summary": "Four Stars", "unixReviewTime": 1519257600} +{"overall": 5.0, "verified": false, "reviewTime": "06 25, 2014", "reviewerID": "A3KTTCPM8KGD2D", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Kimberle Holmes", "reviewText": "My pup loves it! We just got her and she's in it all the time, on her own! I like that it has the separator to make it small until she grows into it. It was priced way better than the ones in-store. Totally ecommend", "summary": "Metal Dog Crate", "unixReviewTime": 1403654400} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/81chDL2Ik0L._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81MCZG2fJzL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/810fHxKMZ3L._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/81EWKUXPEoL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "10 11, 2017", "reviewerID": "A1X8IY90QHD3YB", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Chica chica", "reviewText": "This duck is very large and sturdy! My dog loves it. The fur is nice too even tho my dog likes to pull it. We have spend countless hours of playing. I do not recommend this as a chewing toy as it is soft but definitely to play fetch.", "summary": "Love this duck", "unixReviewTime": 1507680000} +{"overall": 4.0, "verified": true, "reviewTime": "02 24, 2014", "reviewerID": "A2CTQQM8KRVFTP", "asin": "B00025YTZA", "style": {"Size:": " 100 ct (bag)"}, "reviewerName": "minedgoof", "reviewText": "These puppy training pads are economical if you have a very small puppy. They do not absorb moisture as well as I expected them to.", "summary": "Puppy Training Pads", "unixReviewTime": 1393200000} +{"overall": 3.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A1E6UHSC286X0Z", "asin": "B0002AT464", "reviewerName": "sburns", "reviewText": "This does not work as I pictured it would. It gets hung on the blades of grass and has to be tugged loose Which results in the doggy doo falling off.", "summary": "Never use.", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "A3NQ2Z31CCIE0U", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " P-Nuttier", "Package Type:": " Standard Packaging"}, "reviewerName": "bicyclegirl", "reviewText": "My dog looooooves these treats.", "summary": "Five Stars", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2015", "reviewerID": "AZ903GAQXOP2F", "asin": "B0002DH2YW", "style": {"Size:": " Twin pack"}, "reviewerName": "Amazon Customer", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1449014400} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2015", "reviewerID": "AO2XJ886C8PLI", "asin": "B000084EEF", "reviewerName": "Anonymous", "reviewText": "The cats love this toy. They love the catnip and scratching part and they are very entertained with the ball going round and round.", "summary": "It's a hit!", "unixReviewTime": 1425168000} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "ARQ4BJFTA9CF1", "asin": "B0002AS4QA", "style": {"Size:": " 10 Oz"}, "reviewerName": "Gary Hendrickson", "reviewText": "My birds typically use this for drinking and an occasional bath. It's easy to remove and clean. A good addition to my bird cage.", "summary": "It's easy to remove and clean", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2017", "reviewerID": "A1J2JXVS3VI59C", "asin": "B0002DK9TM", "style": {"Size:": " 25 lb", "Package Type:": " Standard Packaging"}, "reviewerName": "Scott Peterson", "reviewText": "I am very happy with my purchase!", "summary": "Happy and Satisfied Customer!!!", "unixReviewTime": 1513382400} +{"reviewerID": "A3R2D1WZ04F9BO", "asin": "B0002I0GV8", "reviewerName": "Judith A. Loesch", "verified": true, "reviewText": "This is the only dog food that I will feed my two dogs. It is made of real meat and has no unnecessary fillers. I research several products before purchasing Wellness.", "overall": 5.0, "reviewTime": "11 13, 2014", "summary": "It is made of real meat and has no unnecessary fillers. I research several products before purchasing Wellness", "unixReviewTime": 1415836800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 3, 2017", "reviewerID": "A15DB3EQ7OGFCE", "asin": "B0002DJWUY", "style": {"Size:": " Heavyweight (5.00\" x 3.25\" x 5.00\")"}, "reviewerName": "LAB of E Tennessee", "reviewText": "I have had this several months for my Black Lab puppy . She is now 11 months and 70 lbs and she still chews on this and it is still intact! I would highly recommend for your heavy duty chewer!", "summary": "I would highly recommend for your heavy duty chewer", "unixReviewTime": 1488499200} +{"overall": 4.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "A1DXKNODW4UUFR", "asin": "B0006342P0", "style": {"Size:": " 3.5 lb", "Style:": " Dry | Rice & Egg Recipe"}, "reviewerName": "Mary Ellen", "reviewText": "So far seems to be working for my older sensitive stomach that was throwing up on occasion.", "summary": "Four Stars", "unixReviewTime": 1464480000} +{"overall": 4.0, "verified": true, "reviewTime": "07 10, 2017", "reviewerID": "A34ZHBZYSXGX3O", "asin": "B0002A5ZFI", "style": {"Size:": " 7 Inch"}, "reviewerName": "Michelle S", "reviewText": "Seems to be okay so far. Wish they had just a slightly bigger one, my little guy has to arch his back just a little and they say thats not good for them, but this was the largest size. Interlocking lid is easy to use. Plastic is standard strength.", "summary": "Standard plastic ball for your little pet to roam free.", "unixReviewTime": 1499644800} +{"overall": 1.0, "verified": false, "reviewTime": "08 14, 2017", "reviewerID": "A3EECW1QQPWCTE", "asin": "B0002GLYES", "style": {"Size:": " 10 lb Bag"}, "reviewerName": "Chezron", "reviewText": "First few ingredients are GMO corn, GMO Soy and GMO oil. No way would I feed this to my bird!", "summary": "First few ingredients are GMO corn, GMO Soy and ...", "unixReviewTime": 1502668800} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2016", "reviewerID": "A1FP79UAJS1A21", "asin": "B0002DGYXW", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "hiranda veras", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1479168000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "A2Y7388ZZ2Y76N", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " Chick'n'Apples", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "She loves them.", "summary": "Five Stars", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": false, "reviewTime": "07 30, 2015", "reviewerID": "A2O4BDYQKNUM7Q", "asin": "B0002DGZ86", "reviewerName": "Grandma Judy", "reviewText": "Arrived in perfect condition. Am using up RX med first and then will begin this supplement for my Golden Retriever.", "summary": "Arrived in perfect condition. Am using up RX med first and ...", "unixReviewTime": 1438214400} +{"overall": 5.0, "verified": true, "reviewTime": "12 13, 2017", "reviewerID": "A3KAT0ACFF9D0K", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Jacob Gafford", "reviewText": "Helped my dog get through her crate training. It's easy to wash thankfully", "summary": "It's easy to wash", "unixReviewTime": 1513123200} +{"overall": 5.0, "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A1YERZLDJ69THE", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "dashnn", "reviewText": "My cat loves this for lying on the back of the chair to watch out the window.", "summary": "My cat loves this", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2016", "reviewerID": "A2XKADFMYXK7LO", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "GK5040", "reviewText": "I just have to get the nack to flick my wrist correctly to get the ball to go pretty far. Certainly easier to toss the ball further and our puppy needs the running. Now if I could just get directions on how to get your dog to give you back the ball!!!!", "summary": "Great for getting the ball further than what I can toss it.", "unixReviewTime": 1452470400} +{"overall": 5.0, "verified": true, "reviewTime": "01 11, 2015", "reviewerID": "A2N2XGWLARRUM4", "asin": "B0002DIRXC", "reviewerName": "Lawrence S. Lisnock", "reviewText": "Very pleased with the quality of the product. It is very sturdy.", "summary": "Five Stars", "unixReviewTime": 1420934400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2017", "reviewerID": "A3ANN9D4ZLBUE3", "asin": "B000634JJE", "style": {"Size:": " 12 Ounce"}, "reviewerName": "Sean Elzey", "reviewText": "The crickets see, to enjoy it quite a bit, I also use other flukers products in combination and they like them all.", "summary": "The crickets like it.", "unixReviewTime": 1513036800} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A2WDBLFB8WXBHL", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Scott S.", "reviewText": "Love this. Be careful, the dog loves to chew it too.", "summary": "Five Stars", "unixReviewTime": 1421020800} +{"overall": 4.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A9482UGQNYQ6S", "asin": "B0002Z1692", "reviewerName": "dawn hassell", "reviewText": "My puppy was able to break this off the crate side, so not too durable", "summary": "Four Stars", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A2CTNNWLT32AWM", "asin": "B0002DHO0Y", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Rev. B. Lewis", "reviewText": "This a great for aggressive chewers. Add a stripe of treat or toothpaste and the dog will really enjoy it. One con, it hurts when dropped on your toes. Happy playing!!", "summary": "Pet supplies", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "04 22, 2016", "reviewerID": "A1R3CO2XPML10H", "asin": "B0002AR19Q", "style": {"Color:": " Blue", "Package Type:": " Standard Packaging"}, "reviewerName": "Tiffany Elizabeth", "reviewText": "Works amazingly on my rat terrier. Not so much on my german shepherd but I have the furminator for him.", "summary": "Works amazingly on my rat terrier. Not so much ...", "unixReviewTime": 1461283200} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2018", "reviewerID": "A2CTGYE3AW2FXE", "asin": "B0002AQK4S", "style": {"Size:": " 20-Gallon", "Package Type:": " Standard Packaging"}, "reviewerName": "Jeremy Barrett", "reviewText": "Works good.", "summary": "Five Stars", "unixReviewTime": 1517097600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A3PLM6HCW1XXD8", "asin": "B0002DHW10", "style": {"Style:": " 42-Inch"}, "reviewerName": "Freya and/or Peter Musumeci", "reviewText": "As expected and just what I needed.", "summary": "Great replacement pan for my dog crate", "unixReviewTime": 1520208000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A1Z98ZM49QLBUU", "asin": "B0001AB42W", "style": {"Size:": " Large 48\" x 20\"", "Style:": " Mat and Controller"}, "reviewerName": "Katy L.", "reviewText": "Best thing I have ever bought to keep my dogs off the furniture! Wish they made a queen sized bed one!", "summary": "Best thing I have ever bought to keep my dogs ...", "unixReviewTime": 1450224000} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1Y5ZPQSUBDBKT", "asin": "B0002DJMEA", "style": {"Size:": " 6.46-Ounce", "Flavor Name:": " Honey Sticks"}, "reviewerName": "GEGalipp", "reviewText": "My parrot loves these", "summary": "special treat", "unixReviewTime": 1422144000} +{"overall": 2.0, "verified": true, "reviewTime": "11 21, 2017", "reviewerID": "A235OE3LGXJF4N", "asin": "B0002AR15U", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "selina", "reviewText": "They should call this the mini kong. Much smaller than anticipated. Good for a toy sized tea cup\ndog.", "summary": "This should be called a mini kong.", "unixReviewTime": 1511222400} +{"overall": 4.0, "verified": true, "reviewTime": "12 11, 2015", "reviewerID": "A1MPSWKADS6B7L", "asin": "B000634IUO", "style": {"Size:": " 16oz"}, "reviewerName": "Jamie Gilley", "reviewText": "This spray does a good job in getting puppy fur detangled. This spray has a wonderful smell to it. Great product!", "summary": "Great detangler spray to knock out fur tangles", "unixReviewTime": 1449792000} +{"overall": 5.0, "verified": false, "reviewTime": "12 31, 2017", "reviewerID": "A1354DP5561JVU", "asin": "B0002566YC", "style": {"Size:": " 50-Ounce"}, "reviewerName": "Ronald Cabanillas", "reviewText": "Great Product, I add a little bit more carbon to make it more even. This product make my aquarium crystal clear within few hours and happy.", "summary": "Great Product, I add a little bit more carbon ...", "unixReviewTime": 1514678400} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A5D727KE5BWIL", "asin": "B0002AS59G", "reviewerName": "Count Scotula", "reviewText": "Exactly what I was looking for", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2017", "reviewerID": "AJW186JCTGT9W", "asin": "B000084F4T", "style": {"Size:": " 7 lb. Bag", "Flavor Name:": " Weight Management Chicken & Rice Formula"}, "reviewerName": "Cathy", "reviewText": "I like Purina products.", "summary": "Five Stars", "unixReviewTime": 1486598400} +{"overall": 2.0, "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "AXRZ5JUMCZKWI", "asin": "B0002DIO4E", "style": {"Size:": " 8 fl.oz.", "Style:": " For Cats"}, "reviewerName": "Germaine M", "reviewText": "Cats are super smart. MaXx smells something in his water. Wouldn't drink it once I poured this substance in. He didn't even see me pour it in the water. But he knows...", "summary": "cats are a trip", "unixReviewTime": 1460505600} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2018", "reviewerID": "AJJUR5FPAF2RG", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "The Real Mrs. Walsh", "reviewText": "Pretty sure this thing is haunted. Dogs love it, but it's super sensitive to noise so spontaneously comes on and and squeaks, \"hello pupper!\"", "summary": "Creepy but fun.", "unixReviewTime": 1517529600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2014", "reviewerID": "A26R6NW8720TMH", "asin": "B0002CSKLM", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "amber", "reviewText": "These are very durable, but are tiny! We use them for our toy size dog. Great squeaker though and they love them! Would definitely recommend for a chihua or any smaller dog!", "summary": "Very Small", "unixReviewTime": 1393977600} +{"overall": 2.0, "vote": "2", "verified": true, "reviewTime": "02 9, 2013", "reviewerID": "AXFKWD48ZF3OU", "asin": "B000633X1E", "reviewerName": "Anita LaFranchi", "reviewText": "I was very disappointed in this product. Upon reading the label - it has alcohol in it. No wonder it calms the kitty. I have not opened this, nor do I intend to give to my cats.", "summary": "Calm for kitty.", "unixReviewTime": 1360368000} +{"overall": 2.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A5O2XLU8IO2AF", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Sweet Potato & Fish"}, "reviewerName": "Max", "reviewText": "My dogs doesn't like it", "summary": "Two Stars", "unixReviewTime": 1468886400} +{"overall": 2.0, "verified": true, "reviewTime": "12 18, 2013", "reviewerID": "A1346EA1W00Q46", "asin": "B0002DJXGC", "reviewerName": "K. Hardwick", "reviewText": "this was advertised as tough but it didn't even last 1 day. we have a boxer who is tough on toys & he destroyed this one pretty quick. i felt like i wasted my money.", "summary": "didn't last long", "unixReviewTime": 1387324800} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2015", "reviewerID": "A32TORFCEHY6G5", "asin": "B0002AT3MO", "style": {"Size:": " 30-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Eddie's Haircut & Shave", "reviewText": "Fast delivery, will recommend", "summary": "will recommend", "unixReviewTime": 1422230400} +{"overall": 5.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "A2EPJ15DLFZUN9", "asin": "B0000AH9UH", "style": {"Size:": " Medium"}, "reviewerName": "k.jooris", "reviewText": "My dog loves these I have them all over the house and he tries to carry around 3 at a time, lol.", "summary": "My dog loves these", "unixReviewTime": 1437264000} +{"overall": 4.0, "verified": true, "reviewTime": "05 31, 2016", "reviewerID": "A2RIK0V3KDGGHR", "asin": "B000093HJK", "reviewerName": "Amazon Customer", "reviewText": "Leaves my dog very soft; it's a little pricey for the amount you get.", "summary": "Four Stars", "unixReviewTime": 1464652800} +{"overall": 5.0, "verified": false, "reviewTime": "08 16, 2017", "reviewerID": "A3M7ZYRA98WJRY", "asin": "B0002AT3MO", "style": {"Size:": " 30-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Ruby", "reviewText": "Great product. Dogs love it.", "summary": "Five Stars", "unixReviewTime": 1502841600} +{"overall": 5.0, "verified": true, "reviewTime": "12 20, 2015", "reviewerID": "A5OPDQTW3SYSD", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "xin zhang", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1450569600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2015", "reviewerID": "ARPLKPARX4DA2", "asin": "B00027CL5S", "style": {"Flavor Name:": " Freeze Dried Chicken Breast"}, "reviewerName": "djugi", "reviewText": "my two cats absolutely love HALO ,i break up the bigger pieces and they go to work on it ,will buy again", "summary": "love at first bite", "unixReviewTime": 1445385600} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "AFKZF7SBLKUQG", "asin": "B0002C7FFE", "reviewerName": "Tika Johnson", "reviewText": "While using K9 Advantix, out dog has been tick free. We switched to Frontline for a few months (it was cheaper) and our dog got 3 ticks AND a form of Lymes Disease in one month. We will be using K9 Advantix from now on!!!", "summary": "Worth the extra money", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "09 21, 2014", "reviewerID": "AAZZFCBJ3QPSH", "asin": "B0002G7ZQE", "style": {"Size:": " 32 FZ"}, "reviewerName": "Karan", "reviewText": "Good product to keep the bird cage clean", "summary": "Five Stars", "unixReviewTime": 1411257600} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2016", "reviewerID": "A39WMTKVB5FK35", "asin": "B00006HI46", "style": {"Style:": " 200 Units"}, "reviewerName": "AGS12", "reviewText": "These work great for picking up pet waste. We also use them for dirty diaper bags as they are high quality and mask smell.", "summary": "Great pick up bags.", "unixReviewTime": 1463097600} +{"overall": 2.0, "verified": true, "reviewTime": "05 8, 2015", "reviewerID": "A27ZP4CKGK3RQ4", "asin": "B000256ES0", "style": {"Size:": " 8-Ounce"}, "reviewerName": "Christine", "reviewText": "Really junks up an aquarium\nlots of work to re-establish a clean tank", "summary": "Works great. 1/2 the cost at my pet store in town", "unixReviewTime": 1431043200} +{"overall": 4.0, "verified": true, "reviewTime": "07 28, 2016", "reviewerID": "A1774YQ1C2KASI", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "Stephanie R. Hubbard", "reviewText": "Works great, cat loves it. But the motor can be a little loud sometimes and has to be adjusted.", "summary": "Works great, cat loves it", "unixReviewTime": 1469664000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2015", "reviewerID": "A2QP6EK22ZJF0H", "asin": "B0002AQ0BQ", "style": {"Size:": " 30 lb. Bag", "Style:": " Unscented"}, "reviewerName": "Lynne Jones", "reviewText": "We use this for our rabbit litter boxes and it works great. Afterwards, bunny poop and litter can go into the compost pile as it is just paper. Dual duty so to speak.", "summary": "Great stuff", "unixReviewTime": 1439942400} +{"overall": 5.0, "verified": true, "reviewTime": "05 8, 2016", "reviewerID": "A2491PZ4O3IRRE", "asin": "B00063425K", "style": {"Size:": " 17.5 lb", "Flavor Name:": " Chicken Meal Rice & Barley", "Style:": " Active Longevity Small Bites"}, "reviewerName": "chezsan", "reviewText": "When we changed our older dog (13 years) to this formula - her energy levels increased that she seems 5 years younger! Only problem is that the younger dogs try to steal it from her bowl!", "summary": "Our dog loves this food - increased energy", "unixReviewTime": 1462665600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2016", "reviewerID": "A3BWTI9TXZJUNJ", "asin": "B0002I0LL8", "style": {"Size:": " 140 Count", "Color:": " Fashion Print"}, "reviewerName": "Miss Picky", "reviewText": "Great bags that are bigger that normal. These get 5 stars just for the size and fashion these bags have.", "summary": "Thanks for the extra care", "unixReviewTime": 1470268800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A35FBE2PXFHVMR", "asin": "B000255PFI", "style": {"Size:": " 100 mL / 3.4 fl. oz."}, "reviewerName": "Lloyd Armstrong", "reviewText": "Worked well my aquariums and backyard pond. What more can I say, Everyone survived doing well!!", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "10 29, 2013", "reviewerID": "A23WQAJ47O3JL9", "asin": "B0002AQM9Q", "style": {"Size:": " 8 oz"}, "reviewerName": "Gma", "reviewText": "This product seems to be working well and smells delightful!! As soon as my dog starts scratching I spritz her with it and it seems to work really good.", "summary": "Smells so good", "unixReviewTime": 1383004800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "A3MLHG38QO1AW0", "asin": "B00027469M", "style": {"Size:": " Large"}, "reviewerName": "Haylee", "reviewText": "A+++", "summary": "Five Stars", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2015", "reviewerID": "A3H0QDV9M3508K", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "LOVE this for my Boxer boy! He loves getting brushed and it's easy to use. I don't use it on my Chow as it's not effective for long thick fur. But short hair like Boxers, this is the best curry brush and it's gentle on their skin as you brush them out.", "summary": "LOVE this for my Boxer boy!", "unixReviewTime": 1421452800} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2016", "reviewerID": "A3652TXUI0V8LD", "asin": "B0002AUVZ2", "style": {"Size:": " 19-Inch", "Color:": " Ivory"}, "reviewerName": "NvonS", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1476748800} +{"overall": 4.0, "verified": true, "reviewTime": "03 21, 2016", "reviewerID": "A3LVA3BN2J8NOB", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " Original Assortment", "Package Type:": " Standard Packaging"}, "reviewerName": "Carol Wafer", "reviewText": "I like these, I just wish they were slightly larger. Our dogs eat them too fast.", "summary": "Good but small", "unixReviewTime": 1458518400} +{"overall": 5.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A2LENLCL21PPMC", "asin": "B0002DK6W2", "style": {"Size:": " 12-inch"}, "reviewerName": "Oscarspeople", "reviewText": "These are NOT the most durable toy but the price reflects that and they are great for little dogs who play with them.", "summary": "good value", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A3POP3AO0D5GRV", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "CO book lover!", "reviewText": "OUR CAT CAN'T GET ENOUGH OF THIS! What a great product and at a very resonable price! Thank you!", "summary": "Cat love!", "unixReviewTime": 1472774400} +{"overall": 5.0, "verified": true, "reviewTime": "10 20, 2015", "reviewerID": "A33AECFC994I43", "asin": "B000084F39", "style": {"Size:": " Small"}, "reviewerName": "Rebekah G. Holmes", "reviewText": "Very happy with this item.", "summary": "Five Stars", "unixReviewTime": 1445299200} +{"reviewerID": "A1KFY82KQI0OWN", "asin": "B0002DJX58", "reviewerName": "Notorious Zim", "verified": true, "reviewText": "Great ball. Very durable. To make my pup go nuts I crammed a large kong tennis ball through one of the larger holes. Now it's her favorite ball.", "overall": 5.0, "reviewTime": "12 16, 2016", "summary": "Awesome choice", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2013", "reviewerID": "A3TH9W3ZYAARU2", "asin": "B0002J1FLW", "reviewerName": "Amazonaddict", "reviewText": "Great product. I was hoping it would kill my stinking Chihuahua but instead it only killed all the bad things that want to suck its blood!", "summary": "Good for small dogs", "unixReviewTime": 1364947200} +{"overall": 5.0, "verified": true, "reviewTime": "09 13, 2015", "reviewerID": "A1UBAXKF1VDQG5", "asin": "B0002I0LL8", "style": {"Size:": " 315 Count", "Color:": " Blue"}, "reviewerName": "G", "reviewText": "We love the bags on board brand because the bags don't rip, they are thick, and they do a great job of masking the smell (as much as they can really). We love using bags on board.", "summary": "Great product!", "unixReviewTime": 1442102400} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "AZ7XHUCF5Y01F", "asin": "B0002DK7LC", "reviewerName": "Greta Graham", "reviewText": "Very durable. So much so that the only damage to it where I ran over it with the lawn mower. Can't blame manufacturer for that!", "summary": "Very durable", "unixReviewTime": 1386028800} +{"overall": 4.0, "verified": true, "reviewTime": "09 5, 2012", "reviewerID": "A1JKUQJH4XJN6E", "asin": "B00006H388", "reviewerName": "Alita", "reviewText": "I have used this product on our dogs before as it worked wonders. This time, it doesn't seem to be working as well.", "summary": "Could be better", "unixReviewTime": 1346803200} +{"overall": 5.0, "verified": false, "reviewTime": "02 27, 2014", "reviewerID": "AN5LEJ60FC8PQ", "asin": "B0002ARYWU", "style": {"Size:": " 8 inches", "Color:": " Purple"}, "reviewerName": "kielbasa", "reviewText": "My boxer will try and destroy any toy, even though I watch over her while we play with this one, it has insane amount of teeth marks, but no chunks are missing, and no signs of failure anytime in the near future. good product.", "summary": "Great buy", "unixReviewTime": 1393459200} +{"overall": 2.0, "verified": true, "reviewTime": "08 17, 2016", "reviewerID": "A1XF7O8DGJ3V5Z", "asin": "B0000632T8", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Samantha Smith", "reviewText": "Lasted a few days. Will not buy again.", "summary": "Two Stars", "unixReviewTime": 1471392000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2017", "reviewerID": "A3GYNYOID28QRO", "asin": "B0002AS8RA", "style": {"Color:": " Clear", "Package Type:": " Standard Packaging"}, "reviewerName": "KAS", "reviewText": "Great product that allows our hamster to safely exercise around the house.", "summary": "Great product. Great Value.", "unixReviewTime": 1497052800} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2015", "reviewerID": "A3N3TRD4YGTKUY", "asin": "B0002AT4ZU", "style": {"Size:": " Medium", "Color:": " TAUPE/BLACK"}, "reviewerName": "David J. Morse", "reviewText": "perfect", "summary": "Five Stars", "unixReviewTime": 1436227200} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2016", "reviewerID": "A1AFD59K3E6D1P", "asin": "B0002APKBW", "style": {"Size:": " Heavy Weight, 100 ft.", "Color:": " Silver"}, "reviewerName": "kackpr", "reviewText": "Easy to install. Dog loves her freedom!", "summary": "Five Stars", "unixReviewTime": 1467763200} +{"overall": 5.0, "verified": true, "reviewTime": "06 30, 2016", "reviewerID": "ADJENT5B78R8Y", "asin": "B0002DHO1I", "style": {"Size:": " X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Frances V. Kelley", "reviewText": "My German shepherd enjoys trying to get the treat out of the ball although she usually accomplishes the task very quickly.", "summary": "My German shepherd enjoys trying to get the treat out ...", "unixReviewTime": 1467244800} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2017", "reviewerID": "A1A32QR17KKFC5", "asin": "B000633ORC", "style": {"Size:": " 30-Feet"}, "reviewerName": "Marine", "reviewText": "Had this a few months and it holds up well. Holds my 80 lb shepard well.", "summary": "Five Stars", "unixReviewTime": 1496707200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "AUW2LJYT2EZC4", "asin": "B00008JOL0", "style": {"Size:": " 16 oz. Pouch", "Flavor Name:": " Beef"}, "reviewerName": "D. Craine", "reviewText": "Can't tell that it helps my dog that much, but she loves them as a treat so hopefully it's doing some good.", "summary": "Zulus Hip Action Treats, beef", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2018", "reviewerID": "A50EH4SJ2BPWG", "asin": "B0002DJONY", "style": {"Size:": " 50 Pound"}, "reviewerName": "Kimberly", "reviewText": "Keeps the food fresh.", "summary": "Five Stars", "unixReviewTime": 1515283200} +{"overall": 5.0, "verified": false, "reviewTime": "05 24, 2017", "reviewerID": "A2EPWTTKLANXQ", "asin": "B0002DJU0G", "style": {"Size:": " 200-Gallon"}, "reviewerName": "GEORGEMAD", "reviewText": "the best", "summary": "Five Stars", "unixReviewTime": 1495584000} +{"overall": 5.0, "verified": true, "reviewTime": "10 5, 2016", "reviewerID": "A2PZBT757WS0N3", "asin": "B0002APVAC", "reviewerName": "missxenia", "reviewText": "Very happy with purchase. Quickly shipped. Excellent product!!!!", "summary": "Five Stars", "unixReviewTime": 1475625600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2017", "reviewerID": "A1EBJTJ7PXMWHC", "asin": "B0002DI3UY", "style": {"Size:": " 50 Oz", "Color:": " Bleached Linen"}, "reviewerName": "G2", "reviewText": "Bought this for my 3 chihuahuas. They drink a lot of water and I find myself cleaning the water bowl at least 3 to 4 times a day. I won't tell them that this is made for cats!", "summary": "I'm a chihuahua and I'm drinking from a cat bowl, yuck.", "unixReviewTime": 1485043200} +{"overall": 5.0, "verified": true, "reviewTime": "09 11, 2016", "reviewerID": "A39YME9XSC7L0S", "asin": "B0002TJAXC", "style": {"Size:": " 3.5 lb", "Style:": " Adult 7+ Dry | Chicken"}, "reviewerName": "Anita", "reviewText": "Not so sure about the hairball control, my longhair still vomits regularly, but it has helped cut down on the litterbox odor", "summary": "Not so sure about the hairball control, my longhair ...", "unixReviewTime": 1473552000} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2014", "reviewerID": "A3BDHFLBENAJUA", "asin": "B0002566H4", "style": {"Size:": " Wolf/Medium", "Flavor Name:": " Liver Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Candace Decamp", "reviewText": "Good and durable", "summary": "Five Stars", "unixReviewTime": 1404691200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2018", "reviewerID": "A2FQ7N6OKHY9C0", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Aleksandra Goncharov", "reviewText": "awesome set", "summary": "Five Stars", "unixReviewTime": 1523491200} +{"overall": 3.0, "verified": true, "reviewTime": "11 6, 2017", "reviewerID": "A2SZFL362JE8LM", "asin": "B0002ASNAM", "style": {"Flavor Name:": " Bacon Flavored Bone"}, "reviewerName": "Jon K", "reviewText": "Solid product overall but doesn't keep my dogs attention and rarely does he choose this item on his own.", "summary": "Quality product but not appealing to puppy.", "unixReviewTime": 1509926400} +{"overall": 4.0, "verified": true, "reviewTime": "05 10, 2013", "reviewerID": "A2ZG7281DIDJWG", "asin": "B0002APXXW", "reviewerName": "Jamesdooo", "reviewText": "Be carful, if your dog is like mine he might just take off running. You can really hurt yourself, and your dog, if your not in control.", "summary": "Excellent if used right", "unixReviewTime": 1368144000} +{"overall": 2.0, "verified": true, "reviewTime": "09 13, 2014", "reviewerID": "A2O3S0IGFM8F2I", "asin": "B0002AR150", "style": {"Size:": " Large"}, "reviewerName": "Kthe", "reviewText": "I am not that satisfied inside the kong there is a material that helps the ball to float but dogs are chewing so often the materia came out and the ball sink in the water I expected a better toy I brought floating balls from germany they are working fine.", "summary": "I am not that satisfied inside the kong there is a material that helps ...", "unixReviewTime": 1410566400} +{"overall": 5.0, "verified": true, "reviewTime": "03 30, 2015", "reviewerID": "A3I68F38GIKYE0", "asin": "B0002566H4", "style": {"Size:": " Wolf/Medium", "Flavor Name:": " Liver Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Michelle", "reviewText": "LOVE IT", "summary": "Five Stars", "unixReviewTime": 1427673600} +{"overall": 3.0, "verified": true, "reviewTime": "11 25, 2014", "reviewerID": "A1MTXIKMEYPEJD", "asin": "B0002563S6", "reviewerName": "Chung-Yang Kao", "reviewText": "Try this once so far. Not bad.", "summary": "Good", "unixReviewTime": 1416873600} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2014", "reviewerID": "A2OTWS69KM2ND8", "asin": "B0002DHY4K", "style": {"Size:": " Up to 20-Gallons"}, "reviewerName": "kevin", "reviewText": "Keep my tank clean", "summary": "Five Stars", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2016", "reviewerID": "AM53BAPIJZ5TH", "asin": "B0002DH1Z2", "reviewerName": "GWalker", "reviewText": "This are replacements, by meets love these.", "summary": "Mirror", "unixReviewTime": 1458777600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "A1WF5U85E3T10G", "asin": "B0002DK91K", "style": {"Size:": " 10-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Chachi", "reviewText": "wonderful", "summary": "wonderful", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": false, "reviewTime": "06 29, 2013", "reviewerID": "ARQQ1L9SALFXD", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Caitlin", "reviewText": "Got this for my boxer it's our second one, the first got lost when we moved. Have been using it for 3+ years on a daily basis ( takes 5 min. tops) , gets the loose hair out and helps cut down on the shedding in the house. Works great for a short haired boxer!", "summary": "Dog loves it", "unixReviewTime": 1372464000} +{"overall": 4.0, "verified": true, "reviewTime": "08 18, 2015", "reviewerID": "A31UHKF7X3SBI", "asin": "B000255NAK", "style": {"Style:": " Ammonia"}, "reviewerName": "Jey", "reviewText": "pricing was good and tests seem accurate", "summary": "Four Stars", "unixReviewTime": 1439856000} +{"overall": 5.0, "verified": true, "reviewTime": "01 1, 2017", "reviewerID": "A2JK6UN83E142E", "asin": "B0002ARWTA", "style": {"Size:": " 6 Covers"}, "reviewerName": "T. Lowe", "reviewText": "Item exactly as described. Fast shipping. Very pleased with transaction and the can covers are just what we were looking for!", "summary": "Nice pet food can covers", "unixReviewTime": 1483228800} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2013", "reviewerID": "AALUN09OWTC5W", "asin": "B000256CG4", "style": {"Size:": " 4 count"}, "reviewerName": "Marie A", "reviewText": "I have 3 cats that love to play with these things. They hit them all over the house. They are happy when I find them for them; after they loose them; from batting them all over the place - LOL. Nice product for cats.", "summary": "My kitties love them!", "unixReviewTime": 1371513600} +{"overall": 5.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "A76A43SW9YWSI", "asin": "B0000AH3RR", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "Betsy W.", "reviewText": "We are a cattery raising Savannahs and Egyptian Maus. We have been feeding Purina product for 13 years", "summary": "Purina offers a high quality product with good quality controls. They have less recalls.", "unixReviewTime": 1522886400} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2016", "reviewerID": "A1YJMYNPW824IL", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Slim", "reviewText": "Very nice, very sharp, and does the job perfectly.", "summary": "Five Stars", "unixReviewTime": 1471910400} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2015", "reviewerID": "ATJJZWTQ3OTO0", "asin": "B00027CL5S", "style": {"Flavor Name:": " Freeze Dried Wild Salmon"}, "reviewerName": "Kathleen Sardy", "reviewText": "My cat goes nuts for these and she is very picky about treats. Usually they are a waste of money Don't hesitate to buy!", "summary": "Usually they are a waste of money Don't hesitate to buy", "unixReviewTime": 1443225600} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2013", "reviewerID": "A2S1Y51AAXBP6S", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Lamb & Barley"}, "reviewerName": "Ronnie Zatkoff", "reviewText": "My pitbull loves this food and she seems to get her nutrition from it. I haven't heard anything bad about this food; and would recommend Wellness to any dog owners", "summary": "Good Dog Food", "unixReviewTime": 1369353600} +{"overall": 2.0, "verified": true, "reviewTime": "11 10, 2015", "reviewerID": "A14740PSY8D18L", "asin": "B0002DGIOW", "reviewerName": "ernest kuhley", "reviewText": "not sure", "summary": "Two Stars", "unixReviewTime": 1447113600} +{"overall": 3.0, "verified": true, "reviewTime": "11 23, 2013", "reviewerID": "A10ZZ8Q4OU3NVK", "asin": "B0002J1FOO", "reviewerName": "gabalot", "reviewText": "I've been finding ticks on my animals only a couple of weeks after treatment. I have never had this problem before with other brands.", "summary": "Probably not", "unixReviewTime": 1385164800} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A2B15SRBD1OEFY", "asin": "B0002AQITK", "reviewerName": "Thomas Smith", "reviewText": "A great product at a great price along with fast delivery. What more can a customer ask for?", "summary": "Five Stars", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2016", "reviewerID": "A3GJ830GS96OT8", "asin": "B000084EAE", "style": {"Size:": " 3 oz. (Pack of 24)", "Flavor Name:": " Salmon", "Package Type:": " Standard Packaging"}, "reviewerName": "Leslie Wilson", "reviewText": "A+", "summary": "Five Stars", "unixReviewTime": 1471046400} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2018", "reviewerID": "AK0TRNAVU05L9", "asin": "B0002DJONY", "style": {"Size:": " 50 Pound"}, "reviewerName": "slim11361", "reviewText": "Keeps our dog food fresh. Seals nicely. Very happy with this purchase.", "summary": "Excellent Product", "unixReviewTime": 1524960000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2015", "reviewerID": "A1J4Y4YT8ICCOL", "asin": "B0002DK08C", "reviewerName": "Mjay", "reviewText": "love it", "summary": "Five Stars", "unixReviewTime": 1427587200} +{"reviewerID": "A1UFZSX9YZ2XNF", "asin": "B00025650W", "reviewerName": "Nathan T Smrha", "verified": true, "reviewText": "Still working after months now! have a small bubbler running to it and it still generates a very pleasant bubblewall with even distribution. now if they only made one in black so that it wouldnt look so ugly in my fish tank", "overall": 5.0, "reviewTime": "05 26, 2016", "summary": "perfect bubble wall!", "unixReviewTime": 1464220800} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "02 3, 2014", "reviewerID": "A3G45BSREBPS3U", "asin": "B000634HD2", "style": {"Size:": " 28-Pound"}, "reviewerName": "Delene G. Dunne", "reviewText": "My vegan girls love it. I have a Bloodhound and a Greyhound. Their coats look great ( I also make some homemade food to go with, helps keeps the cost down).", "summary": "NIce to find a vegan dog food", "unixReviewTime": 1391385600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2017", "reviewerID": "A2WE3XTVMM84L1", "asin": "B0002YFQ6W", "style": {"Size:": " 16 Ounce"}, "reviewerName": "Katherine", "reviewText": "This was is great and my dogs smell good too.", "summary": "good dog shampoo", "unixReviewTime": 1489968000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2015", "reviewerID": "A31DPURG5EUK9L", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "brambles", "reviewText": "Gave as a gift to a lovely goldendoodle, who absolutely loved the toy. She played with until totally used up.", "summary": "Great Dog Toy", "unixReviewTime": 1428451200} +{"reviewerID": "APJAQA920VIU8", "asin": "B0002PYDII", "reviewerName": "Amazon Customer", "verified": true, "reviewText": "Great! Helps keep litter off the floor, enough room for a small-medium size cat.", "overall": 5.0, "reviewTime": "11 28, 2015", "summary": "Five Stars", "unixReviewTime": 1448668800} +{"overall": 4.0, "verified": true, "reviewTime": "04 28, 2016", "reviewerID": "A3CGAVC1Z5J9YH", "asin": "B00025Z6K2", "style": {"Size:": " 8.80 Ounces"}, "reviewerName": "Amazon Customer", "reviewText": "I generally cannot get my fish to eat Hikari fish foods but they love this stuff. I feed it to my plecos and it seems everything but the big cichlids will eat it up greedily. I feed it to my large snails as a supplement and even the Cory catfish like to nibble on it.", "summary": "Good stuff", "unixReviewTime": 1461801600} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2012", "reviewerID": "A1WE47VJ1DDIQ4", "asin": "B00027466A", "style": {"Size:": " Small (Up to 25 lbs)", "Color:": " Blue"}, "reviewerName": "casper", "reviewText": "This is the best dog bed, haven,t had many, but how can you improve it. You can,t. Washes really nice. Dogs love it. Fits up to 80 pound lab. If you have big dog like great Dane buy two and put them together. Funny I always had blue side up I guess it is suppose to on bottom.", "summary": "Best dog bed", "unixReviewTime": 1334620800} +{"overall": 5.0, "verified": true, "reviewTime": "11 12, 2015", "reviewerID": "A2L5DSXK1QR93A", "asin": "B000256ELM", "style": {"Size:": " 19\" x 8\""}, "reviewerName": "Amanda Stewart", "reviewText": "Works great for my two turtles, holds up well even with both of them on it at the same time.", "summary": "Works great for my two turtles", "unixReviewTime": 1447286400} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2013", "reviewerID": "A3NK8JXTUEH41J", "asin": "B000255OIG", "style": {"Size:": " 21 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "Andree V.", "reviewText": "My dogs go nuts over these treats. Great value for the price. I have 3 dogs and one bucket lasts for several months.", "summary": "Dogs love em", "unixReviewTime": 1385078400} +{"overall": 4.0, "verified": true, "reviewTime": "12 12, 2015", "reviewerID": "A1BK2FIREWAIP5", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Derrikd", "reviewText": "Good for a puppy. .", "summary": "Four Stars", "unixReviewTime": 1449878400} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A26QBZPIZW7JOT", "asin": "B00027466A", "style": {"Size:": " Small (Up to 25 lbs)", "Color:": " Blue"}, "reviewerName": "PetLover", "reviewText": "My large dog loved this bed as soon as we set it out for her. She went straight for it, laid down, and fell asleep.", "summary": "Great travel bed", "unixReviewTime": 1479081600} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "A2A22YPSCVOLIA", "asin": "B0002DGIGK", "style": {"Size:": " 5 Pound"}, "reviewerName": "Mr. Olds", "reviewText": "Works great!", "summary": "Works great!", "unixReviewTime": 1522195200} +{"overall": 4.0, "verified": true, "reviewTime": "10 2, 2015", "reviewerID": "A3C329U6ZEO76R", "asin": "B0002DH8L4", "style": {"Color:": " Pearl White"}, "reviewerName": "Stephen A Lee", "reviewText": "A little hard to get the top portion to align with the bottom, but the cats seem to like it.", "summary": "but the cats seem to like it.", "unixReviewTime": 1443744000} +{"overall": 5.0, "verified": true, "reviewTime": "06 13, 2008", "reviewerID": "A3IPTMFP4VE4V", "asin": "B0002J1F76", "reviewerName": "LHunter84XLH", "reviewText": "I have used this product on my kitty for almost one year, and have not seen a flea or tick on him and he is an outside kitty", "summary": "Frontline Flea & Tick for cats", "unixReviewTime": 1213315200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2015", "reviewerID": "A2N8QLN734TEOT", "asin": "B0002IJQDC", "style": {"Size:": " 60-Gram"}, "reviewerName": "Jolivia", "reviewText": "Great for dry paws!", "summary": "Five Stars", "unixReviewTime": 1437350400} +{"overall": 5.0, "verified": true, "reviewTime": "02 16, 2015", "reviewerID": "A10G0A0SVGOUY7", "asin": "B000084ERH", "style": {"Size:": " Souper/X-Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Elissa K. O'leary", "reviewText": "Initially, our dogs ignored these bones but then once they got started on them, they have quickly become the favorite choice, and they have a lot of choices.", "summary": "they have quickly become the favorite choice, and they have a lot of choices", "unixReviewTime": 1424044800} +{"overall": 3.0, "verified": true, "reviewTime": "03 19, 2018", "reviewerID": "A39YXVCR7WVJHP", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "Serra Villa", "reviewText": "My dog loved these but also destroyed them in a day.", "summary": "Three Stars", "unixReviewTime": 1521417600} +{"overall": 5.0, "verified": true, "reviewTime": "03 5, 2018", "reviewerID": "A1MQY5U5G8G877", "asin": "B000274674", "style": {"Size:": " Large (11 in x 11 in)"}, "reviewerName": "PatC", "reviewText": "My 90 pound German Shepherd LOVES these things. I have two since he has trouble letting go of it. LOL He'll also chew the corners off if I let him.", "summary": "Great toy", "unixReviewTime": 1520208000} +{"overall": 1.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A3K0N8ZIGXUEQC", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "Christine", "reviewText": "Sent back. Choking hazard. I have 5 month old Beagles I would never change letting them play with this. Possibly better for tea cup breads or cats", "summary": "Choking Hazard", "unixReviewTime": 1439164800} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2012", "reviewerID": "A12PHYQPCHVRFG", "asin": "B0002AR3PS", "style": {"Size:": " 75-watt", "Package Type:": " Standard Packaging"}, "reviewerName": "ghost0072", "reviewText": "Works great for night time heat for all my reptiles! Couldn't be happier with the product. It lasts a while since its not on 24/7. :-)", "summary": "works great!", "unixReviewTime": 1335657600} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A2VJ8PTKBF6GA6", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "Nancy Liguori &amp; Lynn Baker", "reviewText": "My cats love it", "summary": "Four Stars", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2015", "reviewerID": "A2S8LBQ1ZFDCQ9", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Tea Tree and Aloe"}, "reviewerName": "Marguerite Hughes", "reviewText": "great product with great service", "summary": "Five Stars", "unixReviewTime": 1429401600} +{"overall": 1.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "A2OD06JGB3CBTQ", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Jlavrack", "reviewText": "Puppy never touched.", "summary": "Puppy never touched.", "unixReviewTime": 1511481600} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2016", "reviewerID": "A2HX9HKNUHFK8C", "asin": "B00028DOX0", "style": {"Size:": " Medium"}, "reviewerName": "Marjorie Lawrence", "reviewText": "This was a necessary part of my pet door this did not come with the pet door. I order this to complete the install. It came quickly and worked great.", "summary": "It came quickly and worked great.", "unixReviewTime": 1459209600} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2017", "reviewerID": "A34QVDAWDS4T5Y", "asin": "B0002DHYH2", "style": {"Size:": " Up to 20-Gallons"}, "reviewerName": "Danielle Hess", "reviewText": "Good filter for my tank. No issues. Reliable and runs pretty quiet.", "summary": "Five Stars", "unixReviewTime": 1505174400} +{"overall": 5.0, "verified": true, "reviewTime": "02 13, 2015", "reviewerID": "ANLIIFPHJQWEX", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "S. Snyder", "reviewText": "My Pomeranian loved this! She plays with the little squirrels all the time and threatens anyone who comes near them!", "summary": "Pom loved it!", "unixReviewTime": 1423785600} +{"overall": 5.0, "verified": true, "reviewTime": "05 9, 2018", "reviewerID": "A2EB4BFZSTCBSX", "asin": "6162622851", "reviewerName": "Jules", "reviewText": "great price if you subscribe, same price as most places other wise. Make sure and leave the recommended room so the meds don't irritate the dogs skin. Works 6-8 months depending on your dogs activity with water or baths", "summary": "Great product", "unixReviewTime": 1525824000} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A16O29GBIFYFF0", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Jeff Longo", "reviewText": "Needed an upgrade from my old dog clippers.\n\nThese are currently making my life much easier. Clips nails like butter. The guard helps a ton to be able to make a quick cut and make sure you aren't getting too deep and cutting your pup.", "summary": "Much needed upgarde.", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2016", "reviewerID": "A23TI038HWPK89", "asin": "B0002YFSDI", "style": {"Size:": " 1/2\" x 6'", "Color:": " Orange"}, "reviewerName": "juice drinker", "reviewText": "Quality slip leash Mendota did not disappoint", "summary": "Five Stars", "unixReviewTime": 1479772800} +{"overall": 4.0, "verified": true, "reviewTime": "02 17, 2015", "reviewerID": "A3R4TP2S9IJOPF", "asin": "B0002DHY4K", "style": {"Size:": " Up to 60-Gallons"}, "reviewerName": "greentree", "reviewText": "I like the fact that the piping was longer than the one I had before, it was closer to the bottom of the tank.....", "summary": "I like the fact that the piping was longer than the ...", "unixReviewTime": 1424131200} +{"overall": 5.0, "verified": true, "reviewTime": "01 16, 2015", "reviewerID": "A3U5BVAV07Q9G6", "asin": "B0002566YC", "style": {"Size:": " 50-Ounce"}, "reviewerName": "Brian A. Rossi", "reviewText": "fish live long time", "summary": "Five Stars", "unixReviewTime": 1421366400} +{"overall": 5.0, "verified": true, "reviewTime": "01 24, 2016", "reviewerID": "A1NLQ1LJTW06PL", "asin": "B000084ES8", "style": {"Size:": " 12.5-Ounce Can (Pack of 12)", "Flavor Name:": " Turkey Pate", "Package Type:": " Standard Packaging"}, "reviewerName": "Ben", "reviewText": "I always buy this so I'm not sure what to write! Great product!", "summary": "I Always Buy This!", "unixReviewTime": 1453593600} +{"overall": 5.0, "verified": true, "reviewTime": "05 28, 2017", "reviewerID": "A24RK6Z0ZNBV0G", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "L. King", "reviewText": "Our rabbits love these cubes. Great treat and helps keep teeth worn down.", "summary": "Our bunnies love these!", "unixReviewTime": 1495929600} +{"overall": 5.0, "verified": true, "reviewTime": "03 7, 2017", "reviewerID": "A3SFLH53U21610", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Amy_G", "reviewText": "Couldn't live without it, neither could my fish :)", "summary": "Easy and helpful", "unixReviewTime": 1488844800} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "07 10, 2014", "reviewerID": "AUJEWFKJ5YN55", "asin": "B0002DK6D6", "style": {"Size:": " 15 count"}, "reviewerName": "A. Weaver", "reviewText": "Regular garbage bags work better. Thin plastic. Had to use 3 at a time and my cat still scratched through all 3. Very disappointed considering reviews of this looked high.", "summary": "Waste of $$", "unixReviewTime": 1404950400} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2017", "reviewerID": "A3ASE1FZGL3JNK", "asin": "B0002AR19Q", "style": {"Color:": " Blue", "Package Type:": " Standard Packaging"}, "reviewerName": "margaret alessandroni", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1493769600} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2015", "reviewerID": "A3RBFD4OQVIV3P", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Bird"}, "reviewerName": "Citichap", "reviewText": "OUR DOG LOVES THEM.", "summary": "Five Stars", "unixReviewTime": 1425340800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A2V8ZRN00JGH54", "asin": "B0002ARSCQ", "reviewerName": "Linda Fletcher", "reviewText": "Great product", "summary": "Great product", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2015", "reviewerID": "A2TSYW8IUJ2AZ9", "asin": "B0002AS61S", "style": {"Size:": " Large", "Color:": " Assorted"}, "reviewerName": "Sammi Calderon", "reviewText": "Work well. I've had no issues so far.", "summary": "Five Stars", "unixReviewTime": 1448928000} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2015", "reviewerID": "A2WDQVQWQ5H55L", "asin": "B0002APX0U", "reviewerName": "Alice", "reviewText": "Very happy with product.", "summary": "Five Stars", "unixReviewTime": 1426809600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "AHSFVS8QK5YNX", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "Mark A. Harlan", "reviewText": "Great Value and always a great product. I paid about half retail price. Thanks", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 4.0, "vote": "3", "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A2U5X5DU0MXTSR", "asin": "B0002DHOPY", "reviewerName": "Irios", "reviewText": "I was expecting driftwood just like the picture, I got a straight one. The product is nice, came on time. Just wish they had the option to choose the shape of the driftwood instead of making it at random.", "summary": "I was expecting driftwood just like the picture", "unixReviewTime": 1489363200} +{"overall": 3.0, "verified": true, "reviewTime": "08 27, 2017", "reviewerID": "A3LBZFK6IYESQO", "asin": "B0002DH2YW", "style": {"Size:": " Twin pack"}, "reviewerName": "C. Acker", "reviewText": "One was perfect the other one was broken in half.", "summary": "Three Stars", "unixReviewTime": 1503792000} +{"overall": 5.0, "verified": false, "reviewTime": "12 26, 2014", "reviewerID": "A1U9ZR7HQ5EZ6L", "asin": "B000084EEF", "reviewerName": "Thinker623", "reviewText": "I received the blue one as pictured. Mu cat loves to, sit on it and occasionally plays with the ball.", "summary": "Worked.", "unixReviewTime": 1419552000} +{"overall": 5.0, "verified": true, "reviewTime": "10 8, 2015", "reviewerID": "AX8D5IMRHKDAY", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " Puppy", "Package Type:": " Standard Packaging"}, "reviewerName": "Amazon Customer", "reviewText": "My puppy loves it and this is all that matters. It also smells great.", "summary": "Puppy loves it", "unixReviewTime": 1444262400} +{"reviewerID": "A2Y37N34O8CDIE", "asin": "B0002565TI", "reviewerName": "William A Toll", "verified": true, "reviewText": "good product, I like Marineland stuff. I would definitely suggest people use marineland products for their fish tanks, quick and easy.", "overall": 5.0, "reviewTime": "02 20, 2014", "summary": "work like they are suppose to easy and quick", "unixReviewTime": 1392854400} +{"overall": 4.0, "verified": true, "reviewTime": "03 29, 2014", "reviewerID": "A1T9J10DBJXBWA", "asin": "B0000TWC2K", "style": {"Size:": " Large"}, "reviewerName": "LINDA R", "reviewText": "It is presently too big and heavy for my Lab puppy; therefore, 4 of 5 stars. I will save it for when she gets larger. It looks very well made--tough.", "summary": "Great service & delivery from Amazon.", "unixReviewTime": 1396051200} +{"overall": 5.0, "verified": true, "reviewTime": "05 16, 2015", "reviewerID": "A1OY9OKW7II3YY", "asin": "B0001ZWZ8O", "style": {"Style:": " Stay + Play Wireless Fence"}, "reviewerName": "G. Otto", "reviewText": "Great way to keep your dog in the yard.", "summary": "Five Stars", "unixReviewTime": 1431734400} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "AP0X04HRP3ODN", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Nolanolan", "reviewText": "My dog LOVES these! They are great quality and offer excellent durability, even for the most difficult chewers. My dog rips every toy apart, but these are still staying strong!", "summary": "Durable!", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2015", "reviewerID": "A1T1YTFO6T1UNH", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Kish", "reviewText": "My Mainecoon, Ember, absolutely love it. But its really fun for me to play with too, and all of my visitors. It makes awesome shapes in the air. Easy for cat to grab on to and she likes to chew it too.", "summary": "Best cat toy we have had yet", "unixReviewTime": 1436659200} +{"overall": 3.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "A1VFC0PVO9JTA1", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "lynn herman", "reviewText": "No damage from older dog yet. Hoping this will be ok. Have found that really hard rubber products and the rope toys work the best with the two dogs.", "summary": "Have found that really hard rubber products and the rope toys work the best with the two dogs", "unixReviewTime": 1404864000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2016", "reviewerID": "AJKGUHKYMF3P", "asin": "B0002AQBCE", "reviewerName": "Amazon Customer", "reviewText": "Just recieved it today. I have an old one and was happy to find that they are still made. The cat loves it.", "summary": "I have an old one and was happy to find that they are still made", "unixReviewTime": 1455667200} +{"overall": 5.0, "verified": true, "reviewTime": "03 15, 2016", "reviewerID": "A2SZ5LGEQ6363R", "asin": "B0002FP404", "reviewerName": "Donna's List", "reviewText": "Parakeets love it and it helps especially during molting, or for babies.", "summary": "Five Stars", "unixReviewTime": 1458000000} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2018", "reviewerID": "A1UJBHQJ5YCVY9", "asin": "B0002ASF50", "style": {"Size:": " 16 oz"}, "reviewerName": "Joe P", "reviewText": "A must-have for freshwater aquarium owners!", "summary": "Five Stars", "unixReviewTime": 1518825600} +{"overall": 3.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "A25ZSWL2EUA50S", "asin": "B0002YFSDI", "style": {"Size:": " 1/2\" x 6'", "Color:": " Red"}, "reviewerName": "J. A. Hupperich", "reviewText": "gift", "summary": "gift", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2016", "reviewerID": "A27NVU9QNO0GEO", "asin": "B00028DOX0", "style": {"Size:": " Medium"}, "reviewerName": "Matt M.", "reviewText": "Keeps my dog from bugging me.", "summary": "Five Stars", "unixReviewTime": 1454284800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/61mHHj5r3hL._SY88.jpg"], "overall": 2.0, "vote": "7", "verified": true, "reviewTime": "03 21, 2015", "reviewerID": "A2HBZBA0NNUK4T", "asin": "B0002ASD34", "reviewerName": "Rully P. Wijaya", "reviewText": "I followed the instruction, and the silicone end up exploding from the bottom. probably a good product if it works properly", "summary": "probably good", "unixReviewTime": 1426896000} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2016", "reviewerID": "AKVPN46G9V0CP", "asin": "B00025YTZA", "style": {"Size:": " 100 ct (bag)"}, "reviewerName": "Dana L. Booth", "reviewText": "I have a very small dog and I use these so he doesn't have to go outside. They're absorbent and well made. I'll be a repeat customer for sure. The pricing is a huge bonus", "summary": "Great pads", "unixReviewTime": 1482624000} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A2P0VYROU7DPM8", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "Ricky Rick", "reviewText": "Good", "summary": "Nice price", "unixReviewTime": 1503100800} +{"overall": 4.0, "verified": true, "reviewTime": "09 1, 2017", "reviewerID": "A2C42ZZTE8MZTX", "asin": "B000633VSE", "style": {"Size:": " 1 Pack"}, "reviewerName": "Paul Da Ponte", "reviewText": "Great product for my puppy....\nOnly wish the buckle was a little tighter...my puppy always finds a way to scratch it off him....", "summary": "Great product for my puppy", "unixReviewTime": 1504224000} +{"overall": 5.0, "verified": false, "reviewTime": "09 24, 2016", "reviewerID": "A18G0130WWVQKV", "asin": "B0002DI3UY", "style": {"Size:": " 108 Oz", "Color:": " Black"}, "reviewerName": "Amazon Customer", "reviewText": "Bought this as a present for my grandmother and although she had some confusion setting it up, she is very pleased. Seems to be good quality.", "summary": "she is very pleased. Seems to be good quality", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "05 24, 2016", "reviewerID": "A3JDGLIOMMYJAW", "asin": "B00025K102", "style": {"Size:": " 1-Ounce"}, "reviewerName": "RoxyH", "reviewText": "The fish beg for these every morning so they must be good!", "summary": "The fish beg for these every morning so they must be good!", "unixReviewTime": 1464048000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2016", "reviewerID": "A10PM9BV8B0M2R", "asin": "B0002DGL26", "style": {"Color:": " Blue", "Package Type:": " Standard Packaging", "Style:": " T-Rex"}, "reviewerName": "james kissam", "reviewText": "Perfect!!!", "summary": "Five Stars", "unixReviewTime": 1478217600} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A3VW0YJTJL9L7I", "asin": "B0002ASN5W", "style": {"Size:": " Regular"}, "reviewerName": "Amazon Customer", "reviewText": "A rawhide this size would normally last our dog about 45 minutes. The Nylabone keeps her occupied just as well and has seen hours and hours of chew time and barely looks used. Definite money saver!", "summary": "Great Value/Alternate to Rawhide", "unixReviewTime": 1480809600} +{"overall": 4.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "AVXRQEJWXK9TH", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Amazon Customer", "reviewText": "Product arrived as advertised and described.", "summary": "Recommend!!", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "AVBDC6H0O17J6", "asin": "B0002ARTYI", "style": {"Color:": " Chicken"}, "reviewerName": "Amazon Customer", "reviewText": "Love the talking!!! Cute! Cute!", "summary": "Five Stars", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2017", "reviewerID": "A22UN4KOSQ4K8W", "asin": "B0002J1FOE", "reviewerName": "Deb", "reviewText": "I use nothing but frontline on my dogs", "summary": "Five Stars", "unixReviewTime": 1498608000} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2013", "reviewerID": "A175XXVMLQA98A", "asin": "B0002DHQRA", "style": {"Size:": " 2-Pack"}, "reviewerName": "J Rickman", "reviewText": "I love these! They work great for media in my HOB filters and my canister filters. I use them in all of my filters!", "summary": "Great", "unixReviewTime": 1381104000} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2017", "reviewerID": "A3NBHJ3ODXQ6BT", "asin": "B00063425K", "style": {"Size:": " 5 lb", "Flavor Name:": " Chicken Meal Rice & Barley", "Style:": " Active Longevity Dry"}, "reviewerName": "brandtfamtree55", "reviewText": "Really like this dog food for my older dogs. Still very active at 10 and 11 and think this dog food helps.", "summary": "Good Dog Food for my older dogs", "unixReviewTime": 1498089600} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2016", "reviewerID": "A262B3K57YX1CS", "asin": "B00025K102", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "Ervin W. Schrader", "reviewText": "A good buy for my four parakeets.", "summary": "A good buy.", "unixReviewTime": 1471219200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A3770U6DI9MI6H", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "maria moore", "reviewText": "Omg my dog is crazy for this..her favorite", "summary": "My yorkie is crazy for this", "unixReviewTime": 1413676800} +{"overall": 2.0, "verified": true, "reviewTime": "06 19, 2015", "reviewerID": "A1LM1G3101EQ6Y", "asin": "B000633VSE", "style": {"Size:": " 1 Pack"}, "reviewerName": "Cherie", "reviewText": "Don't work", "summary": "hartz", "unixReviewTime": 1434672000} +{"overall": 5.0, "verified": true, "reviewTime": "10 12, 2016", "reviewerID": "A2AZGGKOGLE2L4", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Mimi", "reviewText": "She luvs this! Plays with it all the time.", "summary": "Five Stars", "unixReviewTime": 1476230400} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A25O0YGSST43UA", "asin": "B0002566WO", "style": {"Size:": " 40-Ounce"}, "reviewerName": "Tiffany", "reviewText": "I sprinkle into the litter box! I think it helps with the odor prevention", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2016", "reviewerID": "A23KSNWX7PYZ1M", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "Trish", "reviewText": "Best ones out there.... THE BEST Jerry, THE BEST!!!!!!!!", "summary": "Five Stars", "unixReviewTime": 1470182400} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "02 19, 2013", "reviewerID": "A56C87N2BHQ45", "asin": "B0002AQRMI", "style": {"Size:": " 12-Ounce", "Style:": " Fresh Floral Scent"}, "reviewerName": "Angel J.", "reviewText": "Well I must say that this stuff actually works & long! To make it work better I suggest using the shampoo & conditioner. I have a Great Dane and she smells great for 2 weeks from just one bath :-) I'm trying the powder one next", "summary": "Awesome product!", "unixReviewTime": 1361232000} +{"overall": 5.0, "verified": true, "reviewTime": "07 22, 2016", "reviewerID": "A2C9AF6U7MT2VZ", "asin": "B0002AQL5G", "reviewerName": "Shawna Kristine", "reviewText": "Just what I needed. Arrived in perfect condition.", "summary": "Arrived in perfect condition.", "unixReviewTime": 1469145600} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2015", "reviewerID": "A3SVKXAIRHX911", "asin": "B0002ARQV4", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1444694400} +{"overall": 2.0, "verified": true, "reviewTime": "01 2, 2016", "reviewerID": "A1ZOSMWH5D307O", "asin": "B00061UQ6G", "style": {"Size:": " 50 Watt"}, "reviewerName": "Cagney", "reviewText": "After about 3 months this heater stopped working, I would suggest spending a little more and getting one with a lifetime warranty like Aqueon, we already spend a lot of money keeping our tanks clean and maintained I should have done more research prior to this purchase.", "summary": "Upgrade from the start.....don't waste money.", "unixReviewTime": 1451692800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2017", "reviewerID": "APQYP8561NAP4", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Ben Davis", "reviewText": "Best deal per ounce on the internet.", "summary": "Best deal per ounce on the internet.", "unixReviewTime": 1504828800} +{"overall": 4.0, "verified": true, "reviewTime": "07 25, 2015", "reviewerID": "APUWLPVGBKVJV", "asin": "B0002DJWUY", "style": {"Size:": " Heavyweight (5.00\" x 3.25\" x 5.00\")"}, "reviewerName": "mikeytusa", "reviewText": "He seems to like it. Rough material too, so it should actually last a long time.", "summary": "Four Stars", "unixReviewTime": 1437782400} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2018", "reviewerID": "A2ZQR1JWKXXVCK", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "AK Girl", "reviewText": "Again great idea and Loads of Fun for the dogs when they find the little critters inside.", "summary": "Highly Recommend!", "unixReviewTime": 1516320000} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2013", "reviewerID": "A1N1UPC7H1HPN9", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Starlight", "reviewText": "Good cat food covers. Have run through the dishwasher and hold up great. Not much more to say, they work. :)", "summary": "work great", "unixReviewTime": 1373241600} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2018", "reviewerID": "A1Z5N443E2DJNZ", "asin": "B000255OIG", "style": {"Size:": " 11.5 OZ.", "Flavor Name:": " Chicken Breast"}, "reviewerName": "Ms. Buttons", "reviewText": "Freeze-dried chicken translation every dogs dream come true. My lil fella loves them.", "summary": "2 paws up :)", "unixReviewTime": 1515888000} +{"overall": 5.0, "verified": true, "reviewTime": "09 26, 2017", "reviewerID": "A27E08MI8411SY", "asin": "B0000AH3QW", "style": {"Size:": " 31.1 lb. Bag"}, "reviewerName": "jesseh93", "reviewText": "My dogs love it!", "summary": "Five Stars", "unixReviewTime": 1506384000} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2017", "reviewerID": "ACNGLLIJYRPOL", "asin": "B00062B84O", "style": {"Style:": " Scratch Up"}, "reviewerName": "Raeann", "reviewText": "I'm not sure how I like this being on my door. When they scratch it it moves around so I might move it to the floor. But so far they love it!", "summary": "Great product!", "unixReviewTime": 1501545600} +{"overall": 5.0, "verified": true, "reviewTime": "07 17, 2016", "reviewerID": "A3J43PU2PGZVT6", "asin": "B000084ERR", "style": {"Size:": " 12.5-Ounce Can (Pack of 12)", "Flavor Name:": " Puppy", "Package Type:": " Standard Packaging"}, "reviewerName": "Short Shot", "reviewText": "My puppy loves this stuff. Just won't eat the Wellness dry. A bit pricey tho but like the Vet says, Pay now or pay later with my dogs health.", "summary": "A bit pricey tho but like the Vet says", "unixReviewTime": 1468713600} +{"overall": 5.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "AFN6596IZ8PZ1", "asin": "B0002ARURE", "reviewerName": "Robert E. Stroozas Jr.", "reviewText": "Great product that really helped the birds (both adults and babies) stay healthy during this nesting season!", "summary": "Five Stars", "unixReviewTime": 1468281600} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2017", "reviewerID": "ABGVRKO62VNWP", "asin": "B0002XAFTG", "style": {"Style:": " 1 Pack"}, "reviewerName": "K. Peterson", "reviewText": "Great product, fast transaction. Would buy again. Thanks!", "summary": "Great product", "unixReviewTime": 1493424000} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2016", "reviewerID": "ATE2LFADLFQ8H", "asin": "B0002I9O84", "style": {"Size:": " 60 Tablets"}, "reviewerName": "EP", "reviewText": "cats really like the taste", "summary": "Five Stars", "unixReviewTime": 1452556800} +{"overall": 3.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A1L0NF1TBU71C9", "asin": "B0002DIO2G", "style": {"Size:": " 4 fl.oz.", "Style:": " Liquid Catnip"}, "reviewerName": "Dick Hendrix", "reviewText": "Cats not crazy about it,", "summary": "Not the best", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "11 16, 2016", "reviewerID": "A1L7C5SG1PVE1W", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "Dave", "reviewText": "My dog loved it. Destroyed in 2 minutes flat!", "summary": "My dog loved it. Destroyed in 2 minutes flat", "unixReviewTime": 1479254400} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2018", "reviewerID": "A1GVQGBFLICFTE", "asin": "B0002AT450", "style": {"Size:": " Small, 7\" x 7\" x 38\""}, "reviewerName": "peachy", "reviewText": "Works great. Small the pan is as wide as the rake but great for picking up small amounts of dog waste or even garbage on your front lawn. Light and easy to carry around.", "summary": "Works great", "unixReviewTime": 1523577600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A12AMCBUFJYX9H", "asin": "B0002DGLPS", "style": {"Size:": " Petite", "Flavor Name:": " Dental/Bacon/Original", "Package Type:": " Standard Packaging"}, "reviewerName": "KathyFL", "reviewText": "My puppies loved these!", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2017", "reviewerID": "A255M8ILT7UAN1", "asin": "B0002A5X7I", "style": {"Size:": " 250 MILLILITER"}, "reviewerName": "Dougm114", "reviewText": "Perfect", "summary": "Five Stars", "unixReviewTime": 1502496000} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2018", "reviewerID": "A6ZMO6QVRN7EE", "asin": "B0001AB42W", "style": {"Size:": " Large 48\" x 20\"", "Style:": " Mat and Controller"}, "reviewerName": "Michelle", "reviewText": "Works on keeping cats off hubby's desk. No more cat spray on monitor.", "summary": "Works fast", "unixReviewTime": 1516579200} +{"overall": 5.0, "verified": true, "reviewTime": "06 19, 2016", "reviewerID": "A1B2SVLM76Z26", "asin": "B0002AQNY0", "style": {"Size:": " Size 6"}, "reviewerName": "evadjr1", "reviewText": "I loved it, exactly as said, I would buy again", "summary": "Five Stars", "unixReviewTime": 1466294400} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2017", "reviewerID": "A22Z2N0MLPCYTB", "asin": "B0002AQCLO", "style": {"Size:": " 8\"l x 6\"w"}, "reviewerName": "Mashi", "reviewText": "Please use this with a thermostat to control the temperature!", "summary": "Five Stars", "unixReviewTime": 1500940800} +{"overall": 1.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "A3K5C1W3PFF093", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "Lynn Chapman", "reviewText": "Our bunny doesn't care for them much! Maybe yours will.", "summary": "One Star", "unixReviewTime": 1481673600} +{"overall": 4.0, "vote": "2", "verified": true, "reviewTime": "01 22, 2015", "reviewerID": "AE67JM1D32DRZ", "asin": "B00061MPCY", "style": {"Size:": " 16oz"}, "reviewerName": "Walter E. Doehne Jr", "reviewText": "be careful--same product, listed and photo different--cost different", "summary": "careful--listed and photo different", "unixReviewTime": 1421884800} +{"overall": 3.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "A30KQ6MNQ964DD", "asin": "B00004ZB4I", "style": {"Color:": " clear"}, "reviewerName": "Amazon Customer", "reviewText": "Met my expectations", "summary": "Three Stars", "unixReviewTime": 1465948800} +{"overall": 4.0, "verified": false, "reviewTime": "02 3, 2016", "reviewerID": "A256JQ44GB4MUJ", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Amazon Customer", "reviewText": "Great product", "summary": "good", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "06 6, 2016", "reviewerID": "A2EU3UWIIA3YD2", "asin": "B0002AQPA2", "style": {"Size:": " Medium"}, "reviewerName": "HMC702", "reviewText": "I gave this a 5 star because the quality is great. Just make sure to get the right size. This is too big for my 11 pound Shorkie. He isn't strong enough to get the treats all the way out. He needs a smaller size", "summary": "This size too big for small breed", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2016", "reviewerID": "AIVSD2FFKH8EH", "asin": "B0002ARFQK", "reviewerName": "C. L. Ingram", "reviewText": "My sun conure loves these.", "summary": "Five Stars", "unixReviewTime": 1462320000} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2016", "reviewerID": "A12T24DSB3OSYQ", "asin": "B0002E7ITK", "style": {"Size:": " 125g/All Sizes"}, "reviewerName": "jonathan olarti", "reviewText": "My tapojo cichlids thank you", "summary": "Yum yum", "unixReviewTime": 1472860800} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2016", "reviewerID": "A13GHTZABXLG8", "asin": "B0002DKBDG", "style": {"Size:": " 25-Ounce"}, "reviewerName": "Mae Daee", "reviewText": "I love that this product comes in large sizes, because I'm talking the dog backpacking and hiking this summer, and this will be needed. With the large bottle, you have to find flat ground as that is really top heavy.", "summary": "I can't wait to take this hiking with us.", "unixReviewTime": 1460592000} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "06 5, 2013", "reviewerID": "A77RM5UHQXBNF", "asin": "B0002XIZOS", "reviewerName": "M. Spranger", "reviewText": "I have used this product for years and stand by it. We have mini schnauzers, one of the many breeds of dogs, that must be groomed and that grow lots of ear hair. I squish this in, wait a few minutes and it makes the pulling out of the hairs much more tolerable for our dogs.", "summary": "Great for our dogs ears", "unixReviewTime": 1370390400} +{"overall": 5.0, "verified": true, "reviewTime": "10 13, 2013", "reviewerID": "ABW1VKDRDJSA3", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " Cinnamon Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "PJ", "reviewText": "I put this in his crate and he did not wait til bedtime to start using it! He still used it and I can wash and dry it as needed!", "summary": "Perfect", "unixReviewTime": 1381622400} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2017", "reviewerID": "A3E8XMZBTW3WKH", "asin": "B0002O0126", "style": {"Size:": " 2 oz. Tub"}, "reviewerName": "Island Di", "reviewText": "Makes my four fur boys go crazy. So much fun to watch them roll.", "summary": "Super nip", "unixReviewTime": 1486080000} +{"overall": 5.0, "verified": true, "reviewTime": "06 10, 2014", "reviewerID": "ACWI476GB6NT3", "asin": "B00028ZLTK", "reviewerName": "John S. Kjellman", "reviewText": "I give this supplement to my Golden Retriever to help with his joints. Being 9 years old he has his mobility problems and this formulation seems to help.", "summary": "Great for my Golden", "unixReviewTime": 1402358400} +{"overall": 5.0, "verified": true, "reviewTime": "01 20, 2016", "reviewerID": "A1QSC14HSIAFX7", "asin": "B0002C7FF4", "style": {"Size:": " 6 applications", "Color:": " 21-55 Lbs"}, "reviewerName": "Anny", "reviewText": "no problems.", "summary": "Five Stars", "unixReviewTime": 1453248000} +{"overall": 3.0, "verified": true, "reviewTime": "06 22, 2013", "reviewerID": "A124ZQNCYFPJ85", "asin": "B0002APS78", "reviewerName": "Joseph R. Crider", "reviewText": "Works in a pinch, but the support brackets make it impossible to close the hood, and for a secure fit, you must clear all gravel and refill once in place. Works great for a tempory fix, just not perminent.", "summary": "Lee's Aquarium Tank Divider 40 Gallon Breeeder and 29/55 Gallon", "unixReviewTime": 1371859200} +{"overall": 4.0, "verified": true, "reviewTime": "12 21, 2016", "reviewerID": "A2B88Z5042L1IL", "asin": "B000633Y4A", "style": {"Size:": " 2 Count", "Flavor Name:": " Peanut Butter"}, "reviewerName": "PatandMichelle", "reviewText": "My labs love these bones, they will spend hours chewing on them, long after filling is gone!!", "summary": "Four Stars", "unixReviewTime": 1482278400} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2012", "reviewerID": "A9YCT9TZJOFXY", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Chicken"}, "reviewerName": "Deborah Felton", "reviewText": "My golden has that big old mouth so he gets this super size nylabone, didn't know this size was even available!", "summary": "what a big bone", "unixReviewTime": 1355270400} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "10 21, 2011", "reviewerID": "A2HQNV53L4FOOJ", "asin": "B0002564YY", "reviewerName": "Plant Expert", "reviewText": "This air stone is great. It puts out a nice sheet of bubbles, if that is what you are looking for.", "summary": "Excellent air stone", "unixReviewTime": 1319155200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2014", "reviewerID": "A3KI38U8D8NKCN", "asin": "B0002APL84", "reviewerName": "Susan A Urness", "reviewText": "This cable is light, but strong. My dog is a very strong little 25 pound mutt. So far she has not been able to cut herself loose, which makes this a winner. It will work well for our trailer trips as well as at home.", "summary": "Perfect Cable", "unixReviewTime": 1397692800} +{"overall": 5.0, "verified": false, "reviewTime": "09 7, 2015", "reviewerID": "A3MQKDCF6GXEDF", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "zak bradfield", "reviewText": "Best little bones for the price. My puppy loves these things and they keep her very busy!", "summary": "Love it, durable", "unixReviewTime": 1441584000} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2017", "reviewerID": "A2TECAK32VSQRN", "asin": "B0002565SY", "style": {"Size:": " 3-Pack", "Color:": " Z - Green"}, "reviewerName": "Jacko", "reviewText": "Great product from a fantastic seller!", "summary": "Five Stars", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A3MHAZAQF3VCLD", "asin": "B0002ARFQK", "reviewerName": "Amazon Customer", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "07 6, 2015", "reviewerID": "A37GOKTV00C0A8", "asin": "B000255O1I", "reviewerName": "picture taker", "reviewText": "My Blue Tang seems to love the red algae", "summary": "Five Stars", "unixReviewTime": 1436140800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2018", "reviewerID": "AHYYEXS24I0WT", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "Teaspoon50", "reviewText": "My goldens favorite. They carry them all the time.", "summary": "My goldens favorite. They carry them all the time", "unixReviewTime": 1524009600} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "AJKGD52I9DGCN", "asin": "B000255N0U", "style": {"Size:": " 8-Ounce"}, "reviewerName": "Roberto", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1406419200} +{"overall": 3.0, "verified": true, "reviewTime": "04 27, 2015", "reviewerID": "A3QCKXWDH3WZMH", "asin": "B0002ASBAY", "style": {"Size:": " Hi-Corner", "Color:": " Purple"}, "reviewerName": "S. Martin", "reviewText": "Good price. Just too big for my 110 Qt tub.", "summary": "Three Stars", "unixReviewTime": 1430092800} +{"overall": 5.0, "verified": true, "reviewTime": "08 5, 2016", "reviewerID": "A3R8CMTKTJZDCC", "asin": "B0002565PW", "reviewerName": "robyn walls", "reviewText": "Catches a lot of nasty stuff. Used it as a replacement for the \"bio bag\" filter cartridge. Works great", "summary": "Five Stars", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "A3ND0DEHUEU1IG", "asin": "B0002APRGA", "style": {"Color:": " Black with Fluorescent Highlights"}, "reviewerName": "Valerie", "reviewText": "Love how it make the fish stand out..", "summary": "Makes the tank pop with color", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2014", "reviewerID": "A321VVGR7UL7P0", "asin": "B0002AQPYS", "reviewerName": "dv", "reviewText": "really nice comb\nespecially nice for the mane", "summary": "really nice comb especially nice for the", "unixReviewTime": 1416268800} +{"overall": 5.0, "verified": true, "reviewTime": "08 20, 2013", "reviewerID": "A1KD8MR1V4JVK0", "asin": "B0002J1FOO", "reviewerName": "J", "reviewText": "I've used this product for several years now with two dogs and have been very satisfied with the results. Easy to administer and we haven't had fleas or ticks since.", "summary": "Not the cheapest, but maybe the best", "unixReviewTime": 1376956800} +{"overall": 5.0, "verified": true, "reviewTime": "12 28, 2016", "reviewerID": "A1S41Y73G2RGN1", "asin": "B0002ARKTW", "reviewerName": "Hazel A.", "reviewText": "works for my dog, but the smell don't last.", "summary": "Five Stars", "unixReviewTime": 1482883200} +{"overall": 4.0, "verified": false, "reviewTime": "12 7, 2014", "reviewerID": "A2ZOFTQV0VG29C", "asin": "B0002I0RN0", "style": {"Size:": " Small"}, "reviewerName": "Christy", "reviewText": "I would say this is a toy for small dogs only. Twisting the toy to enlarge the holes is nice, but pretty easy. I feel like my dog will accidentally open or close the toy more.", "summary": "Good toy for small dogs", "unixReviewTime": 1417910400} +{"overall": 5.0, "vote": "12", "verified": true, "reviewTime": "09 12, 2004", "reviewerID": "A3HQ7ZWZ3UCQEL", "asin": "B0002768DY", "style": {"Size:": " 64 ounce", "Color:": " Black"}, "reviewerName": "mom of 4", "reviewText": "As the mother of a toddler who loves to dump the dog water all over the kitchen floor and herself, I LOVE THIS!!!!!! It really does not spill!!!! No more wet floors, slipping and sliding, etc. This product is a life saver and a wonder.", "summary": "A true mircle", "unixReviewTime": 1094947200} +{"overall": 5.0, "verified": true, "reviewTime": "12 7, 2012", "reviewerID": "A28050ULBUQ4RM", "asin": "B0002568ZO", "style": {"Size:": " Medium"}, "reviewerName": "Momishiba", "reviewText": "ive had one of these for years, then i got a tank that was too big for it, this one works wonders on my 72 gallon tall", "summary": "great investment", "unixReviewTime": 1354838400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "A1XORBM14ZIPV0", "asin": "B000255OIG", "style": {"Size:": " 4 OZ.", "Flavor Name:": " Beef Liver"}, "reviewerName": "kitti reynolds", "reviewText": "Our vet uses these as treats, and Rella loves them. I cut or break them into tiny pieces for her. They are dried out, so easy to carry around and they don't smell (to me at least).", "summary": "A hit with my dog", "unixReviewTime": 1436745600} +{"overall": 4.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "A3FOSIN8X11Q18", "asin": "B000255NYG", "reviewerName": "G. Gonzalez", "reviewText": "Not much to say about this tubing, it does the job well and at a very good price. Only thing better might be silicone tubing, but I haven't found the need for such.", "summary": "Does the job", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": false, "reviewTime": "06 5, 2017", "reviewerID": "AHR3TROP2DZCL", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "beamis", "reviewText": "As described.", "summary": "Five Stars", "unixReviewTime": 1496620800} +{"overall": 5.0, "verified": true, "reviewTime": "08 1, 2012", "reviewerID": "ALH978UCP76DN", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "ripus7", "reviewText": "The covers arrived right on time, and fit snugly on all cans. They even have that satisfying snap/pop in place like when you open a new jar. The colors are as photographed, and they each have \"Spot\" written on them. Will buy more if needed.", "summary": "Exactly as described", "unixReviewTime": 1343779200} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A3NMT5HXQ1MXWU", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "Buma", "reviewText": "Does the job to launch tennis balls, my puppy loved it.", "summary": "does what it suppose to do", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "AH67S07OTYXXC", "asin": "B0002DIRXC", "reviewerName": "Michele", "reviewText": "Flew southwest and bought this for my dog. He loves it. Is also great for taking him to stores and restaurants. He likes his carrier and no one gives us a hard time when he is in it. I have a 16 lb shih tzu. He even likes to sleep in it at home.", "summary": "Totally worth the money", "unixReviewTime": 1413676800} +{"overall": 5.0, "verified": true, "reviewTime": "04 6, 2014", "reviewerID": "A3MHJ4MUBJUQSL", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "deezie8x", "reviewText": "This kit has everything you need to test for freshwater fish, NOT plants. takes about 13mins to go through the entire full spectrum test of ph, ammonia, nitrites, and nitrates. Has one regular ph test and one high level ph test.", "summary": "THE testkit for freshwater", "unixReviewTime": 1396742400} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2016", "reviewerID": "AK0QESIF6VWGB", "asin": "B000084EAE", "style": {"Size:": " 5.5 oz. (Pack of 24)", "Flavor Name:": " Ocean Fish", "Package Type:": " Standard Packaging"}, "reviewerName": "Avid_readerSS", "reviewText": "My cat loves this food and gobbles it down. In fact, I have to separate his feedings so he doesn't eat too fast and get sick.", "summary": "Cat's Meow", "unixReviewTime": 1456617600} +{"overall": 2.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "AEG9Y16ZWFSOO", "asin": "B0002DJXGC", "reviewerName": "Kathleen Dashiell", "reviewText": "1. dogs didn't like it [very unusual for them.] 2. rubber softer than description seems. 3. their teeth can get kind of hooked in the holes although since its soft that's not a huge deal.", "summary": "No", "unixReviewTime": 1389139200} +{"overall": 3.0, "verified": true, "reviewTime": "11 13, 2013", "reviewerID": "A2UO040HWOP0C2", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "joe", "reviewText": "No that great ad much easier just hand thrwing the ball, So save your time and moey and just get the balls, Hands work better", "summary": "Not so great", "unixReviewTime": 1384300800} +{"overall": 5.0, "verified": false, "reviewTime": "11 3, 2017", "reviewerID": "A2EBBUBFJJ9KGZ", "asin": "B0002APQV6", "style": {"Size:": " 128 oz", "Style:": " Refill"}, "reviewerName": "BAKlineRMR", "reviewText": "Thank you!", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 2.0, "verified": true, "reviewTime": "02 15, 2016", "reviewerID": "A2R0NFDDL3NQEN", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "Fushicho1", "reviewText": "Way too small for my 8 week old pit. Would only be appropriate for toy sized puppies.", "summary": "For toy sized dogs, NOT puppies", "unixReviewTime": 1455494400} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2018", "reviewerID": "A1P6VWZAT23UF4", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Sarah DuFresne", "reviewText": "I wouldn't use anything else for a freshwater fish tank.", "summary": "The best there is", "unixReviewTime": 1518912000} +{"overall": 2.0, "verified": true, "reviewTime": "02 19, 2015", "reviewerID": "A22KRAL51A2A6M", "asin": "B000084EAE", "reviewerName": "Diane", "reviewText": "The title of this comment say it all.", "summary": "Only the starving outside cats will eat this", "unixReviewTime": 1424304000} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A1U3VYGCSTKZKZ", "asin": "B0002ARTZW", "reviewerName": "Anish Patel", "reviewText": "Very annoying", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2017", "reviewerID": "AW9IX77DRRTV4", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " P-Nuttier", "Package Type:": " Standard Packaging"}, "reviewerName": "pennypincher", "reviewText": "Our Boxer loves these!", "summary": "Five Stars", "unixReviewTime": 1503273600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2015", "reviewerID": "A2N4NVCMVT7W13", "asin": "B000256DYK", "style": {"Size:": " Giant", "Package Type:": " Standard Packaging"}, "reviewerName": "carolyn", "reviewText": "Great!", "summary": "Five Stars", "unixReviewTime": 1434326400} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "AFEWMSIVAHFOC", "asin": "B0002MLAE6", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "Chris Hardegree", "reviewText": "My cat has a strict diet. After several trips to the vet for urinary blockage, decided on this brand. Haven't been to the vet again. A lot less expensive than prescription foods and the cat likes it.", "summary": "My cat has a strict diet. After several trips ...", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2018", "reviewerID": "A33VBJMDIW2R2E", "asin": "B0002HYB7O", "style": {"Size:": " Small"}, "reviewerName": "victoria Alexander", "reviewText": "This is cute and makes me lol when it rolls across the floor. My puppies are a little afraid of it but they are getting better.", "summary": "Funny toy", "unixReviewTime": 1517443200} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2016", "reviewerID": "A2QABMBFLFKOQT", "asin": "B0002DGIOW", "reviewerName": "M. E. Bennett", "reviewText": "I bought this specifically to remove brown algae. Brown algae diminished within three days. Worked as promised.", "summary": "Great!", "unixReviewTime": 1480377600} +{"overall": 5.0, "verified": false, "reviewTime": "03 26, 2016", "reviewerID": "A34UP5CCEUW1XF", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Haley", "reviewText": "An absolute staple for my dogs. I use this as a departure treat and as a pacifier when I need the dogs to be occupied. I use peanut butter inside, though you can use many things such as wet dog food, kong squeeze filler, pureed veggies...you can even freeze it.", "summary": "A Dog Staple", "unixReviewTime": 1458950400} +{"overall": 3.0, "verified": true, "reviewTime": "08 10, 2015", "reviewerID": "A9H5NAIXDQWH1", "asin": "B0002A5ZF8", "reviewerName": "Tania", "reviewText": "My mouse loves this ball but the lid is difficult to get on.\n\nEdit: she's been having difficulty using the ball, so I bought her a smaller ball from a different company. It's so much better! Not just the size but the lid and plastic quality is so much better!", "summary": "Not bad", "unixReviewTime": 1439164800} +{"overall": 4.0, "vote": "2", "verified": false, "reviewTime": "07 30, 2014", "reviewerID": "A5M60KUP6IJG3", "asin": "B0002C7FFE", "reviewerName": "Dillon", "reviewText": "Works and price was good. One of the safer products out there.", "summary": "Four Stars", "unixReviewTime": 1406678400} +{"overall": 4.0, "verified": true, "reviewTime": "07 9, 2017", "reviewerID": "ADZL883UNIJ4I", "asin": "B00028ZLX6", "reviewerName": "Big_Red1", "reviewText": "Very easy to use! I also add doggie mouth wash to it. She gets double the benefits!", "summary": "Easy to use!", "unixReviewTime": 1499558400} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2014", "reviewerID": "A26HNN45UDNNW5", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "Giovanni Bucio", "reviewText": "gerbils love it", "summary": "pets like it", "unixReviewTime": 1414972800} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "03 22, 2017", "reviewerID": "ASHO96ZB8AL1Z", "asin": "B0002DGI1U", "style": {"Size:": " 4.5 lb"}, "reviewerName": "Lindsey W", "reviewText": "Love the variety found in this mix. My little guinea pig loves it!", "summary": "Cocoa is eating it up!", "unixReviewTime": 1490140800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2015", "reviewerID": "AQYBGF74O9SPL", "asin": "B00061MWP4", "style": {"Style:": " 7FC: 1/8\" (3.2 mm)"}, "reviewerName": "tweety", "reviewText": "cuts great. came early no problems.", "summary": "Five Stars", "unixReviewTime": 1442188800} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2013", "reviewerID": "A1QYRKGZWXBIQG", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "James Rountrey", "reviewText": "We actually use this as a bed outside of the crate. In the winter maybe we will put it in the crate. The fit is perfect.", "summary": "well made - durable and easy to wash", "unixReviewTime": 1375228800} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "AI6HQU368AYNT", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "BarkityBark", "reviewText": "It's BIG, but the cat loves it!", "summary": "Five Stars", "unixReviewTime": 1436745600} +{"overall": 2.0, "verified": true, "reviewTime": "03 20, 2010", "reviewerID": "A2VIYTWXANL343", "asin": "B00005MF9U", "reviewerName": "SGBaker", "reviewText": "Works just fine but no longer in use. It Crapped out after about six months.", "summary": "Litter Maid works just fine.", "unixReviewTime": 1269043200} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2014", "reviewerID": "A13Z0EH2J6VD9G", "asin": "B00063496C", "style": {"Size:": " 3 Filters"}, "reviewerName": "theresa gallagher", "reviewText": "GREAT", "summary": "Five Stars", "unixReviewTime": 1414022400} +{"overall": 5.0, "verified": true, "reviewTime": "07 28, 2017", "reviewerID": "A1GUL83ZWD6SLD", "asin": "B0002H3RLU", "reviewerName": "Sortofa Handyman", "reviewText": "This works on our Bichon Frise, curly haired dog.", "summary": "Five Stars", "unixReviewTime": 1501200000} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2017", "reviewerID": "A19PRMQ901KQWM", "asin": "B0002ML97Y", "style": {"Size:": " Large Dogs, 10 Count"}, "reviewerName": "Super L", "reviewText": "Very nice quality wipes. Very thick, will not tear. I put a little dry shampoo on mine to wipe down my dogs", "summary": "Very nice quality wipes", "unixReviewTime": 1489363200} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A2D3PIR9CHV5Z2", "asin": "B000634336", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "AlitaP", "reviewText": "Love these. If you do not or cannot clean a regular plastic box, this is a great option. Lasts for a several months, then I toss it. Good for travel or temp use as well, but for travel, wait until you get to your designation to purchase. These are not portable or folds.", "summary": "Great for my lifestyle, lasts for months", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "ALLM9FOA0FAQG", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Cat Shampoo and Conditioner"}, "reviewerName": "Jessie Godfrey", "reviewText": "mmmmm cherry", "summary": "Five Stars", "unixReviewTime": 1417392000} +{"overall": 5.0, "verified": false, "reviewTime": "10 1, 2014", "reviewerID": "A1QHG3R4WS40KF", "asin": "B00061MWP4", "style": {"Style:": " 5FC: 1/4\" (6.3 mm)"}, "reviewerName": "rapeephan Suwanatat", "reviewText": "Fast delivery. Good value.", "summary": "Good value.", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A2B1Y119S1R3SZ", "asin": "B00025YVHG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "sunshine-exchange", "reviewText": "Great product, fast shipping.", "summary": "Five Stars", "unixReviewTime": 1425081600} +{"overall": 4.0, "verified": true, "reviewTime": "01 3, 2016", "reviewerID": "A1RUR5USCCXXRM", "asin": "B000084EEF", "reviewerName": "jlm70", "reviewText": "My niece's kitten Stormy loves this toy and scratcher. The ball is an added bonus for any inquisitive kitten/cat.", "summary": "good product", "unixReviewTime": 1451779200} +{"reviewerID": "AMOX2Y82QCII2", "asin": "B0002DIK2A", "reviewerName": "Sarah Leslie", "verified": true, "reviewText": "Worked in my Eclipse 6, Arrived undamaged. Still working.", "overall": 5.0, "reviewTime": "07 29, 2014", "summary": "Replaced the bulb in my eclipse 6", "unixReviewTime": 1406592000} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A25I673E94S2VD", "asin": "B0002FP1W0", "style": {"Size:": " Original"}, "reviewerName": "ellen adams", "reviewText": "awesum!!", "summary": "Five Stars", "unixReviewTime": 1428019200} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2015", "reviewerID": "A17C0S33IQK18Z", "asin": "B0002DHXX2", "style": {"Size:": " 48-Inch", "Color:": " Gray Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "raptorfromspace", "reviewText": "Fits my 48\" crate perfectly, very pleased with this! I love that it's machine washable, and it's much thicker padding than other crate beds I have seen.\nIt not being white is like a cherry on top", "summary": "very pleased with this", "unixReviewTime": 1430352000} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2016", "reviewerID": "A39QL37ZKLV75D", "asin": "B00025640S", "style": {"Size:": " 10.59-Ounce"}, "reviewerName": "Jennifer Sharp", "reviewText": "Great price for the amount of food received. Lasts us a good bit of time before having to reorder. Would highly recommend.", "summary": "Great price for the amount of food received", "unixReviewTime": 1452988800} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A2GIZ18XIMRKS6", "asin": "B00025K1DY", "style": {"Size:": " 2.25-Pound"}, "reviewerName": "MYoung", "reviewText": "nice price", "summary": "Five Stars", "unixReviewTime": 1458345600} +{"overall": 1.0, "verified": true, "reviewTime": "03 22, 2018", "reviewerID": "A160NNUCFW3635", "asin": "B000634818", "style": {"Size:": " Mini Biscuits, 5-Ounce Bag", "Flavor Name:": " Puppy", "Package Type:": " Standard Packaging"}, "reviewerName": "StrategicLee", "reviewText": "My puppies won't eat them.", "summary": "One Star", "unixReviewTime": 1521676800} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "AT22P4KZIBYX4", "asin": "B0002AQN2M", "style": {"Size:": " 1Pack"}, "reviewerName": "K. Lane", "reviewText": "This is very good! I am obessed with my cat baby and using this is better than giving her a whole real water bath.", "summary": "This is very good! I am obessed with my cat baby and ...", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "11 7, 2014", "reviewerID": "A2AUW7NZEGTRB8", "asin": "B00061MO7K", "reviewerName": "Alex", "reviewText": "our dogs enjoy the taste and don't mind having their teeth cleaned. They actually can't wait when they see it out and I'm cleaning the other dog first.", "summary": "Dogs enjoy the taste", "unixReviewTime": 1415318400} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2016", "reviewerID": "AI88IIFZRCBEP", "asin": "B0002AT3MO", "style": {"Size:": " 30-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Jennifer", "reviewText": "We have now bought 2 of these crates. They are very sturdy, the latches are secure and easy to use, and they seem well made in comparison to other crates I have bought.", "summary": "Well made crate", "unixReviewTime": 1465948800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2014", "reviewerID": "A3NARK7NA5CAE", "asin": "B0002X311U", "style": {"Size:": " 40-Inch", "Color:": " Khaki"}, "reviewerName": "Carol W.", "reviewText": "When I opened the box my first reaction is I ordered the wrong size for my 30lb Cockapoo, but when he saw it he jumped in and stretched out. Will always try to sleep on the sofa but now takes one look at me and goes to his new bed. We are very happy with our purchase.", "summary": "Majestic Bed", "unixReviewTime": 1388707200} +{"overall": 3.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "A314KED9Z79MXA", "asin": "B00008URR8", "style": {"Style Name:": " Spotlifter Only"}, "reviewerName": "Miabella", "reviewText": "Works okay, not like I thought it would.", "summary": "not like I thought it would", "unixReviewTime": 1418342400} +{"overall": 3.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A5AJ3PYIU7WL3", "asin": "B000255OIG", "style": {"Size:": " 11.5 OZ.", "Flavor Name:": " Chicken Liver"}, "reviewerName": "L. Roth", "reviewText": "I got the chicken because the beef liver went up in price so much. These chicken pieces are much smaller than the beef ones so I won't be getting these again. It's mostly crumbs. Dog still likes them.", "summary": "Pieces are very small", "unixReviewTime": 1485734400} +{"overall": 3.0, "verified": true, "reviewTime": "02 4, 2015", "reviewerID": "AZEPRB96AO68P", "asin": "B0002DJX44", "style": {"Size:": " MEDIUM 5\"", "Color:": " ASSORTED"}, "reviewerName": "Justin", "reviewText": "My dogs don't seem to know what to do with this one. It gets caught easily on their teeth, and they are afraid of it. They did like it at first, and if you have a dog that doesn't freak out easily, I'm sure it would be a great toy.", "summary": "It gets caught easily on their teeth", "unixReviewTime": 1423008000} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2016", "reviewerID": "A1EHRL6Y3EHK6Q", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Cassandra Malo", "reviewText": "This thing takes fur off I didn't know existed. I have a greyhound who doesn't normally shed, but this brush pulled off handfuls and she loved it!", "summary": "but this brush pulled off handfuls and she loved it!", "unixReviewTime": 1478822400} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2015", "reviewerID": "AQ2LJA7LZB4RJ", "asin": "B0002AQCXM", "style": {"Size:": " 8.5 in."}, "reviewerName": "KewlKid", "reviewText": "It works! What can I say!", "summary": "It Works! Not A Ripoff Here!", "unixReviewTime": 1436745600} +{"overall": 5.0, "verified": false, "reviewTime": "01 24, 2017", "reviewerID": "AQ2KO35T8RV47", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "Thomas Hubler", "reviewText": "My yorkie loves this toy. It's her favorite. Especially when I put a small bell inside", "summary": "It's her favorite. Especially when I put a small bell", "unixReviewTime": 1485216000} +{"overall": 3.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A1IKP3FQUJRKLO", "asin": "B0002AQITK", "reviewerName": "Nicholas Yong", "reviewText": "Working well.", "summary": "Three Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2016", "reviewerID": "A3GT500S2YZK0U", "asin": "B0002CSKLM", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "ElleTemple", "reviewText": "Cockapoo loves it so much she waited nearly a week before decimating it.", "summary": "The Hunt!", "unixReviewTime": 1467676800} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A3HKSXLGASL39R", "asin": "B0002ARTYI", "style": {"Color:": " Blacks & Grays"}, "reviewerName": "frank kirstatter", "reviewText": "fun", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "10 16, 2013", "reviewerID": "A3A4235DFHQZ7J", "asin": "B0002A6VCY", "style": {"Color:": " Black"}, "reviewerName": "Joyce A. Hammock", "reviewText": "it is not as heavy metal as my other one but very nice. Our birds love it We take this one on vacation so to birds have a play place. Wasn't hard to put together and didn't take a lot of time. Very well constructed would recommend to everyone.", "summary": "open top parrot cage and stand", "unixReviewTime": 1381881600} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2013", "reviewerID": "A2EL06G8X59UNV", "asin": "B0002565UC", "style": {"Size:": " 300 GPH"}, "reviewerName": "graham", "reviewText": "this power head works great on my under gravel filter. it circulates the water well and the fish are happy. definately recommend this.", "summary": "very pleased", "unixReviewTime": 1361664000} +{"overall": 5.0, "verified": true, "reviewTime": "03 11, 2015", "reviewerID": "A3JFED7Q3BLJMD", "asin": "B0002CSKLM", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Maureen", "reviewText": "my dogs love Kong toys. yes they do rip them up within the first day,but then they play with the \"carcass\" for months afterwards.", "summary": "satisfy the need to kill", "unixReviewTime": 1426032000} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2014", "reviewerID": "A13P092RXIEHYV", "asin": "B0002AQ5ZC", "reviewerName": "willie", "reviewText": "Very well made and fits correctly, but it can be awkward to put it on unless you have a helper.", "summary": "Very well made and fits correctly, but it can ...", "unixReviewTime": 1417305600} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2014", "reviewerID": "A2MQI0B8A30M2Y", "asin": "B0002563O0", "style": {"Size:": " Small", "Style:": " 21\""}, "reviewerName": "Steve in the Rockies", "reviewText": "Parakeets love them. Well made. Fast shipment.", "summary": "Five Stars", "unixReviewTime": 1409961600} +{"overall": 5.0, "verified": true, "reviewTime": "01 9, 2015", "reviewerID": "A355ZKD2JXT5XL", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Melissa K.", "reviewText": "My cats love the turbo scratcher and it's great to be able to easily buy these replacement pads. I'll flip them over once one side is worn down to get maximum use out of them.", "summary": "Cats love these scratchers!", "unixReviewTime": 1420761600} +{"overall": 1.0, "verified": true, "reviewTime": "07 30, 2014", "reviewerID": "ADBD92K5YUZPX", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "Emz", "reviewText": "My bun could care less about the product. Not that I see anything wrong with it. She just doesn't care about it.", "summary": "eh. She left it & didn't take it", "unixReviewTime": 1406678400} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2015", "reviewerID": "A3MLG9CJPNZKHL", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Jo Ann Houghton", "reviewText": "So far I think this is great - smells icky but the dog doesn't mind. It seems to be helping with her itchy coat and makes it very shiny!", "summary": "Great product, excellent price.", "unixReviewTime": 1427932800} +{"overall": 4.0, "verified": true, "reviewTime": "06 3, 2015", "reviewerID": "A29JLFHUPZJSE1", "asin": "B0002AT3MO", "style": {"Size:": " 30-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "SciFi Lover!", "reviewText": "Does its job. Folds up easily. Not as heavy duty as my other crate but still works fine.", "summary": "Decent crate for the money.", "unixReviewTime": 1433289600} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2016", "reviewerID": "A2O58GBQCGQH10", "asin": "B000256EAI", "style": {"Size:": " 75"}, "reviewerName": "Linda M Beede", "reviewText": "a must have to keep those cold blooded babies warm this winter", "summary": "Five Stars", "unixReviewTime": 1451779200} +{"overall": 5.0, "verified": true, "reviewTime": "05 4, 2015", "reviewerID": "A54PWFWK0ZH0", "asin": "B0002ARTYI", "style": {"Color:": " Rooster"}, "reviewerName": "lannbarkley", "reviewText": "This is another one of the great Multipet dog toys that my dogs just love.", "summary": "Five Stars", "unixReviewTime": 1430697600} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2017", "reviewerID": "A1NQBXUX0DL8FQ", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Debbie G", "reviewText": "My dog loves the taste, so brushing isn't too hard. Unfortunately he doesn't want me to spend too long brushing.", "summary": "Dog likes it", "unixReviewTime": 1499385600} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A1WR8R4LBVTOQS", "asin": "B0002ARTYI", "style": {"Color:": " Blacks & Grays"}, "reviewerName": "Judy", "reviewText": "This is the second in the series of sound toys they are very cute durable and the sound is good a little high pitch in the cat but ok", "summary": "like", "unixReviewTime": 1418947200} +{"overall": 1.0, "verified": true, "reviewTime": "09 16, 2016", "reviewerID": "A1751JOJFVXE5Y", "asin": "B000255OTA", "style": {"Size:": " 100 Watts"}, "reviewerName": "Regina C", "reviewText": "Didn't even last a month. Only used 10 hours a day.", "summary": "One Star", "unixReviewTime": 1473984000} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A36UL8A1F5LBO5", "asin": "B000256962", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Don George", "reviewText": "This stuff is amazing. Plants look amazing and algae is gone. DO NOT OVERDOSE.", "summary": "Five Stars", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2015", "reviewerID": "A3V8IKLRD5LCZ7", "asin": "B000062WUT", "reviewerName": "FYI", "reviewText": "4 DOGS THEY ALL LOVE THEM", "summary": "Five Stars", "unixReviewTime": 1445644800} +{"overall": 3.0, "verified": true, "reviewTime": "06 20, 2015", "reviewerID": "A2HV5Q66OAFELM", "asin": "B0002AT1DA", "reviewerName": "Sauron of McKay", "reviewText": "Works Ok. You have to REALLY be good at applying this at LEAST twice a day. If you don't, the cats will just ignore it. The other problem is, it DOES NOT smell good. It will keep people as well as cats off the furniture. Limited uses due to this fact.", "summary": "You have to REALLY be good at applying this at LEAST twice a day", "unixReviewTime": 1434758400} +{"overall": 5.0, "verified": true, "reviewTime": "07 16, 2014", "reviewerID": "A3PLRU52OMOCMA", "asin": "B000255QJS", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Zack", "reviewText": "Great stuff, been using it for years in my planted tanks and the plants always do well. You only need to use it 2-3 times a week so it last a while too. Just follow recommended dosing on the side of the bottle.", "summary": "Great stuff, been using it for years in my ...", "unixReviewTime": 1405468800} +{"overall": 4.0, "verified": true, "reviewTime": "10 11, 2016", "reviewerID": "A3G1V5J5K1K111", "asin": "B0002AS8PM", "style": {"Size:": " 7-Inch diameter", "Color:": " Clear"}, "reviewerName": "Daniel P", "reviewText": "Cheaply made", "summary": "Four Stars", "unixReviewTime": 1476144000} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2013", "reviewerID": "A2CMKRNNI0VIYL", "asin": "B0002APIJQ", "reviewerName": "Magic Mike", "reviewText": "I use the entire Flourish line with my planted 20g low tech tank - no C02. Works great. Plants are green and crisp.", "summary": "Fish Tank", "unixReviewTime": 1367452800} +{"overall": 2.0, "verified": true, "reviewTime": "09 30, 2015", "reviewerID": "A1GSQ7I8ONQIYJ", "asin": "B0002DK9OM", "style": {"Size:": " 8 inches", "Color:": " Red"}, "reviewerName": "Dadhertz", "reviewText": "Very disappointed. Lasted less than 5 minutes. Borderline unsafe.", "summary": "Not at all durable", "unixReviewTime": 1443571200} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2017", "reviewerID": "AZPMV1PM3ISSL", "asin": "B00028ZLDG", "reviewerName": "E.L.", "reviewText": "Worked great. Got rid of my pup's worms without having to get vet medication.", "summary": "Five Stars", "unixReviewTime": 1484179200} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2016", "reviewerID": "ASTVBJBBFN9U9", "asin": "B000634160", "style": {"Size:": " 17.5 lb", "Style:": " Adult Small Bites | Chicken"}, "reviewerName": "Angela Groscost", "reviewText": "Excellent dog food. Dogs love it.", "summary": "Five Stars", "unixReviewTime": 1464480000} +{"overall": 3.0, "verified": true, "reviewTime": "09 29, 2013", "reviewerID": "A1FEBSITHS7MMA", "asin": "B0002DH3TG", "reviewerName": "Ruth Smith", "reviewText": "These are the only filters available for the EHEIM but I wish they had more charcoal activity to them to help clear up the water better", "summary": "Needed for your EHEIM filter system", "unixReviewTime": 1380412800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "AJUAA1L0EIT2N", "asin": "B0002DGZ86", "style": {"Size:": " 1 Pack"}, "reviewerName": "Punchie", "reviewText": "Gave them to my Doxie along with the tumeric for the inflammation around the joint on his front leg. Worked wonders as he quit whining when he walked.", "summary": "Worked wonders!", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "07 5, 2015", "reviewerID": "A2G8NLW2KRABSJ", "asin": "B0002AQDKO", "reviewerName": "Cheryl Link", "reviewText": "Both my dragon and my geckos love lounging on this. It stays suctioned with three geckos or my 17\" inch dragon. Easy to mount and easy to keep clean", "summary": "Reptiles love it", "unixReviewTime": 1436054400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "AWNZOWV0KFK86", "asin": "B0002ASCQC", "style": {"Size:": " large - 2-cup capacity"}, "reviewerName": "Mary P", "reviewText": "This is a quality scoop that is very durable and picks up heavy scoops of dog food with ease. I save much time using this scoop in comparison to other lighter weight scoops which require more loading of food to get the same quantity in the dog's food bowl.", "summary": "Excellent Heavy Duty Pet Food Scoop", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2017", "reviewerID": "A2O4BDYQKNUM7Q", "asin": "B0002X31I8", "style": {"Size:": " Large (48 in. x 36 in.)", "Color:": " Black"}, "reviewerName": "Grandma Judy", "reviewText": "Thought at first that this bed might be too poofy. Not the case! My large pet, who is spoiled anyway absolutely loves it.", "summary": "Your Large Dog Will Love This Bed", "unixReviewTime": 1485820800} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "A1CUTEBP5PDECN", "asin": "B0002APUTO", "reviewerName": "Sarah Grace", "reviewText": "Goes to work immediately! We use the underground filter as a backup to our larger overall filter.............makes a big difference! These cartridges are hard to find lately. The stores either run out quickly, or have stopped carrying them. I was so glad to find them on Amazon!", "summary": "I bet the fish are happy too!", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2014", "reviewerID": "A2BN4OORJ2EM4", "asin": "B0002IJQDC", "reviewerName": "Karen D. King", "reviewText": "We live in Alaska and this is great protection from snow and cold. The dogs try to lick it off my hands, but once I get it on their paws they leave it alone. Love it for my hands as well and even use it on my feet.", "summary": "Love this stuff.", "unixReviewTime": 1391904000} +{"overall": 3.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A25IPNT4YJ9LFI", "asin": "B000084F80", "style": {"Size:": " Large"}, "reviewerName": "Adam", "reviewText": "Good quality but my German Shepherd won't touch it...He's picky!", "summary": "Give it a try!", "unixReviewTime": 1416441600} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2015", "reviewerID": "A2L7DQQSGCBA46", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 20: 5 to 20 US Gallons"}, "reviewerName": "JG", "reviewText": "Outstanding filtration, I really like this filter keeps the water crystal clear!", "summary": "Outstanding filtration!", "unixReviewTime": 1424476800} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2015", "reviewerID": "A1AEYQZEWBDFBG", "asin": "B0002AQPX4", "reviewerName": "KayBee13", "reviewText": "Comfortable grip makes it easy to use wet or dry.", "summary": "Five Stars", "unixReviewTime": 1427760000} +{"overall": 4.0, "verified": true, "reviewTime": "11 29, 2015", "reviewerID": "A1SG98CTXAEQ3E", "asin": "B0002J1F7G", "reviewerName": "prommom", "reviewText": "Very good price", "summary": "Four Stars", "unixReviewTime": 1448755200} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2011", "reviewerID": "AHDAS57Y9GRLR", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Venison"}, "reviewerName": "Al Brain", "reviewText": "My allergy prone dog loves these treats. He can't have enough of them. No allergic reaction with these treats! Will continue to buy.", "summary": "Excellent treat", "unixReviewTime": 1318982400} +{"overall": 4.0, "verified": true, "reviewTime": "10 12, 2017", "reviewerID": "A5MXIMD9APZ8E", "asin": "B00028ZLTK", "reviewerName": "Carl D. Goin", "reviewText": "My little 9 year old Rat Terrier was born with inherited bad genes for patella problems and Vet instructed me to keep her on this for her life, and have done so for years. The pills along with daily walks have kept her problem in check.", "summary": "... 9 year old Rat Terrier was born with inherited bad genes for patella problems and Vet instructed me to ...", "unixReviewTime": 1507766400} +{"reviewerID": "A1DJEMC3YNGEKT", "asin": "B0002ASAYG", "reviewerName": "Brooks", "verified": true, "reviewText": "The \"sleeper tunnel\" is not lined. It is made of one layer of a hard sliding fabric and would not be comfortable to be in.\nI decided to return it as soon as I opened the package and saw it.", "overall": 2.0, "reviewTime": "11 9, 2015", "summary": "feels nasty, not lined", "unixReviewTime": 1447027200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71UIHGaC1dL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "01 23, 2015", "reviewerID": "A1DGNH8GBBIDW4", "asin": "B0002DHXX2", "style": {"Size:": " 48-Inch", "Color:": " Cinnamon Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Jess", "reviewText": "I've only had it an hour, but the dog has claimed it. Lol. I used one of his blankets as extra padding because it is a little thin in middle. Not a big deal for us since my dog loves blankets anyway (: Nice price. Dog likes it. 5 stars so far!", "summary": "Nice price. Dog likes it", "unixReviewTime": 1421971200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A2WGGREJVADLW5", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "Mitchell", "reviewText": "The MagFloat cleaner does what it is supposed to do. I don't have any issues with buildup yet, as my fish are taking care of it, but the product easily moves around the tank and will get the job done.", "summary": "Does what it is supposed to do!", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "07 24, 2014", "reviewerID": "A1RRW07FTQNMLE", "asin": "B000633TU4", "reviewerName": "Shirley robinson", "reviewText": "My great Pyreneses and my mini pin love these", "summary": "Five Stars", "unixReviewTime": 1406160000} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2018", "reviewerID": "A1CHFT8KUG9MKE", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Gigi", "reviewText": "Received the pink king. Cute color and soft enough for my puppy to be interested to chew on.", "summary": "Five Stars", "unixReviewTime": 1519776000} +{"overall": 5.0, "verified": true, "reviewTime": "02 12, 2017", "reviewerID": "A124QB7BUALT70", "asin": "B000634MMS", "reviewerName": "Heather Otis", "reviewText": "Great product for a great price!", "summary": "Five Stars", "unixReviewTime": 1486857600} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "AFGEVD9LJP25D", "asin": "B0002DK4AG", "style": {"Size:": " Gentle Touch Slicker Brush For Cats"}, "reviewerName": "Ownst", "reviewText": "Great", "summary": "Five Stars", "unixReviewTime": 1416614400} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "AODIFLP33620K", "asin": "B000633YKE", "style": {"Size:": " Medium Large - 36 x 23 x 25 inches"}, "reviewerName": "Roxana Lord", "reviewText": "Good pet care. East to set up. Very sturdy. Definitely recommend", "summary": "36 inch dog crate.", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2015", "reviewerID": "AMJLOTI6APJ11", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "A. Tejada", "reviewText": "Best thing for puppies, just had to cut it in half length wise for my yorkie.", "summary": "Five Stars", "unixReviewTime": 1435104000} +{"overall": 5.0, "verified": true, "reviewTime": "08 6, 2011", "reviewerID": "A1S796KO05A8WB", "asin": "B0002ARTZW", "reviewerName": "Patricia A. Gill", "reviewText": "This toy is one of my 'kids' favorites! I ordered several of them in case they ripped one of them up but so far, are all still intact! And the sounds are SO funny (and realistic)!", "summary": "A Favorite!", "unixReviewTime": 1312588800} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "01 8, 2009", "reviewerID": "A4XPQDALRXFUE", "asin": "B0002H3T2W", "style": {"Size:": " 96 Ounce (Blue)"}, "reviewerName": "Lawrence J. Williams", "reviewText": "WORKS PERFECT. WHEN EVERY THING OUTSIDE IS FROZEN STIFF THIS HEATED WATER BOWL IS FREE OF ICE. WE FEED A FEW WILD CATS AND THEY DEPEND ON THEIR WATER SUPPLY IN THE WINTER TOTALLY ON US...........", "summary": "PERFECT", "unixReviewTime": 1231372800} +{"overall": 1.0, "verified": true, "reviewTime": "06 16, 2015", "reviewerID": "A2ZAD2L103CN1P", "asin": "B0002DK7LC", "reviewerName": "S.Anthony", "reviewText": "Not very Large and Not for an aggressive chewer. Was broke into pieces by my boxer in under 5 minutes.", "summary": "Not very Large and Not for an aggressive chewer. ...", "unixReviewTime": 1434412800} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A1F8VHWAO30NP4", "asin": "B0002ARR0E", "style": {"Size:": " Medium-Large"}, "reviewerName": "Gary Knutson", "reviewText": "I bought 2 of these brushes for my chocolate labs. The are just right and the dogs love being brushed with these. They are great finishing brush that distribute the oils in their hair and leaves them looking shiny and great!", "summary": "Great brush", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "09 2, 2016", "reviewerID": "A3GNE941H67S3W", "asin": "B000255N0U", "style": {"Size:": " 8-Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent product, I loved it, you can see results so fast.", "summary": "Five Stars", "unixReviewTime": 1472774400} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "01 7, 2017", "reviewerID": "A15JCAQ265OKMP", "asin": "B00025YVWG", "style": {"Size:": " 35 g"}, "reviewerName": "meganl", "reviewText": "My two girls Chinese dwarf hamsters love this stuff I've been using it for over ten years on my three different hamsters and love it!", "summary": "Soft fluffy and super", "unixReviewTime": 1483747200} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2014", "reviewerID": "A2JVPCSE22PLW5", "asin": "B0002AS1BI", "reviewerName": "tom russo", "reviewText": "This food dish solved my problem. It works great. keeps out the ants with the water moat it has aroune the sides.", "summary": "Great", "unixReviewTime": 1395187200} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2014", "reviewerID": "AF28ITWJ7XFIR", "asin": "B0002AT45A", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "aksman44", "reviewText": "Picks up a lot more poop so I don't have to keep going back and forth to the poop container.", "summary": "Picks up a lot more poop so I don't have ...", "unixReviewTime": 1412553600} +{"overall": 4.0, "verified": true, "reviewTime": "02 28, 2015", "reviewerID": "A1RJL0KUZXZGBH", "asin": "B000634818", "style": {"Size:": " Mini Biscuits, 5-Ounce Bag", "Flavor Name:": " Bac'N'Cheez", "Package Type:": " Standard Packaging"}, "reviewerName": "carla rogers", "reviewText": "dogs love them", "summary": "Four Stars", "unixReviewTime": 1425081600} +{"overall": 5.0, "verified": true, "reviewTime": "02 28, 2017", "reviewerID": "A2VOFVRMX4DMX8", "asin": "B000084F1O", "style": {"Size:": " 20lb", "Flavor Name:": " Puppy - Chicken & Salmon", "Package Type:": " Standard Packaging"}, "reviewerName": "D. Gardner", "reviewText": "My puppy loves it! Was shipped quickly and packaged well.", "summary": "My puppy loves this food", "unixReviewTime": 1488240000} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2016", "reviewerID": "A2ED17LCI9SJL3", "asin": "B0002563JA", "style": {"Size:": " 8.4-Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "Does what is advertised", "summary": "Five Stars", "unixReviewTime": 1478995200} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2017", "reviewerID": "A31WYU95CUEYCW", "asin": "B0002ASBRM", "reviewerName": "Alexandra Miranda", "reviewText": "Guinea pig loves it!", "summary": "Five Stars", "unixReviewTime": 1494806400} +{"overall": 2.0, "verified": true, "reviewTime": "11 20, 2014", "reviewerID": "A1M5OF5MF1DJ4K", "asin": "B0002566H4", "style": {"Size:": " Giant/Large", "Flavor Name:": " Original Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "J. Blizzard", "reviewText": "Dog could care less about it, He likes other Nylabones so I guess thats why they make Vanilla and Chocolate.", "summary": "Dog wasn't impressed", "unixReviewTime": 1416441600} +{"overall": 3.0, "vote": "46", "verified": true, "reviewTime": "09 21, 2010", "reviewerID": "A443BFBS33X0V", "asin": "B0002AQPA2", "style": {"Size:": " Large"}, "reviewerName": "L. White", "reviewText": "My dog had it chewed to pieces within a few days. The idea of the treat in the ends is a good one but unfortunately it is the weakest point of the toy.", "summary": "Not the usual Kong Strength", "unixReviewTime": 1285027200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/51mKmqtHqjL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "A1JAQEWJHN3Q7", "asin": "B000084EEF", "reviewerName": "Phoebe", "reviewText": "Picture says it all. I give the card box a 5 star rating and the toy maybe a 3. Definitely did not give my cats hours of interactive play.\nUpdate: I adopted another cat and she is obsessed with it! So now this jumped to 5.", "summary": "Picture says all...", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "A381HURZDAKG8", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "trisef fan", "reviewText": "Dogs love it.", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 5.0, "verified": true, "reviewTime": "01 7, 2014", "reviewerID": "A1UJ99P2HZYO8V", "asin": "B0002DHXX2", "style": {"Size:": " 30-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "tm13", "reviewText": "These beds feel so comfy! I ordered two, one for each of my doggies, and they both enjoy them very much. It's much better than the bare crate floor. It also seems like these wouldn't be too hard to wash either.", "summary": "Dogs love them", "unixReviewTime": 1389052800} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2016", "reviewerID": "A31GA2B4UB8XO6", "asin": "B000255MGU", "reviewerName": "dreinert", "reviewText": "I take vitamins every mourning and now so do my fish!", "summary": "You need this additive!", "unixReviewTime": 1476835200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "AB5B33O833DCT", "asin": "B0002DGI1U", "style": {"Size:": " 4.5 lb"}, "reviewerName": "pinesiskin", "reviewText": "Fabulous product for fabulous price. Our \"cavies\" love the Fiesta Max. Product looked bright, fresh,and was as advertised.", "summary": "Our \"cavies\" love the Fiesta Max", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "04 1, 2015", "reviewerID": "APMRX0QILLXA2", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Anya", "reviewText": "Both puppies love this. Nice bumpy surface for chewing and gnawing.", "summary": "Puppies love it.", "unixReviewTime": 1427846400} +{"overall": 4.0, "verified": true, "reviewTime": "12 6, 2015", "reviewerID": "A13F0Z0Z52M3KQ", "asin": "B00028ZLDG", "reviewerName": "tiedyemama", "reviewText": "It worked. No side effects noted.\nImportant to do a follow up de worming a few weeks after the original one!", "summary": "WORKS!!", "unixReviewTime": 1449360000} +{"overall": 4.0, "verified": true, "reviewTime": "03 25, 2015", "reviewerID": "A1O4V3BGCU698V", "asin": "B0002H3RLU", "reviewerName": "Debra J.", "reviewText": "Works very well. I like GloCoat a bit better for keeping mats away but overall great. Nice gentle fragrance", "summary": "Does the job at good price", "unixReviewTime": 1427241600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71wGeqjMqFL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "12 2, 2017", "reviewerID": "A1EB72TYJ33F1", "asin": "B0002ARUV0", "style": {"Size:": " 5.5\" diameter"}, "reviewerName": "jordan", "reviewText": "My dog loved it and the music it plays.", "summary": "Five Stars", "unixReviewTime": 1512172800} +{"overall": 5.0, "verified": true, "reviewTime": "01 14, 2015", "reviewerID": "A1IS27LQ62EEHQ", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Indyharleyguy", "reviewText": "WOW only took a minute for our Sharpie puppy to love this. He keeps picking it up and dropping it, watching it bounce then picking it up again. He has tore every other toy up. This looks to be very solid and hope it will last a long time.", "summary": "Kong Extreme Dog Toy review", "unixReviewTime": 1421193600} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "A346IU5GSYFB4X", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "T. Davis", "reviewText": "Cricket loved this as a puppy.", "summary": "Five Stars", "unixReviewTime": 1424217600} +{"overall": 4.0, "verified": true, "reviewTime": "06 23, 2017", "reviewerID": "AIRBLQS2UYXM0", "asin": "B0002TR4S0", "reviewerName": "KritterKeeper", "reviewText": "We give this to our chickens after they have been on an antibiotic to help their digestion.", "summary": "Chicken Probiotic", "unixReviewTime": 1498176000} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2015", "reviewerID": "A34N7O3VISH1BQ", "asin": "B00025K166", "reviewerName": "Christopher J. Negley", "reviewText": "great great fast shipping thank you", "summary": "thank you", "unixReviewTime": 1435968000} +{"overall": 2.0, "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "A37KPN66F10JP9", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Lucy", "reviewText": "Gone in fifteen minutes. I needed a brush for a boxer and 'she found it'. She thought it was for her to tear up. oh well....", "summary": "Gone in fifteen minutes", "unixReviewTime": 1460505600} +{"overall": 5.0, "verified": true, "reviewTime": "03 8, 2017", "reviewerID": "AZK6JSJQ70E5T", "asin": "B000634MH8", "style": {"Size:": " 1 level", "Color:": " beige"}, "reviewerName": "Kristina", "reviewText": "I personally love this cat stand. Although I have a stubborn cat and he has yet\nto use this thing. If I could get him to use it, it would be great. The problem\nisn't with the stand, it's heavy duty and very well made. I love it. The problem\nis my cat. He has a mind of his own.", "summary": "Stubborn Cat, Perfect Stand", "unixReviewTime": 1488931200} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2017", "reviewerID": "AKV63NJM67JXE", "asin": "B0002YFC9I", "reviewerName": "Amazon Customer", "reviewText": "So far so good", "summary": "Five Stars", "unixReviewTime": 1495324800} +{"overall": 4.0, "verified": true, "reviewTime": "12 3, 2015", "reviewerID": "A3SLVRPUE0ZRPZ", "asin": "B0002AQZKC", "style": {"Color:": " White"}, "reviewerName": "Stephanie", "reviewText": "Good cat door. In really like the locking choices on this door. Cats took to it quickly. Good for the price!", "summary": "Good value", "unixReviewTime": 1449100800} +{"overall": 2.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "A29MZCOMK0ZYQ8", "asin": "B0002GVG6E", "style": {"Size:": " 1\"W; 16-28\" Neck", "Color:": " Red"}, "reviewerName": "Robert E. Hardman", "reviewText": "faded too quickly - clasp great - would not buy again", "summary": "Two Stars", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "07 23, 2014", "reviewerID": "A3KPTS0RFD1LJ0", "asin": "B0002DGL3K", "style": {"Size:": " 8 Count", "Package Type:": " Standard Packaging", "Style:": " Bacon"}, "reviewerName": "M. Backus", "reviewText": "My 30 pound basenji/bull terror mix eats these in less than 10 minutes. Wish they lasted longer but she does love them and they keep her busy while I eat my lunch.", "summary": "No complaints, great treat.", "unixReviewTime": 1406073600} +{"overall": 2.0, "vote": "4", "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A1X2K0OCME1WF6", "asin": "B0002AB9FS", "style": {"Size:": " 16 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "A reviewer", "reviewText": "Great product - dog loves it, coat is great !\n\nWTF is with the price increase - not sure anyone noticed, it's for a dog. Switching to something else.", "summary": "New price is absurd - buy something else", "unixReviewTime": 1480809600} +{"overall": 4.0, "verified": true, "reviewTime": "09 14, 2016", "reviewerID": "A282GGATNMDEDZ", "asin": "B0002QR4I8", "reviewerName": "bob alderman", "reviewText": "this is my second purchase and my conure seems to like some of it , he picks through what he wants and leave a lot behind but he seems to be in good health so it works inspire of some of the waste,", "summary": "good food for your conure", "unixReviewTime": 1473811200} +{"overall": 1.0, "verified": true, "reviewTime": "05 8, 2017", "reviewerID": "ATY8RHJ9WHIW7", "asin": "B0002AR15U", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Kmc", "reviewText": "My 6 month old beagle had this thing chewed in half in under 10 minutes... Your quality has gone downhill, Kong.", "summary": "I wouldn't buy it again.", "unixReviewTime": 1494201600} +{"reviewerID": "ATBSBFXRXIBY1", "asin": "B0002ASNAC", "reviewerName": "AER", "verified": true, "reviewText": "Good product, would buy again. Thank you!", "overall": 5.0, "reviewTime": "10 25, 2014", "summary": "Five Stars", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2014", "reviewerID": "A2KH5H3VYU3ZU4", "asin": "B0002DJX3A", "style": {"Size:": " Small"}, "reviewerName": "BIGMAC", "reviewText": "I bought this for my brothers dog..she loves this thing. you can play tug with her with this and she can't destroy it like all the other toys she's gotten..I would recommend to everyone with a dog...", "summary": "great dog toy", "unixReviewTime": 1419638400} +{"overall": 5.0, "verified": true, "reviewTime": "06 26, 2016", "reviewerID": "A1OKXE7LABSGF7", "asin": "B0002DJWUY", "style": {"Size:": " Heavyweight (5.00\" x 3.25\" x 5.00\")"}, "reviewerName": "Prettymomma73", "reviewText": "Great for big dogs who love to chew!", "summary": "Great!!", "unixReviewTime": 1466899200} +{"overall": 5.0, "verified": true, "reviewTime": "04 25, 2013", "reviewerID": "A3HUAL9QYNOSS", "asin": "B000274674", "style": {"Size:": " Large (11 in x 11 in)"}, "reviewerName": "PS", "reviewText": "Do explain why you liked or disliked this product.\nDo compare to similar products and share how long you've used this product.\nDo identify specific attributes (e.g. comfort & fit of a shirt or the battery life of a camera) and whether they met your", "summary": "dog plays with it", "unixReviewTime": 1366848000} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2018", "reviewerID": "AO8KMY0NAJ4FC", "asin": "B0002APQV6", "style": {"Size:": " 128 oz", "Style:": " Refill"}, "reviewerName": "Jersey Mom", "reviewText": "I previously used Nature's Miracle but this one was at a much better price so I tried it. I like it. It seems to do the same job and there is no odd smell that comes with it.", "summary": "Seems to do the trick.", "unixReviewTime": 1522195200} +{"overall": 1.0, "verified": true, "reviewTime": "01 9, 2013", "reviewerID": "A3Q7X5SQ2XZ0GV", "asin": "B0002CSKLM", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "E. Dagsaan", "reviewText": "If I would give this to a dog it would have to be a Tea Cup dog....even then I'd be very cautious!", "summary": "Small...more like itty bitty", "unixReviewTime": 1357689600} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2016", "reviewerID": "A316CKI5WMBWPE", "asin": "B0002G7ZQY", "style": {"Size:": " 70 wipes"}, "reviewerName": "Kat", "reviewText": "I swear by these. My birds are out with me all the time when I'm walking around the house. Perfect for random accidents.", "summary": "These work!", "unixReviewTime": 1474156800} +{"reviewerID": "AYOT7QNQQMV2W", "asin": "B0002DJWVS", "reviewerName": "teacher1230_1", "verified": true, "reviewText": "Great Giggler ball for my little pug girls.", "overall": 5.0, "reviewTime": "12 21, 2014", "summary": "Five Stars", "unixReviewTime": 1419120000} +{"overall": 4.0, "verified": true, "reviewTime": "05 12, 2017", "reviewerID": "AAP1SNW622SAK", "asin": "B000255NAK", "style": {"Style:": " GH & KH"}, "reviewerName": "Jennifer Rose", "reviewText": "It would be great if these had a container to hold them, like the one found in the master kit. I would also recommend laminating the instructions. The instructions themselves are hard to read and follow, it took me 3 times before I figured it out.", "summary": "It would be great if these had a container to hold them", "unixReviewTime": 1494547200} +{"overall": 5.0, "verified": true, "reviewTime": "12 11, 2013", "reviewerID": "A3BS86QTFJ3T5N", "asin": "B0002YFC3Y", "style": {"Size:": " 50gm"}, "reviewerName": "Ashley Pobanz", "reviewText": "I got this when my dog had a urinary tract infection and it worked great. I would recommend this to anyone who has an animal with urinary issues", "summary": "Love it!", "unixReviewTime": 1386720000} +{"overall": 1.0, "vote": "4", "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A18OAC6FWTVHU8", "asin": "B000084EEC", "style": {"Size:": " 5 lbs", "Style:": " Regular"}, "reviewerName": "Sher", "reviewText": "My dog had a bad reaction to this product. Within 2 days she was licking her privates a lot and showing signs of an allergic reaction (rash) on her stomach. It went away after I stopped using this.", "summary": "Gave it to my daughter...waste of money", "unixReviewTime": 1397260800} +{"overall": 5.0, "verified": true, "reviewTime": "07 8, 2015", "reviewerID": "A67H5TKGJE88Y", "asin": "B0002G71VI", "style": {"Size:": " Small"}, "reviewerName": "Roberta A Valentino", "reviewText": "Birds love his", "summary": "Five Stars", "unixReviewTime": 1436313600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/819MOb1Ao8L._SY88.jpg"], "overall": 1.0, "verified": true, "reviewTime": "02 27, 2018", "reviewerID": "A1NFKXO6W2M4BE", "asin": "B0002DJXGC", "reviewerName": "sarah", "reviewText": "This ball lasted all of 5 minutes before it was completely destroyed", "summary": "Waste of money", "unixReviewTime": 1519689600} +{"overall": 5.0, "verified": true, "reviewTime": "01 19, 2016", "reviewerID": "ARHGUK5M1DRAP", "asin": "B0002ARQS2", "style": {"Size:": " 8-Ounce"}, "reviewerName": "Christine", "reviewText": "Seems to work GREAT! But I really do not mind her smell. Just part of owning a Ferret", "summary": "Five Stars", "unixReviewTime": 1453161600} +{"overall": 4.0, "verified": true, "reviewTime": "11 7, 2017", "reviewerID": "A15JPYV0L19RF", "asin": "B000084F3T", "reviewerName": "RJ the Great Cat Lover", "reviewText": "Works.", "summary": "Kitty Litter Pan, Large", "unixReviewTime": 1510012800} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A1U4X5LEKZFRVO", "asin": "B0002DIYUI", "style": {"Size:": " 20-Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "My box to turtle loves this product!", "summary": "Will order again!", "unixReviewTime": 1444089600} +{"overall": 1.0, "verified": true, "reviewTime": "08 20, 2015", "reviewerID": "AR1RCYSXZMW0O", "asin": "B0002C7FHC", "style": {"Item Package Quantity:": " 1", "Package Quantity:": " 1"}, "reviewerName": "Toni Heitkamp", "reviewText": "These are bigger than they look.", "summary": "One Star", "unixReviewTime": 1440028800} +{"overall": 5.0, "verified": true, "reviewTime": "09 8, 2013", "reviewerID": "A1Y3TXS72GQQ4W", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "D0CT0R", "reviewText": "Don't ask me but the cats love it... And it last quite a long time before needing to be replaced.", "summary": "Cats MEOW", "unixReviewTime": 1378598400} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A9FT1VOO22VFY", "asin": "B0002AR15U", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "Regina", "reviewText": "My dog loves it. I put little treats into kong. She keep busy it.", "summary": "Five Stars", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2016", "reviewerID": "A2MZAFZGF4VO9G", "asin": "B000634CF0", "style": {"Size:": " 8 lb. Bag"}, "reviewerName": "LEWKW", "reviewText": "My furbabies love it!", "summary": "Five Stars", "unixReviewTime": 1461196800} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2017", "reviewerID": "A3H03DQHNRVFQX", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Ikenoz", "reviewText": "It's nice to be able to replace just the pad instead of the whole toy. I have two of the toys so the two pack of replacement pads is perfect.", "summary": "It's nice to be able to replace just the pad instead ...", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2009", "reviewerID": "A2VO4A7XPFDQ37", "asin": "B0002X311U", "style": {"Size:": " 40-Inch", "Color:": " Khaki"}, "reviewerName": "Carrie Campbell", "reviewText": "My Weim loves this bed and can't get enough of it. Its fluffy and durable.", "summary": "My dog loves it.", "unixReviewTime": 1256601600} +{"overall": 5.0, "verified": true, "reviewTime": "04 13, 2016", "reviewerID": "A9MHIJG37Y0ND", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "Dscribble05", "reviewText": "Love the smell, and does the job. I have been using some vet product, but this does the exact same thing.", "summary": "Love the smell", "unixReviewTime": 1460505600} +{"overall": 4.0, "verified": true, "reviewTime": "07 2, 2013", "reviewerID": "A1U13PQFK90897", "asin": "B0002AQKK2", "reviewerName": "ash123", "reviewText": "I use this as a precautionary measure. Seems to work fine in my filter with my media. I like that it's pre packaged in packs makes for easy changing.", "summary": "Good product.", "unixReviewTime": 1372723200} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2018", "reviewerID": "A28M1DPQXZAOKM", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Amazon Customer", "reviewText": "products great for the price", "summary": "great for the price", "unixReviewTime": 1520121600} +{"overall": 2.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "A1HOK2DDM7M3Z2", "asin": "B0002YFSCE", "style": {"Size:": " 3/8\" X 6'", "Color:": " Seafoam"}, "reviewerName": "Stephanie", "reviewText": "Just chokes the dog, even if I use it at top of neck it gets too tight, had to stop using", "summary": "Just chokes the dog, even if I use it ...", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2014", "reviewerID": "A2BA2KHXS30LDH", "asin": "B0002ARUKQ", "reviewerName": "MH", "reviewText": "These are the best nail clippers. They are slim but still high quality and sharp. I have older dogs whose nails curl as they grow and it's difficult to get clippers under them. These clippers slide easily under the nail.", "summary": "Best Nail Clippers", "unixReviewTime": 1407801600} +{"overall": 5.0, "verified": true, "reviewTime": "04 4, 2017", "reviewerID": "A6XEY8AK920BO", "asin": "B00061MO7K", "reviewerName": "robbann", "reviewText": "no problems", "summary": "Five Stars", "unixReviewTime": 1491264000} +{"overall": 5.0, "verified": false, "reviewTime": "11 12, 2016", "reviewerID": "A253FT45GRQYVH", "asin": "B0002DK6W2", "style": {"Size:": " 12-inch"}, "reviewerName": "Tammie", "reviewText": "Great price on this ordered 2 as my dog has a habit of going through them really quickly- I will probably buy more, but at the price offered works out well.", "summary": "Great Value", "unixReviewTime": 1478908800} +{"overall": 1.0, "verified": true, "reviewTime": "11 26, 2017", "reviewerID": "A1JJJVYUMK8L12", "asin": "B0002CH1BW", "style": {"Color:": " Brown"}, "reviewerName": "JJ", "reviewText": "Unfortunately my dog chewed this up within the week. Apparently the \"heartbeat\" made her crazy instead of comforted! Sorry I wasted my money on it. Don't buy it if you have a chewer.", "summary": "Sorry I wasted my money on it", "unixReviewTime": 1511654400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A2H4BI73T22WOZ", "asin": "B00061RIT4", "style": {"Size:": " Extra Small"}, "reviewerName": "Scott", "reviewText": "works great to let the cat into the basement where his litter box is. Easy to install with a few hand tools. It locks so I can lock him in the basement when needed.. what else is there to say it is a functioning cat door", "summary": "yay cat door", "unixReviewTime": 1394409600} +{"overall": 4.0, "verified": true, "reviewTime": "07 19, 2015", "reviewerID": "AH23LDPJVJPCC", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "S. Smith", "reviewText": "This handle is bigger than the other styles I've used. I never thought I had little hands until trying to grip this. If I want to get any distance, I have to use both hands.", "summary": "This handle is bigger than the other styles I've used ...", "unixReviewTime": 1437264000} +{"overall": 5.0, "verified": true, "reviewTime": "05 21, 2015", "reviewerID": "A33XF3ZPKQYZG0", "asin": "B0002DJXT4", "style": {"Size:": " Large"}, "reviewerName": "Wendy A ", "reviewText": "My mastiffs love this and so far it is holding up. They haven't chewed any pieces off.", "summary": "Holds up!", "unixReviewTime": 1432166400} +{"overall": 4.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "ARQ4BJFTA9CF1", "asin": "B0002DJVUK", "style": {"Size:": " Small"}, "reviewerName": "Gary Hendrickson", "reviewText": "My two parakeets love swinging back and forth on this swing. Sometimes they'll both be on it at the same time.", "summary": "My two parakeets love swinging back and forth on this swing", "unixReviewTime": 1441065600} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2014", "reviewerID": "A1UOM10WHZM573", "asin": "B0002AQCL4", "style": {"Size:": " 12\"l x 8\"w"}, "reviewerName": "Megan C", "reviewText": "Works well For my leopard geckos in a 29 gallontank. Wish I would have gotten the smaller one instead. M", "summary": "works well", "unixReviewTime": 1401840000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2016", "reviewerID": "AVZP9XKZYI9AQ", "asin": "B00025K1GQ", "style": {"Size:": " 0.42"}, "reviewerName": "Katrina Spohn", "reviewText": "All my fish love these and I give it to them at leat once a day in addition to other food. Great product.", "summary": "All my fish love it", "unixReviewTime": 1481673600} +{"overall": 5.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A3DKWEQL7B7H92", "asin": "B00028ZM4O", "reviewerName": "Cathy", "reviewText": "Works great for skin problems", "summary": "Works Great", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2014", "reviewerID": "A2E96A5NVCA6VG", "asin": "B0002HBO10", "style": {"Size:": " 2 lb."}, "reviewerName": "Vickie Reese", "reviewText": "Good quality food for my pet rats, well grandson's technically and with the subscribe and save it comes in just about the time the supply runs out. No need to worry about running to the store and paying more.", "summary": "Good value", "unixReviewTime": 1401667200} +{"overall": 5.0, "verified": true, "reviewTime": "01 17, 2018", "reviewerID": "A2ASCYT0CS3COY", "asin": "B0002DH2YW", "style": {"Size:": " Twin pack"}, "reviewerName": "tibby", "reviewText": "The birds like it.", "summary": "Five Stars", "unixReviewTime": 1516147200} +{"reviewerID": "A1R7HTSERO99V9", "asin": "B0002BTDAK", "reviewerName": "Paula De Santis", "verified": true, "reviewText": "The dogs love it, as an extra bed when you have two dogs.", "overall": 5.0, "reviewTime": "08 4, 2017", "summary": "Five Stars", "unixReviewTime": 1501804800} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "AVE1SXX3A7B24", "asin": "B00019JOSO", "reviewerName": "Rafael", "reviewText": "very good", "summary": "Five Stars", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2012", "reviewerID": "AE4ED1Z5FVB8W", "asin": "B0002DK26C", "style": {"Size:": " Large"}, "reviewerName": "Rebecca S", "reviewText": "We all love this toy! Tilly can squish it so it fits in her mouth, she can roll it around to get food, and she just loves it! My husband and I like the softer, durable plastic, since it's quiet when it hits the walls! :)", "summary": "Great toy!", "unixReviewTime": 1353456000} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A38XZC94AL69GK", "asin": "B0002FP3X2", "reviewerName": "Robert Nordin", "reviewText": "My bird only likes this food", "summary": "Great bird food", "unixReviewTime": 1484956800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/718+w7yZW2L._SY88.jpg"], "overall": 4.0, "vote": "4", "verified": true, "reviewTime": "04 3, 2016", "reviewerID": "A2JULMVTJQT8LN", "asin": "B0002A5VK2", "style": {"Size:": " 100 MILLILITER"}, "reviewerName": "sfogamer", "reviewText": "The tank looks healthy after using the product. The water is clearer, fish and plants are thriving.", "summary": "Good product", "unixReviewTime": 1459641600} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "A19T1HWDDAUCIN", "asin": "B00025YU3Q", "style": {"Size:": " 5 Inch Pack of 2"}, "reviewerName": "PS", "reviewText": "Great! I have extras to switch out during the week.", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2014", "reviewerID": "A3F4T6VNA07APG", "asin": "B0002AB9FS", "reviewerName": "AP NYC", "reviewText": "One of my neighbors refers to my dogs as The Silkies because they are so soft. I put a half a pump of this in their food every morning.", "summary": "My dogs are nicknamed The Silkies", "unixReviewTime": 1400457600} +{"overall": 3.0, "verified": true, "reviewTime": "08 16, 2017", "reviewerID": "A32MVGQR96NA5R", "asin": "B0002DIS4K", "reviewerName": "laurie parks", "reviewText": "works okay on cat not dog", "summary": "Three Stars", "unixReviewTime": 1502841600} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2017", "reviewerID": "A1WSDJM0CE8P07", "asin": "B0002J1F76", "reviewerName": "Jenifer K.", "reviewText": "I use this on the outside puss, and I've not seen any fleas yet. I believe it works!", "summary": "I believe it works.", "unixReviewTime": 1485475200} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2015", "reviewerID": "A1T32VDS327J8K", "asin": "B0002ATAS6", "style": {"Size:": " 10'", "Color:": " Black"}, "reviewerName": "tracy laws", "reviewText": "Great for training.", "summary": "Five Stars", "unixReviewTime": 1420502400} +{"overall": 5.0, "verified": true, "reviewTime": "02 29, 2016", "reviewerID": "A32WZI76AB5M2R", "asin": "B00061URQA", "style": {"Size:": " 3.74 oz"}, "reviewerName": "Jaesauv", "reviewText": "Mu chocolate lab puppy loves them. They go fast.", "summary": "Five Stars", "unixReviewTime": 1456704000} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A12IHV365DJPV9", "asin": "B000256DS6", "style": {"Size:": " 60 lt"}, "reviewerName": "Nikki", "reviewText": "No complaints. This lasts a long time. I've only bought two in a 2 year period.", "summary": "No complaints. This lasts a long time. I've ...", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2017", "reviewerID": "A2TVESNA1LVOM8", "asin": "B00061MSIA", "style": {"Color:": " Clear"}, "reviewerName": "Amazon Customer", "reviewText": "works wonders for my horses ears", "summary": "Five Stars", "unixReviewTime": 1504915200} +{"overall": 5.0, "verified": true, "reviewTime": "09 18, 2014", "reviewerID": "A2IEZTM7V2FTTF", "asin": "B00020L79Q", "style": {"Color:": " Gray"}, "reviewerName": "Fletcher", "reviewText": "Very fast shipping! High quality product!", "summary": "Five Stars", "unixReviewTime": 1410998400} +{"overall": 5.0, "verified": true, "reviewTime": "06 11, 2016", "reviewerID": "A6BHIOMIZ8RW2", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Brent L. Bordelon", "reviewText": "I've used this product in the process of renewing Purigen for a few years now and wouldn't trust anything else for that. Of course it does a fine job of dechlorinating tab water as well.", "summary": "Of course it does a fine job of dechlorinating tab water as well", "unixReviewTime": 1465603200} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A1NWJ1N5BBWDKH", "asin": "B00025Z6YI", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "Kindle Customer", "reviewText": "my fish loves it. It was much bigger than I expected. I won't need to buy more for quite a while now.", "summary": "my fish loves it. It was much bigger than ...", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "05 13, 2017", "reviewerID": "A5G10MEVO770M", "asin": "B0002DILQ0", "reviewerName": "Amazon Customer", "reviewText": "My Quaker and my Green Cheek Conure enjoy these bells. I like that I can put them on different toys to keep my birds from being bored.", "summary": "Great for bird toys also.", "unixReviewTime": 1494633600} +{"overall": 4.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "A1UMV8RTNP8JD", "asin": "B00061UN0K", "style": {"Size:": " 5 lb."}, "reviewerName": "Suephoria", "reviewText": "should NOT be used as a staple for parrots, but as a good supplement to a nutritious pelleted food", "summary": "but as a good supplement to a nutritious pelleted", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "02 11, 2015", "reviewerID": "A2MT8YXSE2DFRR", "asin": "B000633M38", "style": {"Size:": " 33 lb", "Flavor Name:": " Chicken Meal & Barley", "Style:": " Light Dry Small Bites"}, "reviewerName": "Gene", "reviewText": "We have used this for several years. Good product and price.", "summary": "Good product and price", "unixReviewTime": 1423612800} +{"overall": 5.0, "verified": true, "reviewTime": "02 5, 2016", "reviewerID": "A2RWBMB1EFD2KA", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "MWorsa", "reviewText": "Good price.", "summary": "Five Stars", "unixReviewTime": 1454630400} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "A1NRMHZ9MJ1P7R", "asin": "B0002I9O84", "style": {"Size:": " 60 Tablets"}, "reviewerName": "Tattie", "reviewText": "Cat loves them and they work!!!", "summary": "no more fur balls!", "unixReviewTime": 1430179200} +{"overall": 5.0, "verified": true, "reviewTime": "07 21, 2017", "reviewerID": "A2HTL880BASEKZ", "asin": "B00008DFGY", "reviewerName": "Amazon Customer", "reviewText": "fair price.", "summary": "Five Stars", "unixReviewTime": 1500595200} +{"overall": 5.0, "verified": true, "reviewTime": "10 15, 2016", "reviewerID": "AS7QQCTC8YMNH", "asin": "B0002AT3MO", "style": {"Size:": " 42-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "Kellyann", "reviewText": "Love have bought many!!!!", "summary": "Great crate", "unixReviewTime": 1476489600} +{"overall": 5.0, "verified": false, "reviewTime": "02 9, 2016", "reviewerID": "A6PEFF0Y3IU75", "asin": "B00025YVPI", "style": {"Size:": " 1 Pack"}, "reviewerName": "Britt", "reviewText": "They seem so simple and silly to me but my cat loves them. They make their way to all sorts of interesting places in the house.", "summary": "They seem so simple and silly to me but my ...", "unixReviewTime": 1454976000} +{"overall": 5.0, "verified": true, "reviewTime": "05 20, 2013", "reviewerID": "A36WVDAPISPLN", "asin": "B0000BYDH7", "style": {"Size:": " Souper", "Package Type:": " Standard Packaging", "Style:": " Single"}, "reviewerName": "N. McCreary", "reviewText": "Our puppy is in that horrible teething stage and this bone has been great for her. Long lasting and safe, we recommend it for dogs of all ages.", "summary": "Safe entertainment for our puppy", "unixReviewTime": 1369008000} +{"overall": 5.0, "verified": true, "reviewTime": "02 2, 2017", "reviewerID": "A19TPL190RG4QK", "asin": "B0002DGMX4", "style": {"Size:": " 10 g"}, "reviewerName": "Raz0945", "reviewText": "Good product!", "summary": "Five Stars", "unixReviewTime": 1485993600} +{"overall": 5.0, "verified": true, "reviewTime": "05 15, 2013", "reviewerID": "A1XX2UEL0J417X", "asin": "B0002C7FFE", "reviewerName": "bar", "reviewText": "I live in an area that does not have fleas but plenty of ticks. This product works better than Frontline for ticks. I usually only have to use K-9 Advantage II 3 sometimes 4 times a year. It repels and kills.", "summary": "GOOD PRODUCT", "unixReviewTime": 1368576000} +{"overall": 3.0, "verified": true, "reviewTime": "12 6, 2014", "reviewerID": "A1R1LH97NIIED1", "asin": "B000068GQ6", "style": {"Style:": " Wafers"}, "reviewerName": "Nica. =)", "reviewText": "My dog love these as a treat, but they did nothing to ease her anxiety. Bummer.", "summary": "Didn't work for my beagle with separation anxiety.", "unixReviewTime": 1417824000} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2017", "reviewerID": "AFDJQUZEVZCAG", "asin": "B0002AQN2M", "style": {"Size:": " 1Pack"}, "reviewerName": "M.J", "reviewText": "My cats have never smelled so nice.", "summary": "Five Stars", "unixReviewTime": 1500508800} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2017", "reviewerID": "A3IS3QCN9F54II", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "Nicolas", "reviewText": "This toy drives my dog and cats up the wall, which is what a good toy should do. It is also a conversation starter with other pet owners.", "summary": "Dog Toy", "unixReviewTime": 1483401600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2017", "reviewerID": "AZ17YCZAA5WJW", "asin": "B0002568EA", "style": {"Size:": " 16-Ounce"}, "reviewerName": "M. Londono", "reviewText": "smells like vicks but seems to do the job an inexpensive solution to a wide range of problems.", "summary": "works on a lot", "unixReviewTime": 1502582400} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "ACRLMLQ54ML7R", "asin": "B0002AQK4S", "style": {"Size:": " 50-Gallon", "Package Type:": " Standard Packaging"}, "reviewerName": "E. Stamper", "reviewText": "Pretty good sponge. I can see alot of uses.", "summary": "Good sponge", "unixReviewTime": 1445731200} +{"reviewerID": "A1UJDSR8GOVG72", "asin": "B0002DJWVS", "reviewerName": "Walter B.", "verified": true, "reviewText": "It is very small. Does not work.", "overall": 1.0, "reviewTime": "06 17, 2015", "summary": "nock off", "unixReviewTime": 1434499200} +{"overall": 5.0, "verified": true, "reviewTime": "02 18, 2015", "reviewerID": "AL6V296HDKM88", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "leslie1492", "reviewText": "Gigantic fits PERFECTLY in 3x5 wire crates. And is perfect size to for TNR traps for vehicle transport (when tarp isn't warranted).", "summary": "Gigantic fits PERFECTLY in 3x5 wire crates. And is perfect size to for TNR traps for vehicle transport (when tarp isn't warrant", "unixReviewTime": 1424217600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2013", "reviewerID": "A17H4D7C8JCTKR", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 50: 20 to 50 Gallons"}, "reviewerName": "Fungi form", "reviewText": "This filter is absolutely wonderful! I previously used other filters that I got from Petco or Petsmart and they seem to break really easily. I have this filter for a few months and it is definitely working great! Very quiet and easy cleaning!", "summary": "So much better than those I had before!", "unixReviewTime": 1375833600} +{"overall": 5.0, "verified": true, "reviewTime": "04 23, 2015", "reviewerID": "ADBJ5NF54LIPL", "asin": "B0002YFC9I", "reviewerName": "Lees", "reviewText": "My cat has had arthritus for about a year, since she turned 12. Cosequin seems to give her some extra flexibility and mobility. She has no issue with this powder in her food, unlike most medicine I've given her. It's very convenient to administer in individual capsules.", "summary": "It works and my cat loves the taste", "unixReviewTime": 1429747200} +{"overall": 5.0, "verified": true, "reviewTime": "08 29, 2017", "reviewerID": "A1XTFWRUTFVY6S", "asin": "B0002A5VK2", "style": {"Size:": " 100 MILLILITER"}, "reviewerName": "crispifur", "reviewText": "Purigen is an amazing product! My aquarium has never looked clearer.", "summary": "Works great!", "unixReviewTime": 1503964800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2015", "reviewerID": "AUQ55IRPHTEQ0", "asin": "B0002I0O5G", "style": {"Size:": " X-Large", "Style:": " Squirrel"}, "reviewerName": "G", "reviewText": "The dog loves it! My dog is around 20lbs and hasn't ripped off their tails! He's had them for over a year and they are still in great shape! Highly recommended toy!", "summary": "My dog responds to, \"get your squirrel\"", "unixReviewTime": 1441411200} +{"overall": 5.0, "verified": true, "reviewTime": "05 2, 2016", "reviewerID": "AFBAMKL5OTDUO", "asin": "B0002BSMDE", "style": {"Size:": " 42-Inch", "Color:": " Khaki"}, "reviewerName": "Emily Simmons", "reviewText": "This worked great for my 60 pound dog. He loves laying down in his kennel at night now!", "summary": "Five Stars", "unixReviewTime": 1462147200} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2018", "reviewerID": "A39FC4X98FTF8J", "asin": "B0002J1F76", "reviewerName": "Brian Schneider", "reviewText": "Works great even here in the south where the flea and tic problem can really be a problem.", "summary": "Five Stars", "unixReviewTime": 1523145600} +{"overall": 5.0, "verified": true, "reviewTime": "04 30, 2016", "reviewerID": "A27VS3MQHBIHHK", "asin": "B0002ASD34", "reviewerName": "John Soulard", "reviewText": "As posted", "summary": "Five Stars", "unixReviewTime": 1461974400} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2015", "reviewerID": "A27CVJW1JV5SII", "asin": "B000256DF4", "style": {"Size:": " 48-Inch"}, "reviewerName": "EMWXR", "reviewText": "Installed in my 70 gallon tank with no problems. It reached from one end to the other and provides a nice even curtain of bubbles. Since it is weighted, it stays on the tank floor without floating away. Works great and would buy again.", "summary": "It reached from one end to the other and provides a nice even curtain of bubbles", "unixReviewTime": 1450051200} +{"overall": 5.0, "verified": true, "reviewTime": "07 25, 2016", "reviewerID": "A2RLQKE9NHSSZB", "asin": "B00008URR8", "style": {"Style Name:": " Spotlifter Only"}, "reviewerName": "Ghost", "reviewText": "Works well, now as long as it lasts it will be excellent", "summary": "Five Stars", "unixReviewTime": 1469404800} +{"overall": 1.0, "verified": true, "reviewTime": "09 29, 2015", "reviewerID": "AAU16INZS8CUN", "asin": "B0002WPTHU", "reviewerName": "janice", "reviewText": "My dogs did not enjoy this at all. I ended up wasting food every time I sprayed it on their food.", "summary": "My dogs did not enjoy this at all", "unixReviewTime": 1443484800} +{"overall": 5.0, "verified": true, "reviewTime": "03 26, 2015", "reviewerID": "A2HT6JWBE4YBR1", "asin": "B0002DHO0Y", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "TheCharlestonian", "reviewText": "Indestructible! Excellent with almond butter in the cracks.", "summary": "Excellent with almond butter in the cracks", "unixReviewTime": 1427328000} +{"overall": 3.0, "verified": true, "reviewTime": "03 17, 2016", "reviewerID": "ANJKAMN45ZSKQ", "asin": "B00006IX5A", "style": {"Size:": " Small, 2-Pack"}, "reviewerName": "queen of hearts", "reviewText": "These are too big for my yorkie weighs only 4lbs. My 7lb dog has already chewed most of the fuzz off of it. I worry about them choking. Hence the 3 stars.", "summary": "Not for really small dogs", "unixReviewTime": 1458172800} +{"overall": 5.0, "verified": true, "reviewTime": "07 4, 2016", "reviewerID": "A2JQ6NI1Z3EATH", "asin": "B000633ONQ", "style": {"Size:": " 33 lb. Bag", "Flavor Name:": " Performance 30/20 Salmon & Rice Formula"}, "reviewerName": "Amazon Customer", "reviewText": "Great food, and My Dogs love it!!!", "summary": "Five Stars", "unixReviewTime": 1467590400} +{"overall": 5.0, "verified": true, "reviewTime": "11 15, 2010", "reviewerID": "A1XTVN0TGNHW92", "asin": "B0002AT7XE", "style": {"Size:": " 5\" X 4.5\" X 12\""}, "reviewerName": "H. Krech", "reviewText": "What a fun, functional, good looking castle in our aquarium - we love it and it seems to intrigue our fish!", "summary": "Looks great in the aquarium!", "unixReviewTime": 1289779200} +{"overall": 3.0, "verified": true, "reviewTime": "03 11, 2016", "reviewerID": "A2JVE5NRZINVHM", "asin": "B0002A5ZGC", "style": {"Size:": " 10 inches", "Color:": " Clear"}, "reviewerName": "Diana", "reviewText": "Works well for my large Syrian hamster. I do tape the cover closed after the hamster escaped and almost met her demise via my cat. It also cracked easily when I dropped it from a short distance (hamster wasn't inside!). Overall works well.", "summary": "Great for Syrians", "unixReviewTime": 1457654400} +{"overall": 5.0, "verified": true, "reviewTime": "03 4, 2018", "reviewerID": "A2KLCFMF4I8VM2", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "Illy", "reviewText": "I am happy with it just took my cat a few to get used to it. Funny I read many reviews before I decided to purchase it people saying it makes way too much noise um not happening on this end.", "summary": "I am happy with it just took my cat a few to ...", "unixReviewTime": 1520121600} +{"overall": 5.0, "verified": true, "reviewTime": "01 28, 2015", "reviewerID": "A116XSQTLV7TV8", "asin": "B00025651G", "style": {"Size:": " Large"}, "reviewerName": "Serg", "reviewText": "I fish love it", "summary": "perfect", "unixReviewTime": 1422403200} +{"overall": 5.0, "verified": false, "reviewTime": "07 19, 2014", "reviewerID": "A3Q5LE9PAMR36W", "asin": "B0002RJM9Q", "style": {"Size:": " Large"}, "reviewerName": "Kindle Customer", "reviewText": "Dogs and cats rate it highly. Show it and they come running for their brushing.", "summary": "Highest pet rating.", "unixReviewTime": 1405728000} +{"overall": 5.0, "verified": true, "reviewTime": "07 13, 2014", "reviewerID": "A1HQYSM2SOKUPX", "asin": "B0002ARQYG", "style": {"Size:": " Large"}, "reviewerName": "Jen", "reviewText": "Good quaility, it's holding together well and I have 6 dogs and the cats like it too", "summary": "safari dog brush", "unixReviewTime": 1405209600} +{"overall": 4.0, "verified": true, "reviewTime": "11 3, 2015", "reviewerID": "A3GLDTGE3ELHM4", "asin": "B0002DJ6XW", "style": {"Size:": " Toy is 7 1/4' x 2 1/4' x 1 1/2'."}, "reviewerName": "Amazon Customer", "reviewText": "Cats loved these. Lasted about a week with 3 cats playing with them. Worth the money for the fun the had.", "summary": "Nice product.", "unixReviewTime": 1446508800} +{"overall": 5.0, "verified": true, "reviewTime": "03 1, 2014", "reviewerID": "AWJXWD0EMKIUV", "asin": "B0002QX3Q0", "style": {"Size:": " 16-Ounce"}, "reviewerName": "T. B. H.", "reviewText": "My hound loves these treats, and getting a pound of \"cookies\" for $3 is a great deal. I don't give them to my grain-free dog, but my other dog gets a handful every night and dances happily in anticipation.", "summary": "Great bargain and dog seems to love it", "unixReviewTime": 1393632000} +{"overall": 5.0, "verified": true, "reviewTime": "09 28, 2014", "reviewerID": "A23SV224EUX0IY", "asin": "B0002DJONY", "style": {"Size:": " 5 Lb"}, "reviewerName": "eskimopatty", "reviewText": "great storage container for our dogs treats. we have 3 sizes of the vittles vault and love them all. highly recommend! thanks", "summary": "great storage container for our dogs treats", "unixReviewTime": 1411862400} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2016", "reviewerID": "A252FXQX3GB5J8", "asin": "B00061UX2I", "reviewerName": "K. Rodman", "reviewText": "Always great. Excellent service", "summary": "Always great. Excellent service", "unixReviewTime": 1460073600} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2016", "reviewerID": "ADPNZ8YUUR6WU", "asin": "B0002J1FOE", "reviewerName": "Sandra Kay Plunk", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1481328000} +{"overall": 5.0, "verified": false, "reviewTime": "06 1, 2017", "reviewerID": "A3856A6EYIB0D5", "asin": "B000084F1Z", "style": {"Size:": " 14-Ounce", "Flavor Name:": " Sweet Potato & Bison"}, "reviewerName": "xsha", "reviewText": "my dogs love these", "summary": "Five Stars", "unixReviewTime": 1496275200} +{"overall": 5.0, "verified": true, "reviewTime": "04 9, 2015", "reviewerID": "A8GO7OZQRFLG5", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Heather", "reviewText": "Perfect for all kinds of cans. I marked one for my cat and use the other two to keep food good in the fridge.", "summary": "Perfect for all kinds of cans", "unixReviewTime": 1428537600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2016", "reviewerID": "A15P17NNY85U17", "asin": "B0002AR3O4", "style": {"Size:": " 50-Watt/120-Volt", "Package Type:": " Standard Packaging"}, "reviewerName": "Matthew Mayer", "reviewText": "Great little light!", "summary": "Five Stars", "unixReviewTime": 1472688000} +{"overall": 1.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "ANG7N8JWBEYS7", "asin": "B0002I9O70", "style": {"Color:": " 1 pack"}, "reviewerName": "BillT", "reviewText": "Not a fan -", "summary": "Not that good", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2018", "reviewerID": "A3Q3XU07B6VM9R", "asin": "B000296N7S", "reviewerName": "JaniKin", "reviewText": "It works, glad there is an over-the-counter solution that works and is less than what the vet would charge.", "summary": "Great product, good price", "unixReviewTime": 1518825600} +{"overall": 4.0, "verified": true, "reviewTime": "10 28, 2012", "reviewerID": "A2L8SYC69Z5S1", "asin": "B0002YFQ6W", "style": {"Size:": " 16 Ounce"}, "reviewerName": "D. Throckmorton", "reviewText": "this item was shipped on time and also was received on time. it had a nice scent to it my dog liked it", "summary": "dog shampoo", "unixReviewTime": 1351382400} +{"overall": 1.0, "vote": "6", "verified": true, "reviewTime": "02 24, 2007", "reviewerID": "A3S5E9L1VZ2L88", "asin": "B000084EEF", "reviewerName": "Corinna Taylor", "reviewText": "My cats have showed no interest whatsoever in this toy. But I think if I remove the corrugated and ball I'll have a nice palette for mixing paints.", "summary": "save your money", "unixReviewTime": 1172275200} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A1N2P1KW52L9O", "asin": "B00063446M", "style": {"Style:": " Standard"}, "reviewerName": "Trekker01", "reviewText": "This was a replacement for a Drinkwell fountain originally bought for much more in a pet store.", "summary": "Five Stars", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2015", "reviewerID": "A3KHNHZA81ZGSP", "asin": "B00006IUWK", "style": {"Size:": " 34"}, "reviewerName": "Carrie J.", "reviewText": "Perfect for experimenting with different cocktails. Easy to care for.", "summary": "Good Buy", "unixReviewTime": 1420243200} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2014", "reviewerID": "A24OJEO5SODZQM", "asin": "B00063496C", "style": {"Size:": " 12 Filters"}, "reviewerName": "Sherri Calvin", "reviewText": "Always delivered on time. Cheaper by the dozen. My cat Greycie loves her fountain. I know u can use it w/o filters but I would rather use them.", "summary": "Always delivered on time. Cheaper by the dozen. ...", "unixReviewTime": 1406419200} +{"overall": 4.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A2L3H129YZNMFZ", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "ulysses jimenez", "reviewText": "Great price can't be beat compared to the retail at pet stores", "summary": "Four Stars", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "ANH63LTW13EG", "asin": "B00063496C", "style": {"Size:": " 3 Filters"}, "reviewerName": "Kevin", "reviewText": "Appears to be a high quality filter, which is to be expected from the company that manufactures the fountain as well as the filters.", "summary": "Nice quality filters", "unixReviewTime": 1491523200} +{"overall": 5.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A6C2UF3Q4CJSN", "asin": "B0002DIRXC", "reviewerName": "Laura G Smith", "reviewText": "Nice and roomy for my 22 lbs cat. Great quality and color.", "summary": "Five Stars", "unixReviewTime": 1509667200} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2018", "reviewerID": "A3IXC4TDYP6RPY", "asin": "B0002DIO4E", "style": {"Size:": " 17 fl.oz.", "Style:": " Advanced Plaque and Tartar"}, "reviewerName": "JRH", "reviewText": "Tried other products with okay results. This one seems to work the best of the bunch and my dog also appears to like it in his water...he is now in the habit of waiting for me to add it in the morning before he drinks.", "summary": "This one seems to work the best of the bunch and my dog also appears to ...", "unixReviewTime": 1521936000} +{"overall": 5.0, "verified": true, "reviewTime": "10 19, 2014", "reviewerID": "A3E06I30Q1ENES", "asin": "B0002ARYWU", "style": {"Size:": " 4.5 inches", "Color:": " Red"}, "reviewerName": "Becca", "reviewText": "I bought the larger balls for my two large breed dog and they love them. I also purchased the 4.5 ball for my miniature breed. It is wonderful that the little guy finally has a ball he can play catch with. Other balls I have tried to find are too large or heavy.", "summary": "Love these!", "unixReviewTime": 1413676800} +{"overall": 1.0, "vote": "4", "verified": false, "reviewTime": "08 14, 2010", "reviewerID": "A1JCBJQXKRPHK9", "asin": "B00008DFK5", "reviewerName": "ILeason", "reviewText": "My dog does not touch this stuff. The paste is messy and not something you would let your puppy play with in the house. I did try freezing the Kong toy but as soon as the paste thaws it oozes out of the toy and creates a huge mess. He does like the Kong Toy without the paste.", "summary": "Total waste of money!", "unixReviewTime": 1281744000} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A38Z5MIF1ZBBAL", "asin": "B0002EZIRY", "reviewerName": "Brittany Pleszewski", "reviewText": "No more leaking water into my animals cages!", "summary": "Nice bottle", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "01 12, 2015", "reviewerID": "A9CU7RACOP4KX", "asin": "B000084DXS", "style": {"Size:": " 13 oz, 12 Pack", "Style:": " Entre | Chicken"}, "reviewerName": "normagene", "reviewText": "Good nutrition. My terrier liked this one for 2-3 weeks and that's really good. She tires of most of them after 2-3 days.", "summary": "Good nutrition. My terrier liked this one for 2-3 ...", "unixReviewTime": 1421020800} +{"overall": 5.0, "verified": true, "reviewTime": "08 12, 2015", "reviewerID": "A2JNTSV7MP1W3I", "asin": "B0002AQCLO", "style": {"Size:": " 18\"l x 8\"w"}, "reviewerName": "Panda", "reviewText": "Well, it's an under tank heater. You have to be careful because it does get pretty hot if you're not watching. I have mine on a timer to avoid that.", "summary": "Just like it says", "unixReviewTime": 1439337600} +{"overall": 4.0, "verified": true, "reviewTime": "10 1, 2014", "reviewerID": "A1CDF9XVD32LCL", "asin": "B00027464C", "reviewerName": "Jeanette M. Olson", "reviewText": "Not quite as well made as one my cousin \"borrowed\" from me, but holds up well, very convenient to take on a walk & the dogs love it.\nGood for water or food.", "summary": "Just What I Was Looking For", "unixReviewTime": 1412121600} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A15IVNF2ECK3L6", "asin": "B00028ZLPE", "reviewerName": "Daniel C.", "reviewText": "works as described.", "summary": "Gently clean your pets ears", "unixReviewTime": 1421107200} +{"overall": 1.0, "verified": true, "reviewTime": "12 7, 2010", "reviewerID": "A3UPRMY10TYDAX", "asin": "B0002DK7LC", "reviewerName": "Amazon Customer", "reviewText": "I ordered this item along with another in November and I have yet to recieve it. It is past the expected delivery date and their is no other options on contacting the seller. Poor, poor service.", "summary": "DID not recieve", "unixReviewTime": 1291680000} +{"overall": 1.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A1HXGVCXYZ1ZMZ", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "HD Road King", "reviewText": "awful product", "summary": "One Star", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A2L0O0H4UNTJG6", "asin": "B00061UX2I", "reviewerName": "Tammy Linn", "reviewText": "It's as advertised. I bought it for my African Grey", "summary": "Five Stars", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2015", "reviewerID": "AQCHBF5A1BJFX", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "RN", "reviewText": "The bunnies love these.", "summary": "Five Stars", "unixReviewTime": 1428796800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2018", "reviewerID": "A9T7A1YZ6HLZ6", "asin": "B000255NCI", "style": {"Style:": " Saltwater"}, "reviewerName": "Springer", "reviewText": "everything you need to make sure your tank is up and running properly .", "summary": "Love It!", "unixReviewTime": 1525305600} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "03 11, 2013", "reviewerID": "A3AZ8ZRNK2SS07", "asin": "B0002APQ5W", "reviewerName": "XBOY2000", "reviewText": "I think you're better off saving your money and training your dog the old fashion way. If anything, this made our Miniature Dachshund run the other way. Once I stopped using this she started doing her business in the right spot.", "summary": "Don't think it works.", "unixReviewTime": 1362960000} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A3DGFYWD70EUJ2", "asin": "B0002DGI1U", "style": {"Size:": " 4.5 lb"}, "reviewerName": "patreca mcreynolds", "reviewText": "Rabbit love this eat it up", "summary": "Yummy to rabbit tummy", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2017", "reviewerID": "A3QAJF21CV4JUI", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "gellen62", "reviewText": "washes well-keep a spare in case-good price", "summary": "Five Stars", "unixReviewTime": 1502064000} +{"reviewerID": "AFDZN4C79UVJ1", "asin": "B0002DK9L0", "reviewerName": "ede harm", "verified": true, "reviewText": "Our rescues dogs love pushing the ball.", "overall": 5.0, "reviewTime": "03 7, 2018", "summary": "Five Stars", "unixReviewTime": 1520380800} +{"overall": 2.0, "verified": true, "reviewTime": "06 7, 2017", "reviewerID": "A2657RLJTPL7Z9", "asin": "B0002AR17S", "style": {"Size:": " X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "someonenew", "reviewText": "Too hard for my puppys small jaw", "summary": "Two Stars", "unixReviewTime": 1496793600} +{"overall": 5.0, "verified": true, "reviewTime": "06 1, 2015", "reviewerID": "ADUC94OIYQZ7H", "asin": "B000255NAK", "style": {"Style:": " Ammonia"}, "reviewerName": "Krissy", "reviewText": "Was a great way to check the ammonia levels", "summary": "Great Price", "unixReviewTime": 1433116800} +{"overall": 5.0, "verified": true, "reviewTime": "12 3, 2013", "reviewerID": "A2NSL5RXRSXXCF", "asin": "B0002AB9FS", "style": {"Size:": " 16 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "spellgirl", "reviewText": "this oil is a reasonable price and has made a significant difference in my dog's coat over the past year or so that i have been using it.", "summary": "works well.", "unixReviewTime": 1386028800} +{"overall": 3.0, "verified": true, "reviewTime": "09 30, 2014", "reviewerID": "AWRSNAVFMYKVE", "asin": "B0002I0RNK", "style": {"Size:": " Medium/Large"}, "reviewerName": "Katelyn", "reviewText": "I bought this toy for my foster puppy to play with while I crate him. He is a lab mix (about 50 pounds) and can't get the treats to come out easily (if at all). I love the concept but would prefer something that is a little more attainable for my pup.", "summary": "He is a lab mix (about 50 pounds) and can't get the treats to come out easily (if at all)", "unixReviewTime": 1412035200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2017", "reviewerID": "A1GAHVLSK4VHB9", "asin": "B0002DJM40", "reviewerName": "iceph03nix", "reviewText": "Bought it with the idea that it was fairly cheap and wouldn't be a loss if it were a failure.\n\nWas a little sad when I showed it to our ferret and he didn't care. but a couple days later he found it on his own and went crazy so it's definitely worth it.", "summary": "Was a little sad when I showed it to our ferret and he ...", "unixReviewTime": 1485734400} +{"overall": 5.0, "verified": true, "reviewTime": "10 23, 2013", "reviewerID": "A2CVQF1FJ5I33Q", "asin": "B0001BV0OI", "style": {"Size:": " 40-Pounds"}, "reviewerName": "CrazyCatLady", "reviewText": "I bought this as a gift to a rescue center for felines. It was on their request list so sent it to them. They use this product a lot and I also use it for my cats.", "summary": "Love this product.", "unixReviewTime": 1382486400} +{"overall": 5.0, "verified": true, "reviewTime": "09 7, 2014", "reviewerID": "AYA21733B6KLI", "asin": "B0002AS1C2", "style": {"Size:": " Single"}, "reviewerName": "M. L. Black", "reviewText": "I think I paid $3 for this w/free 2-day shipping with Prime. It's as described. Not much more to say. It was exactly what I was looking for and it was 1/4 of the price of my local hardware store was selling it for. I bought two to feed and water a litter if pups.", "summary": "Good Buy", "unixReviewTime": 1410048000} +{"overall": 5.0, "verified": true, "reviewTime": "03 12, 2014", "reviewerID": "AJTUSRE3CXM2L", "asin": "B0002DGMGG", "style": {"Pattern:": " Souper"}, "reviewerName": "garden girl", "reviewText": "good toy but too big for my rott, maybe she will grow into it.\nbuilt to last for a long time.", "summary": "good dog toy", "unixReviewTime": 1394582400} +{"overall": 2.0, "verified": true, "reviewTime": "08 11, 2017", "reviewerID": "AOK1MJI6S8AK1", "asin": "B000062WUT", "style": {"Pattern:": " Lambchop"}, "reviewerName": "Rosa D", "reviewText": "I have a power chewer puppy and he destroyed this toy within 2 minutes of having it. That's very disappointing. I realize he's more rough than most pups but toys that are this delicate should not be marketed as dog toys. It's unsafe for the puppy. Very disappointed, returned.", "summary": "Not for Power Chewers!!!!", "unixReviewTime": 1502409600} +{"overall": 2.0, "verified": true, "reviewTime": "07 21, 2007", "reviewerID": "A1475N7DVX7B7D", "asin": "B0002AR18M", "style": {"Size:": " One size", "Color:": " Purple"}, "reviewerName": "A. Johns", "reviewText": "It's really not impressive at all. I figured it would have a brush type set up on the back of it, but it has these weird rubber cones that scared my cat. I don't like it, and it's really not worth the money.", "summary": "ZoomGroom", "unixReviewTime": 1184976000} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2014", "reviewerID": "APSL1DMGCZ94G", "asin": "B0002566YC", "style": {"Size:": " 50-Ounce"}, "reviewerName": "lindy", "reviewText": "I think I help to clean my fish tank good.", "summary": "Five Stars", "unixReviewTime": 1418688000} +{"overall": 2.0, "verified": true, "reviewTime": "09 10, 2015", "reviewerID": "A34UTES3EQ8CTO", "asin": "B0002MIX0A", "style": {"Size:": " Large (11.5 inches)"}, "reviewerName": "michael santiago", "reviewText": "didnt last long...", "summary": "Two Stars", "unixReviewTime": 1441843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 19, 2014", "reviewerID": "A6T2FJ8M6HQNX", "asin": "B00020SVDG", "style": {"Package Type:": " Standard Packaging", "Style:": " 110: 60 to 110 US Gallons"}, "reviewerName": "Nelson Bellido", "reviewText": "Super quiet! a lot of space inside for filter media. Does and awesome job. Cant complain", "summary": "Awesome prodcut", "unixReviewTime": 1408406400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2017", "reviewerID": "AP0LLBK4V6KDR", "asin": "B0000AH3QT", "style": {"Size:": " 8 lb. Bag"}, "reviewerName": "Jasper", "reviewText": "Good price, my dog loves it!", "summary": "Hungry dawg special", "unixReviewTime": 1490659200} +{"overall": 5.0, "verified": true, "reviewTime": "02 23, 2017", "reviewerID": "A20AUS8Z50W488", "asin": "B0002566TW", "style": {"Size:": " 16 oz"}, "reviewerName": "Amazon Customer", "reviewText": "great", "summary": "Five Stars", "unixReviewTime": 1487808000} +{"overall": 5.0, "verified": true, "reviewTime": "03 16, 2015", "reviewerID": "A3QJPVSL7GLLXM", "asin": "B0002AQM9Q", "style": {"Size:": " 16 oz"}, "reviewerName": "L. Christensen", "reviewText": "This product seems to give immediate relief to our miniature schnauzer. We use many of the Vet's Best products. So far all have been excellent! Very reasonable too.", "summary": "Excellent product.", "unixReviewTime": 1426464000} +{"overall": 5.0, "verified": true, "reviewTime": "05 19, 2015", "reviewerID": "ATT2UJWZVXOE0", "asin": "B0002DH8JG", "style": {"Color:": " Pearl Peacock"}, "reviewerName": "Nattybel", "reviewText": "AWESOME ITEM, the kitties love it and it is such great quality", "summary": "Five Stars", "unixReviewTime": 1431993600} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2015", "reviewerID": "AC3PGR34GGCL9", "asin": "B0002565SY", "style": {"Size:": " 6-Pack", "Color:": " C - Blue"}, "reviewerName": "Desmond Allen", "reviewText": "The local pet store sell a 3 pack for the same price this is your wholesale price a must have to not have cloudy water", "summary": "Cloud free", "unixReviewTime": 1435363200} +{"overall": 2.0, "verified": false, "reviewTime": "08 14, 2014", "reviewerID": "A2037T8D7ILWHV", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "Carolyn Manka", "reviewText": "Expensive toy that my Havanese could care less about - and she plays with anything and everything.", "summary": "Two Stars", "unixReviewTime": 1407974400} +{"overall": 1.0, "verified": true, "reviewTime": "02 8, 2015", "reviewerID": "AHAYGJ38XY648", "asin": "B00061UUU8", "reviewerName": "genevieve", "reviewText": "Not a fan of this perch. VERY hard for my cockatiel to perch on in the shower. It rusts immediately and it slowly falls down when bird attempts to sit on it. Freaks her out so she won't perch on it anymore. Waste of money.", "summary": "move on", "unixReviewTime": 1423353600} +{"overall": 5.0, "verified": true, "reviewTime": "01 6, 2017", "reviewerID": "A1962ZTEDOHXVC", "asin": "B0002IJQDC", "style": {"Size:": " 60-Gram"}, "reviewerName": "powerby50", "reviewText": "Put it on my buddies paws before we walk in the woods , doesn't bother him at all and his paws are in much better shape.", "summary": "Works great", "unixReviewTime": 1483660800} +{"overall": 2.0, "verified": true, "reviewTime": "06 23, 2014", "reviewerID": "A2ZVPXC2BPX4A0", "asin": "B000084EXU", "style": {"Size:": " Petite/X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Clairabelle", "reviewText": "our dog doesn't want anything to do with this. he is a little pup so maybe he will grow into it.", "summary": "boney", "unixReviewTime": 1403481600} +{"overall": 4.0, "verified": true, "reviewTime": "10 14, 2017", "reviewerID": "A2SCN0K97M9P00", "asin": "B00028ZLD6", "reviewerName": "Richard D. Corsi", "reviewText": "Good stuff to deworm pets.", "summary": "Four Stars", "unixReviewTime": 1507939200} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2013", "reviewerID": "A30R25O88WUP3X", "asin": "B0002DK6P4", "style": {"Size:": " Large"}, "reviewerName": "VSmith", "reviewText": "The liners work well with the traveling cat box I purchased. The liners hold up well. Neither of my cats have torn through them when using the litter box. Arrived promptly.", "summary": "Works for intended purpuse", "unixReviewTime": 1385769600} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2015", "reviewerID": "A6O874UAKMNSK", "asin": "B0002AT3MO", "style": {"Size:": " 36-Inch w/Divider", "Style:": " Double Door"}, "reviewerName": "mauicatwoman", "reviewText": "Easy to put together and dismantle, plus great it has the handle for easy carry", "summary": "Five Stars", "unixReviewTime": 1434585600} +{"overall": 4.0, "verified": true, "reviewTime": "01 11, 2017", "reviewerID": "A2LMD60WH1WVPO", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "ALINA S.", "reviewText": "My dog had a great time with it.", "summary": "Four Stars", "unixReviewTime": 1484092800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/41KTMzZX7zL._SY88.jpg"], "overall": 5.0, "verified": true, "reviewTime": "09 27, 2016", "reviewerID": "A3QBC2P6OU0JTU", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "Amazon Customer", "reviewText": "Great", "summary": "Thanks", "unixReviewTime": 1474934400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A1OWXHLUHZ2GH1", "asin": "B0002568ZO", "style": {"Size:": " Small"}, "reviewerName": "Becky", "reviewText": "Great cleaning tool...easy to use. You can buy the larger ones but this small size works just fine in my 15 gallon tank.", "summary": "Good Tool", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "04 27, 2016", "reviewerID": "AESPCH24RKZW9", "asin": "B0002CSKLM", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "TRJ", "reviewText": "Arrived as advertised.", "summary": "Five Stars", "unixReviewTime": 1461715200} +{"overall": 5.0, "verified": true, "reviewTime": "04 17, 2016", "reviewerID": "A3VF33R1LW8DE8", "asin": "B000255N0U", "style": {"Size:": " 8-Ounce"}, "reviewerName": "AbinoLynne", "reviewText": "Works as described.", "summary": "Nice clarifier for my fresh water aquarium.", "unixReviewTime": 1460851200} +{"overall": 5.0, "verified": true, "reviewTime": "04 12, 2014", "reviewerID": "A1J4VBES13P5E8", "asin": "B00026Z4HQ", "reviewerName": "Robert C. Hayman", "reviewText": "I can honestly say I have never bought a better flake food for my very Large Tangs and Angels. They go crazy over this food I have purchased many of these and will continue.", "summary": "FORMULA TWO FLAKE", "unixReviewTime": 1397260800} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2013", "reviewerID": "AGR4465YDQF4L", "asin": "B0002AQITK", "reviewerName": "Vera", "reviewText": "I have one for each of my tanks. It works well and doesn't take up much space. I'll buy the same for any small or mid sized tanks I get in the future.", "summary": "Works well", "unixReviewTime": 1363651200} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2016", "reviewerID": "A9NEKHJOGSCX5", "asin": "B0002ARUV0", "style": {"Size:": " 5.5\" diameter"}, "reviewerName": "PRODUCTREVIEWER123", "reviewText": "we bought this for our dogs first birthday! it even plays the music to happy birthday!! she loves playing with this toy! you definitely should buy your furry little daughter or son this for their birthday! its a super cute toy!", "summary": "it even plays the music to happy birthday!", "unixReviewTime": 1461628800} +{"overall": 4.0, "verified": true, "reviewTime": "01 24, 2014", "reviewerID": "A1D7B3F2VL5R0G", "asin": "B0002X8HB4", "style": {"Size:": " Large"}, "reviewerName": "sonjac24", "reviewText": "My dogs get so excited when I pull out these treats for them. It keeps them busy for 20 mins when I place them in the recommended toys.", "summary": "Everlasting Chicken Treats", "unixReviewTime": 1390521600} +{"overall": 5.0, "verified": true, "reviewTime": "05 6, 2014", "reviewerID": "A3L8JB084B683B", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "Clownfish Caretaker", "reviewText": "This is an excellent product that I would not do without in my nine year old reef tank or planted discus tank.", "summary": "Excellent product!", "unixReviewTime": 1399334400} +{"overall": 3.0, "verified": true, "reviewTime": "03 4, 2015", "reviewerID": "AVO47TUCWPPTE", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "BIKERBOY", "reviewText": "Not as good as I had hoped.", "summary": "Three Stars", "unixReviewTime": 1425427200} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2017", "reviewerID": "A2VPOP55EOJ7BN", "asin": "B00025Z6WK", "style": {"Size:": " 2.5 oz."}, "reviewerName": "Tyrone Jordan", "reviewText": "Fish love it", "summary": "Five Stars", "unixReviewTime": 1504483200} +{"overall": 5.0, "verified": true, "reviewTime": "11 22, 2014", "reviewerID": "A3AQBQ98NAV3DW", "asin": "B00028IXC2", "style": {"Size:": " Fits Most 19 Inch Crates-up to 15lbs"}, "reviewerName": "jrsmom", "reviewText": "Soft..and comfy..for my Yorkies crate", "summary": "Bed", "unixReviewTime": 1416614400} +{"overall": 5.0, "verified": true, "reviewTime": "06 24, 2016", "reviewerID": "A3TPXCTH30MR3", "asin": "B0002DJXGW", "style": {"Size:": " Small Pack of 2"}, "reviewerName": "Mrs. Rose Taylor", "reviewText": "These are fairly durable. They may not stand against a dog that really chews, but my puppy doesn't gnaw destructively so they work for us. They are a bit stretchy, and are working great for tug-o-war, which is Tucker's favorite game.", "summary": "and are working great for tug-o-war", "unixReviewTime": 1466726400} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2017", "reviewerID": "A4GOVDUFHX5QY", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Sweet Potato & Chicken"}, "reviewerName": "Amazon Customer", "reviewText": "Dogs love these!", "summary": "Five Stars", "unixReviewTime": 1489017600} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2016", "reviewerID": "A3KYZENI8VQV1S", "asin": "B0002563O0", "style": {"Size:": " Small", "Style:": " 32\""}, "reviewerName": "sdinkel64", "reviewText": "I use rope perches for my birds instead of wood perches for their feet. They love the rope too.", "summary": "They love the rope too", "unixReviewTime": 1470528000} +{"overall": 3.0, "verified": true, "reviewTime": "02 25, 2017", "reviewerID": "A2Y8OHMRRE00F6", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Squirrel"}, "reviewerName": "Lee", "reviewText": "Pup loves it but had to stitch up all the squirrels after 3 days", "summary": "Three Stars", "unixReviewTime": 1487980800} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "A13DI9IMJ28S5W", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Joyce Taylor", "reviewText": "Makes water testing easy.", "summary": "Five Stars", "unixReviewTime": 1502150400} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2014", "reviewerID": "A2FNAU361RVEV5", "asin": "B0002APRGA", "style": {"Color:": " Bag Pink/Green/Blue Fluorescent"}, "reviewerName": "fransnutz", "reviewText": "Easy to wash. It shows up pretty under any color of light and makes the fish show up well. I have already got a total of 5 bags of this and will get more", "summary": "I love this", "unixReviewTime": 1394409600} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2013", "reviewerID": "A1PLSPEF17MLP8", "asin": "B0002ARR6S", "style": {"Size:": " 8-inch", "Color:": " Black"}, "reviewerName": "T. McKinch", "reviewText": "This is a must for any dog of any age, but the best for older dogs to help with their necks. Make sure you purchase the correct height", "summary": "These are the best", "unixReviewTime": 1363996800} +{"overall": 5.0, "verified": true, "reviewTime": "04 2, 2017", "reviewerID": "A56U66FRH7JO7", "asin": "B0002AQMWS", "style": {"Size:": " 25 lb"}, "reviewerName": "deborah smith", "reviewText": "BEST VALUE", "summary": "VALUE", "unixReviewTime": 1491091200} +{"overall": 5.0, "verified": true, "reviewTime": "09 19, 2016", "reviewerID": "A1H4IG6PK1O1MO", "asin": "B00061MWP4", "style": {"Style:": " 5 Skip Tooth: 1/4\" (6.3 mm)"}, "reviewerName": "J. Olson", "reviewText": "I have two Havanese and these blades cut right thru their fur -- one has cottony fur and one has more silky fur, and the blade works well on both.", "summary": "Excellent", "unixReviewTime": 1474243200} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2015", "reviewerID": "A3KUMAAA4HYVVD", "asin": "B0002APXKK", "style": {"Size:": " 5 inch Wide"}, "reviewerName": "LD", "reviewText": "It's an adequate fish net, lightweight and easy to maneuver in the fish tank. Holds up well, and has lasted for my needs. Just a nice little net!", "summary": "Great little net", "unixReviewTime": 1424563200} +{"reviewerID": "A3EGKSU6D6LUZ0", "asin": "B0002I0GV8", "reviewerName": "tm", "verified": true, "reviewText": "Love delivery to my door. No more schlepping heavy bags from pet store.", "overall": 5.0, "reviewTime": "10 22, 2014", "summary": "cheaper and muchhhh easier!!!!", "unixReviewTime": 1413936000} +{"overall": 1.0, "verified": true, "reviewTime": "07 19, 2016", "reviewerID": "A1QJSZSN2RVRTB", "asin": "B0002D31QU", "reviewerName": "Amazon Customer", "reviewText": "not helpful", "summary": "One Star", "unixReviewTime": 1468886400} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2015", "reviewerID": "AF8S7UOPCOHIT", "asin": "B0002AROPW", "reviewerName": "Caleb T.", "reviewText": "easy to get your dog to go where you want them too. also helps reduce them pulling you around.", "summary": "Five Stars", "unixReviewTime": 1447027200} +{"overall": 4.0, "verified": true, "reviewTime": "11 30, 2016", "reviewerID": "AJDUW5QTJCD28", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "Barb", "reviewText": "Good quality. Pyranees enjoys it , but not his favorite.", "summary": "Good quality. Pyranees enjoys it", "unixReviewTime": 1480464000} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2012", "reviewerID": "A2WA1U2K4HM02K", "asin": "B00061MWP4", "style": {"Style:": " 5FC: 1/4\" (6.3 mm)"}, "reviewerName": "Carol A. Arnett", "reviewText": "This is the best! What a difference the ceramic makes. The cut looks smoother, softer, and glides through the coat. I would highly recommend this over the one that came with the clipper. By the way, the clipper 4G 2speed is the best I've ever used.", "summary": "andis ceramic blade", "unixReviewTime": 1353196800} +{"overall": 2.0, "verified": true, "reviewTime": "08 29, 2014", "reviewerID": "A29EFY24L8IMMI", "asin": "B0002AQ2I2", "reviewerName": "Amazon Customer", "reviewText": "My bird picks it up and drops it to the ground. There is now way to lock it in place", "summary": "My bird picks it up and drops it to the ...", "unixReviewTime": 1409270400} +{"overall": 3.0, "verified": true, "reviewTime": "11 17, 2014", "reviewerID": "AXHM6FRWGWWE2", "asin": "B0002Z9A54", "reviewerName": "Kbloodless", "reviewText": "Great but I think my size is too big but the size down will be two small so I'm not sure what to do. I have a 14 pound pug foot runs 1.5 across 2.5 up and down.", "summary": "My dogs is between the sizes", "unixReviewTime": 1416182400} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2014", "reviewerID": "A1BK8E3UQENFQD", "asin": "B0002CH1BW", "style": {"Color:": " Golden"}, "reviewerName": "cristol m klevinsky", "reviewText": "Love this product, helped my new pupphone adjust to sleeping in his crate during his first few nights at our home. Battery-operated heart continues to beat after using it night after night for 8 hours at a time. Would highly recommend.", "summary": "Love this product", "unixReviewTime": 1417737600} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2016", "reviewerID": "A2OS8BW8G2SCIP", "asin": "B0002563HW", "style": {"Size:": " 101.4-Ounce"}, "reviewerName": "JK", "reviewText": "I've used it for years. It does a great job.", "summary": "It does a great job.", "unixReviewTime": 1474588800} +{"overall": 5.0, "verified": true, "reviewTime": "05 22, 2014", "reviewerID": "A6QZT8RKSYIIB", "asin": "B0002H3R2E", "style": {"Size:": " 45-Ounce Bag", "Flavor Name:": " Yogurt, Apples & Bananas", "Package Type:": " Standard Packaging"}, "reviewerName": "M A Brown", "reviewText": "My dogs love these treats. I use them as the dogs' bedtime treat. I have an Australian Shepherd and a Cuban Dachshund. They sometimes start pestering me to go to bed at about 6 o'clock so they can get their treat.", "summary": "Dogs love these treats", "unixReviewTime": 1400716800} +{"overall": 5.0, "verified": true, "reviewTime": "11 11, 2017", "reviewerID": "A1VA44RDNYWP20", "asin": "B000296N7S", "reviewerName": "ItVexesMe", "reviewText": "This product worked very well on my dogs. There were no nasty side-effects like vomiting and diarrhea. However, I would advise you put the powder in canned dog food and mix it well.", "summary": "Excellent de-wormer for the price", "unixReviewTime": 1510358400} +{"overall": 5.0, "verified": true, "reviewTime": "10 14, 2014", "reviewerID": "AX3KNI2ZRM8JN", "asin": "B0001AB42W", "style": {"Size:": " Medium 30\" x 16\"", "Style:": " Mat and Controller"}, "reviewerName": "dogwood", "reviewText": "My girls seemed to hqve caught on quickly what this mat is all about. 5hey were chewing up my pretty expensive silk plant....not anymore.", "summary": "5hey were chewing up my pretty expensive silk plant", "unixReviewTime": 1413244800} +{"overall": 5.0, "verified": true, "reviewTime": "07 1, 2015", "reviewerID": "A1L8PN7BA7KQO0", "asin": "B0002AT9EG", "style": {"Size:": " Each"}, "reviewerName": "Toni C James", "reviewText": "I have a long haired cat who occasionally brushes up against my upholstered furniture and this sponge means not getting out the vacuume cleaner. My only regret is that I did not buy two more. One for upstairs and one for that stray hair which attaches itself to my clothing.", "summary": "Bought one years ago and lost my source until I saw it on Amazon.", "unixReviewTime": 1435708800} +{"overall": 4.0, "verified": true, "reviewTime": "02 2, 2014", "reviewerID": "AMQWSG8C4QLSX", "asin": "B00061MP9C", "reviewerName": "Dawn Rogers", "reviewText": "Ordered this product to help cutting down on the itching during a ring worm infestation and it helped all of my kiitties tremendously.", "summary": "Works like a charm!", "unixReviewTime": 1391299200} +{"reviewerID": "A1HM42ATTUT41O", "asin": "B0002ASNAC", "reviewerName": "Jessica", "verified": true, "image": ["https://images-na.ssl-images-amazon.com/images/I/51AvAhrdCgL._SY88.jpg"], "reviewText": "My 1 year old 60 lb akita/pitbull mix loved this bone but it did not last longer than a week and the pieces that broke off were much larger than rice.", "overall": 3.0, "reviewTime": "10 21, 2013", "summary": "Didn't Last long", "unixReviewTime": 1382313600} +{"overall": 5.0, "verified": true, "reviewTime": "08 16, 2016", "reviewerID": "A1BM28GIIQ879Z", "asin": "B0002DHXX2", "style": {"Size:": " 22-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Yuriy", "reviewText": "Nice bed, fits Petmate Two Door Top Load 24-Inch Pet Kennel perfectly. Good price at $8.98.", "summary": "Nice bed", "unixReviewTime": 1471305600} +{"overall": 5.0, "verified": false, "reviewTime": "04 3, 2016", "reviewerID": "A2S3QOYRFIM5E6", "asin": "B0002AR0II", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "J", "reviewText": "My dog destroys everything within a day except this gem. I love using a little peanut butter in it to give the puppy a fun tasty treat/toy. It washes well in the dishwasher on top rack too!", "summary": "Great product for bulldog!", "unixReviewTime": 1459641600} +{"overall": 4.0, "verified": true, "reviewTime": "03 22, 2015", "reviewerID": "A1L58EX35TO99Q", "asin": "B0002DGVY4", "reviewerName": "Janine", "reviewText": "great collar for walking shepherds. good price", "summary": "Four Stars", "unixReviewTime": 1426982400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2015", "reviewerID": "A1C7OQ2898A700", "asin": "B0002566Z6", "style": {"Size:": " 45-Ounce", "Flavor Name:": " Maintenance Formula"}, "reviewerName": "windysails", "reviewText": "What can I say other than my turtles seem to love it, are very healthy and have grown rapidly. On top of that it's inexpensive, too.", "summary": "Turtles love it", "unixReviewTime": 1428019200} +{"overall": 3.0, "verified": true, "reviewTime": "12 28, 2013", "reviewerID": "A39I6ZUS8SIH5", "asin": "B0002VQKYW", "reviewerName": "TK", "reviewText": "I bought this to try to clean between my carpet & our molding, but I don't feel the bristles are quite stiff enough.", "summary": "Bristles are not stiff enough", "unixReviewTime": 1388188800} +{"overall": 1.0, "verified": true, "reviewTime": "07 12, 2016", "reviewerID": "A1DHFC101TW5R6", "asin": "B0002DGK72", "reviewerName": "jeremywillis610", "reviewText": "My rabbit will not eat it. ", "summary": "Not for every rabbit", "unixReviewTime": 1468281600} +{"overall": 1.0, "verified": true, "reviewTime": "07 29, 2015", "reviewerID": "A3RH2RZCSX76KB", "asin": "B000256EAI", "style": {"Size:": " 100 Watt/2 Pack"}, "reviewerName": "Glenn", "reviewText": "Horrible bulbs!!! Both bulbs burnt out in one month. Package clearly states \"Lasts up to 2000 hours\". Total lie.", "summary": "Worthless junk. Do not buy.", "unixReviewTime": 1438128000} +{"overall": 3.0, "verified": true, "reviewTime": "04 29, 2014", "reviewerID": "A3HZBKRLSWX24A", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Jason M.", "reviewText": "Bought for my new chihuahua puppy, however it was huge when I received it! It was bigger than her small 2 lb body. It has since become a favorite toy with my bigger dogs though.", "summary": "a little big for toy variety puppies", "unixReviewTime": 1398729600} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2014", "reviewerID": "A3MHAZAQF3VCLD", "asin": "B0002AQSMM", "reviewerName": "Amazon Customer", "reviewText": "Excellent product", "summary": "Five Stars", "unixReviewTime": 1407110400} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2016", "reviewerID": "ABN887FO84AES", "asin": "B0002AR18M", "style": {"Size:": " One size", "Color:": " Purple"}, "reviewerName": "rose", "reviewText": "wouldn't use anything else dampen to prevent static", "summary": "Five Stars", "unixReviewTime": 1456444800} +{"overall": 3.0, "verified": true, "reviewTime": "01 14, 2017", "reviewerID": "AH9CKMVT9UW78", "asin": "B0002DJG0U", "style": {"Size:": " 16-ounce", "Package Type:": " Standard Packaging"}, "reviewerName": "RM", "reviewText": "product works well but the container is really small. this box will only be good for 2 uses in a piggy potty. The litter works well, it's just expensive for the amount you receive.", "summary": "meh I have used better products that cost less", "unixReviewTime": 1484352000} +{"overall": 5.0, "verified": true, "reviewTime": "07 3, 2014", "reviewerID": "A1U30MLH417OX7", "asin": "B0002DGM7K", "style": {"Size:": " Medium", "Package Type:": " Standard Packaging"}, "reviewerName": "craig", "reviewText": "niot too bad.. i bought these for my very small dog.. kinda funny watching him trip over them :)", "summary": "nice for the dog :)", "unixReviewTime": 1404345600} +{"overall": 3.0, "verified": true, "reviewTime": "12 9, 2013", "reviewerID": "A3TUSOAWOO2G0Q", "asin": "B000256606", "style": {"Size:": " 24 oz"}, "reviewerName": "K. Beal", "reviewText": "My piggies would eat this hay, but in the end, they preferred Oxbow. If money were tight I would definitely purchase this brand again, as Oxbow is more expensive. Go by the needs of your budget as either brand does its job.", "summary": "Better Brands Out There", "unixReviewTime": 1386547200} +{"overall": 3.0, "verified": true, "reviewTime": "02 5, 2015", "reviewerID": "A389EQ95CAWOHK", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Enalyesac", "reviewText": "smaller than it appeared. more brittle than most nylabone chews", "summary": "Three Stars", "unixReviewTime": 1423094400} +{"overall": 4.0, "verified": true, "reviewTime": "07 6, 2017", "reviewerID": "A2WYXP3SY6D9KT", "asin": "B0002ASDIY", "reviewerName": "Doc", "reviewText": "Not to bad for the price!", "summary": "Four Stars", "unixReviewTime": 1499299200} +{"overall": 5.0, "verified": true, "reviewTime": "10 27, 2015", "reviewerID": "A33QGA7O5KAZ46", "asin": "B000255PFI", "style": {"Size:": " 500 MILLILITER"}, "reviewerName": "Neil", "reviewText": "one small cap and your done...amazing stuff unlike the other tetra product where you gotta dump gallons of stuff in to treat the water.\n\nthis bottle will last you a long time", "summary": "amazing stuff unlike the other tetra product where you gotta ...", "unixReviewTime": 1445904000} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2017", "reviewerID": "A1GS8PF8LWGUNW", "asin": "B0006345PW", "style": {"Size:": " 3.5 lb"}, "reviewerName": "Vicki", "reviewText": "Works wonderfully for our cats to prevent tooth plaque build up. Give 5-8 as a daily treat. Used to have to take cats to vet to have teeth cleaned under anesthesia. This cat dental food is well worth it!", "summary": "Works wonderfully for our cats to prevent tooth plaque build up", "unixReviewTime": 1493337600} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2015", "reviewerID": "ABKYIQB4XZK0I", "asin": "B000633TU4", "reviewerName": "dylannsmom", "reviewText": "The ONLY way to buy these things! If you can do simple math, there is no reason to buy the \"regular\" sized boxes of these. Awesome value!", "summary": "Awesome value!", "unixReviewTime": 1422748800} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2013", "reviewerID": "A3FBJXJ2LZH26H", "asin": "B0002ARPO2", "reviewerName": "ScottieLV", "reviewText": "This rounded leather collar is favored because it is strong but has less contact with the pets neck. Nice quality leather with place to attach Identification tag.", "summary": "Great Pet Collar", "unixReviewTime": 1367193600} +{"overall": 1.0, "verified": true, "reviewTime": "07 9, 2015", "reviewerID": "A11NR3T2AKU4ON", "asin": "B0002DGL26", "style": {"Color:": " Yellow", "Package Type:": " Standard Packaging", "Style:": " Ring"}, "reviewerName": "Rei", "reviewText": "Says clearly on the packaging that this is made in China. I thought all/almost all Nylabone products were made in the USA. Not this one. If I had known this, I would NOT have purchased.", "summary": "MADE IN CHINA", "unixReviewTime": 1436400000} +{"overall": 5.0, "verified": true, "reviewTime": "10 18, 2017", "reviewerID": "A1CO94EO6CUY6A", "asin": "B000255R5G", "style": {"Size:": " 1-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "Does the job as expected", "summary": "Five Stars", "unixReviewTime": 1508284800} +{"overall": 5.0, "verified": true, "reviewTime": "10 24, 2017", "reviewerID": "A3EN24RWHZFNQJ", "asin": "B000634818", "style": {"Size:": " Mini Biscuits, 5-Ounce Bag", "Flavor Name:": " Bac'N'Cheez", "Package Type:": " Standard Packaging"}, "reviewerName": "mom chop", "reviewText": "DOGS LOVE THIS BRAND OF TREATS AND THE FLAVOR AND THERE GOOD FOR THEM", "summary": "Five Stars", "unixReviewTime": 1508803200} +{"overall": 3.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A1JHW6YMGLJQLC", "asin": "B0002I0O5G", "style": {"Size:": " Medium", "Style:": " Squirrel"}, "reviewerName": "acim", "reviewText": "Pretty good toy - the dogs like to dig in there. Its not their favorite but they like it. I like that all the squirrels had squeakers in them. You can also stuff other stuff in there. I stuff my dirty socks in their and they seem to enjoy digging those out. Not bad.", "summary": "Pretty good", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "12 10, 2014", "reviewerID": "A39PTM8DJ1ZDL1", "asin": "B0002I9O8E", "style": {"Size:": " 1 Pack"}, "reviewerName": "Sherran L Stawpert", "reviewText": "i've been using this product for over a year now and it seem to be working no uti's since then-this is much cheaper than vet bills.", "summary": "i've been using this product for over a year now ...", "unixReviewTime": 1418169600} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A1WBNTX23S2JKU", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Lamb & Barley"}, "reviewerName": "Carol", "reviewText": "New dog, foster mom was feeding him this, so I purchased it, and she said it was a better price than she pays. Arrived fairly quickly.", "summary": "and she said it was a better price than she pays", "unixReviewTime": 1441065600} +{"overall": 5.0, "verified": true, "reviewTime": "10 25, 2014", "reviewerID": "A7EP3OE96M8B", "asin": "B00063435O", "style": {"Size:": " 6 oz", "Flavor Name:": " Chicken, Salmon & Duck Formula"}, "reviewerName": "K. Bonnevier", "reviewText": "cheapest price,my cats love it", "summary": "my cats love", "unixReviewTime": 1414195200} +{"overall": 5.0, "verified": true, "reviewTime": "10 7, 2015", "reviewerID": "A2BFUROA2TGWNV", "asin": "B0002DIO4E", "style": {"Size:": " 17 fl.oz.", "Style:": " Advanced Plaque and Tartar"}, "reviewerName": "Jenny Li", "reviewText": "WOW. It worked in 2 days of use. My cat had bad breath. Now she smells only shampoo and nice kitty smell(?).", "summary": "My cat had bad breath. Now she smells only shampoo and nice ...", "unixReviewTime": 1444176000} +{"overall": 5.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A3U80Y2MK0G952", "asin": "B000274674", "style": {"Size:": " Large (11 in x 11 in)"}, "reviewerName": "DJ", "reviewText": "My dogs love this", "summary": "Five Stars", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": true, "reviewTime": "01 22, 2018", "reviewerID": "A3T88RRWV594BU", "asin": "B0002DHW10", "style": {"Style:": " 42-Inch"}, "reviewerName": "B.M.", "reviewText": "More durable than the original pan.", "summary": "Highly recommend", "unixReviewTime": 1516579200} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2016", "reviewerID": "A3Q8CD04E4K3VE", "asin": "B0002DK7LC", "reviewerName": "Christy", "reviewText": "Not for aggressive chewers.", "summary": "Three Stars", "unixReviewTime": 1460764800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2017", "reviewerID": "A1IANXE1MTGK9B", "asin": "B0002FP3T6", "style": {"Size:": " 4 lb"}, "reviewerName": "Cynthia E.", "reviewText": "Great mix. Clean seed with all the essential nutrients. Even greens. Birds love it.", "summary": "Birds love it.", "unixReviewTime": 1486339200} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 7, 2017", "reviewerID": "AOEF99LXYQH5B", "asin": "B0002ARR6S", "style": {"Size:": " 12-inch", "Color:": " Black"}, "reviewerName": "EyeLoveGlasses", "reviewText": "After a scary episode of improper digestion and a $550 vet bill ... this elevated dog bowl set has made eating more comfortable for our 8 year old English Shepherd. A simple investment = a more healthy, happy dog.", "summary": "Do Not Hesitate !!", "unixReviewTime": 1491523200} +{"overall": 1.0, "vote": "3", "verified": true, "reviewTime": "08 29, 2015", "reviewerID": "A22GB0C5DF01QW", "asin": "B000255NAK", "style": {"Style:": " pH & Adjuster"}, "reviewerName": "nelle684", "reviewText": "Box was smashed on delivery. It was missing the color card, which makes this kit useless. You need the color card to know the PH level.", "summary": "Missing the Color Card", "unixReviewTime": 1440806400} +{"overall": 4.0, "verified": true, "reviewTime": "02 20, 2015", "reviewerID": "A341A7UX8Z1MZT", "asin": "B0002DHXX2", "style": {"Size:": " 24-Inch", "Color:": " Cinnamon Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "L Stein", "reviewText": "Very nice mat. It has thick cushioning and fits nicely into the metal crate for added comfort. The gold is a very nice color.", "summary": "Dogs love this", "unixReviewTime": 1424390400} +{"overall": 5.0, "verified": true, "reviewTime": "10 30, 2014", "reviewerID": "A34IMF7FB9H76Y", "asin": "B0002I0O5G", "style": {"Size:": " Large", "Style:": " Squirrel"}, "reviewerName": "Skippy", "reviewText": "Our dog just loves this toy. We purchased replacement squeakers from Amazon as he destroys them.", "summary": "Five Stars", "unixReviewTime": 1414627200} +{"overall": 2.0, "verified": true, "reviewTime": "11 15, 2017", "reviewerID": "A31C0DRBG8VU6U", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "Jonathan Bolano", "reviewText": "Goldendoodle isn't a fan. Sit's in it's basket and never leaves. Too hard I suspect.", "summary": "Goldendoodle not a fan", "unixReviewTime": 1510704000} +{"overall": 4.0, "verified": true, "reviewTime": "12 26, 2015", "reviewerID": "A3USCHZJ3FORZ2", "asin": "B0002DGI1U", "style": {"Size:": " 2.5-Pound"}, "reviewerName": "kab", "reviewText": "Don't expect the zip up top to work; other than that, your pig will eat it until it goes stale or is gone.", "summary": "Pig loves it", "unixReviewTime": 1451088000} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2014", "reviewerID": "A2ZXFJXMZV0APR", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "ashley fishman", "reviewText": "I can never have enough of these. My cats love them", "summary": "My cats love them", "unixReviewTime": 1419811200} +{"reviewerID": "A8CKP952BL6E1", "asin": "B0002BTDAK", "reviewerName": "Erika", "verified": true, "reviewText": "There is a lot of padding in the mat. Perfect size for my dogs (standard schnauzers) and to line their crate. Seems durable.", "overall": 5.0, "reviewTime": "10 3, 2013", "summary": "nice mat, great price", "unixReviewTime": 1380758400} +{"overall": 1.0, "verified": true, "reviewTime": "01 30, 2013", "reviewerID": "A3HB9AJ2HYGUVZ", "asin": "B0002DIO4E", "style": {"Size:": " 17 fl.oz.", "Style:": " Original"}, "reviewerName": "Janice", "reviewText": "i used this daily and it did not work at all. I thought by the end of the bottle it would take effect and then buy more but still had the bad breath", "summary": "put in your pets water bowl", "unixReviewTime": 1359504000} +{"overall": 5.0, "verified": true, "reviewTime": "12 14, 2014", "reviewerID": "A1ANSQB96FZQ46", "asin": "B00063496C", "style": {"Size:": " 3 Filters"}, "reviewerName": "Suke", "reviewText": "Filter works well. The fountain has been working good and water is clean. I wish they were a little cheaper.", "summary": "Good filters", "unixReviewTime": 1418515200} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71TtWWcMweL._SY88.jpg"], "overall": 5.0, "vote": "2", "verified": true, "reviewTime": "10 30, 2016", "reviewerID": "A1QQKCROU412QQ", "asin": "B0002AQPA2", "style": {"Size:": " Large"}, "reviewerName": "Willa Wylde", "reviewText": "Dog loves this! Great to play fetch with", "summary": "Perfect for my dog", "unixReviewTime": 1477785600} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2014", "reviewerID": "A32FMEB5MNMT6U", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "Eric O'Connell", "reviewText": "Awesome kit, I wish it came with the water hardness test as advertised. But, regardless, even with me being red,green color blind, I can still use it.", "summary": "The best without spending big $", "unixReviewTime": 1407888000} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A2XX11GHUFJU9G", "asin": "B0002Y2TWQ", "style": {"Size:": " 24 Pack"}, "reviewerName": "Jimmy", "reviewText": "Best value I have found in pig ears. Not all ears are large, but most are big enough.", "summary": "Five Stars", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "AS3FG7JA5MST4", "asin": "B0002DHV0W", "reviewerName": "SuzieQ", "reviewText": "Cats cannot get enough of this simple toy. I have to put this away in a cuboard or they will dig it out and continue to play with it. Highly recommended.", "summary": "Highly recommended.", "unixReviewTime": 1466812800} +{"overall": 5.0, "verified": true, "reviewTime": "04 18, 2017", "reviewerID": "AR5R988T6R4E1", "asin": "B000633VF2", "reviewerName": "Brandon Smith", "reviewText": "Works well.", "summary": "Five Stars", "unixReviewTime": 1492473600} +{"overall": 5.0, "verified": true, "reviewTime": "03 24, 2018", "reviewerID": "A1N2ABJPM4ZRO9", "asin": "B0002DJX3A", "style": {"Size:": " Small"}, "reviewerName": "NunYoBuzniss", "reviewText": "Dogs loving these. We have pugs, so these balls work great - not too big, easy to bite/carry.", "summary": "Yay!", "unixReviewTime": 1521849600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2014", "reviewerID": "AU1VRZE7PM5EJ", "asin": "B0002AR15U", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Linda Wilson", "reviewText": "Dogs loved these.", "summary": "Five Stars", "unixReviewTime": 1417996800} +{"overall": 5.0, "verified": true, "reviewTime": "12 26, 2017", "reviewerID": "A5FKH3KH0AMH4", "asin": "B0002DGMGG", "style": {"Pattern:": " Souper"}, "reviewerName": "Amazon Customer", "reviewText": "Excellent for strong chewers like mine.", "summary": "Five Stars", "unixReviewTime": 1514246400} +{"overall": 5.0, "verified": true, "reviewTime": "12 24, 2013", "reviewerID": "ALEPSO1CHJSF8", "asin": "B0002563O0", "style": {"Size:": " Small", "Style:": " 32\""}, "reviewerName": "copperdiem", "reviewText": "He loves it, and I love that it can be bent to make it a fun perch for his cage. Great product", "summary": "Got for my parakeet", "unixReviewTime": 1387843200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A126D2UCYVSACB", "asin": "B000255NAK", "style": {"Style:": " Nitrite"}, "reviewerName": "Jade", "reviewText": "Well it works. What else can I say?", "summary": "Works.", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "03 23, 2017", "reviewerID": "AGLD80VJL4YME", "asin": "B0002AR17S", "style": {"Size:": " X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Jli", "reviewText": "My dog doesn't like these so I gave them to my neighbor's dog and he loves this toy so much!", "summary": "My dog doesn't like these so I gave them to my neighbor's dog ...", "unixReviewTime": 1490227200} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A191BGFAW1IQFQ", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "cHARLES", "reviewText": "Sleeps with this one.", "summary": "Five Stars", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2016", "reviewerID": "A3FC0W966YLE9B", "asin": "B0002YFSCE", "style": {"Size:": " xs", "Color:": " Ruby"}, "reviewerName": "Amazon Customer", "reviewText": "Love these slip leads. They wash and wear well and are super easy to use on the dog.", "summary": "Five Stars", "unixReviewTime": 1457568000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A1IK5QG9Q5UQB5", "asin": "B000633Y4A", "style": {"Size:": " Pack of 1", "Flavor Name:": " Peanut Butter"}, "reviewerName": "JD Limberger", "reviewText": "My dogs love these - unfortunately I have to refill them daily. This was obviously a plan hatched by peanut butter mfgs to sell an enourmous amount of peanut butter.", "summary": "Jiff created this bone", "unixReviewTime": 1389744000} +{"overall": 5.0, "verified": true, "reviewTime": "07 27, 2016", "reviewerID": "AAYBVNP32JQ3S", "asin": "B0002YFSDI", "style": {"Size:": " 1/2\" x 6'", "Color:": " Red"}, "reviewerName": "user0814", "reviewText": "I love this leash! Super easy to use and the leather tightener makes it even easier. It's a combo of leash and collar so I don't need to put on both when going for a quick walk with my dog.", "summary": "I love this leash", "unixReviewTime": 1469577600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2014", "reviewerID": "A1UVD6LJ4IBP4M", "asin": "B0002DI35E", "reviewerName": "Joe", "reviewText": "It truly beats dumping your pet's poop into your garbage can! I have used Doggie Dooley units for years and one of the first things our family installs in our yard.", "summary": "Your family, friends and pet will love it!", "unixReviewTime": 1407715200} +{"overall": 4.0, "verified": true, "reviewTime": "08 21, 2016", "reviewerID": "A9FVHGI6EXESX", "asin": "B0002AROR0", "style": {"Size:": " 7-Pound Bag"}, "reviewerName": "Passionated", "reviewText": "This is a good product, but there really should be more variety. Not a lot of ferret food options.", "summary": "This is a good product, but there really should be more variety", "unixReviewTime": 1471737600} +{"overall": 5.0, "verified": true, "reviewTime": "11 21, 2015", "reviewerID": "A32MGHH59O3457", "asin": "B000634HD2", "style": {"Size:": " 14-Pound"}, "reviewerName": "doxielady", "reviewText": "My 2 doxies love this food. They are getting all the nutrients they need for excellent health and they are thriving.", "summary": "High Quality Kibble", "unixReviewTime": 1448064000} +{"overall": 5.0, "verified": true, "reviewTime": "01 13, 2015", "reviewerID": "A2THIJ6C47GH43", "asin": "B0002Y2TWQ", "style": {"Size:": " 24 Pack"}, "reviewerName": "bev cummins", "reviewText": "Dog Loves these and they are substantial and worth the price. Will Buy Again.", "summary": "Yummy treat for dog .", "unixReviewTime": 1421107200} +{"overall": 4.0, "verified": true, "reviewTime": "04 16, 2018", "reviewerID": "AHFMRC0QR8S11", "asin": "B00027CL5S", "style": {"Flavor Name:": " Freeze Dried Chicken Breast"}, "reviewerName": "Animal lover", "reviewText": "SOME PIECES ARE HARD BUT PETS LOVE IT", "summary": "Four Stars", "unixReviewTime": 1523836800} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2016", "reviewerID": "AQZ4XAVT30F3Y", "asin": "B0002BSMDE", "style": {"Size:": " 36-Inch", "Color:": " Khaki"}, "reviewerName": "Momof2", "reviewText": "This little mat is still going strong after many washings!!", "summary": "Five Stars", "unixReviewTime": 1454112000} +{"overall": 1.0, "verified": true, "reviewTime": "04 5, 2018", "reviewerID": "A3QAZ08CV16VP0", "asin": "B0002AR3O4", "style": {"Size:": " 100-Watt/120-Volt", "Package Type:": " Standard Packaging"}, "reviewerName": "R. Kern", "reviewText": "I don't know what it is with these Exo Terra bulbs but they don't last, more than a month -ever-.", "summary": "I don't know what it is with these Exo Terra ...", "unixReviewTime": 1522886400} +{"overall": 5.0, "verified": true, "reviewTime": "02 7, 2016", "reviewerID": "A3VQC6XKFK09IY", "asin": "B0002RJM7I", "reviewerName": "Robert Golder", "reviewText": "Thank you", "summary": "Five Stars", "unixReviewTime": 1454803200} +{"overall": 5.0, "verified": true, "reviewTime": "09 25, 2017", "reviewerID": "A22RYNXM8IRCMD", "asin": "B00025YSAQ", "reviewerName": "redroxx", "reviewText": "This stuff is the jam.", "summary": "Five Stars", "unixReviewTime": 1506297600} +{"overall": 5.0, "verified": true, "reviewTime": "05 17, 2015", "reviewerID": "A2089GUKOY9TNQ", "asin": "B00061MWP4", "style": {"Style:": " 10: 1/16\" (1.5 mm)"}, "reviewerName": "KB", "reviewText": "Works perfectly.", "summary": "Five Stars", "unixReviewTime": 1431820800} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2016", "reviewerID": "A18A0QSQ7AH0SJ", "asin": "B0002DHNWS", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "MMacGregor", "reviewText": "Awesome treats for our puppy! Love the Kong brand!", "summary": "Love Kong!", "unixReviewTime": 1468195200} +{"overall": 5.0, "verified": true, "reviewTime": "06 18, 2014", "reviewerID": "A1YRTBY61Z2S7U", "asin": "B0002J1FOO", "reviewerName": "Allison Garcia", "reviewText": "Never seen one tick or flea on my dogs. Wish I could say the same for my kids :\\ I have used other flea medications, but this one seems to have the least affects on my animals. No vomit, sluggishness or anything that I have experienced from other brands. Definite recommend.", "summary": "Does the Job", "unixReviewTime": 1403049600} +{"overall": 2.0, "verified": true, "reviewTime": "01 15, 2016", "reviewerID": "A334R2KNGVGOBX", "asin": "B0002AQJHG", "style": {"Size:": " 6 inch net", "Package Type:": " Standard Packaging"}, "reviewerName": "sax", "reviewText": "The netting detached from the handle pretty quickly for not being used very often.", "summary": "Two Stars", "unixReviewTime": 1452816000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2015", "reviewerID": "AU9273GEBTNS7", "asin": "B0002AQPMK", "reviewerName": "UM", "reviewText": "Works well with my Labrador puppy. Looks like it will work well even when he grows bigger.", "summary": "Good Blade", "unixReviewTime": 1446595200} +{"overall": 3.0, "verified": true, "reviewTime": "06 30, 2017", "reviewerID": "A2MY88JVJLS7FR", "asin": "B0002C7FFE", "reviewerName": "Rcasey", "reviewText": "good enough", "summary": "Three Stars", "unixReviewTime": 1498780800} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2017", "reviewerID": "ANQ17QP2V87VP", "asin": "B0002ARP38", "reviewerName": "J. C. Cortese", "reviewText": "Nice collar, but hard for me to get sizing- needed an In between size. A bit thinner than I wanted.", "summary": "Rolled Collar", "unixReviewTime": 1511481600} +{"overall": 5.0, "verified": true, "reviewTime": "08 14, 2016", "reviewerID": "A16IRGGN6HZOA7", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "TisI", "reviewText": "Dogs not real happy about a bath but this shampoo gets them clean and nice smelling.", "summary": "Five Stars", "unixReviewTime": 1471132800} +{"overall": 5.0, "verified": true, "reviewTime": "04 7, 2015", "reviewerID": "A59I142QCTJXM", "asin": "B0002DHV16", "style": {"Size:": " 1 Pack", "Color:": " Multicolor"}, "reviewerName": "Keri Trice", "reviewText": "Love the toy. My cats love it, but my toy poodle seems to like it the most. It's great to play chase and for exercise.", "summary": "Love the toy", "unixReviewTime": 1428364800} +{"overall": 5.0, "verified": true, "reviewTime": "03 3, 2014", "reviewerID": "A1TEKLMF4V1X2C", "asin": "B0002DK6EU", "reviewerName": "Carmen", "reviewText": "Best water container EVER! Others had trouble with the lid. I just never take it off, problem solved.\nThe opening the water pours out of into the bowl is where I wash it out with warn soapy water and refill it.", "summary": "Pure ness water bowl", "unixReviewTime": 1393804800} +{"overall": 5.0, "verified": true, "reviewTime": "08 28, 2012", "reviewerID": "A4XR36DJRU3S3", "asin": "B0002DHZIU", "style": {"Size:": " Large, 3-Pack"}, "reviewerName": "triviamcstudmuffin2014", "reviewText": "For the price, these filters rock! They keep my 28-gallon tank's water crystal clear and my fish thrive. I heartily recommend these filters to anyone.", "summary": "I love these filters...", "unixReviewTime": 1346112000} +{"overall": 5.0, "verified": true, "reviewTime": "02 20, 2018", "reviewerID": "A3573D505LHZUC", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Vicki Fitts", "reviewText": "My dog Sissie loves this and takes it everywhere!", "summary": "Love at first bite", "unixReviewTime": 1519084800} +{"overall": 5.0, "verified": true, "reviewTime": "02 1, 2017", "reviewerID": "A37NH8B2Z2AL39", "asin": "B0002ARWTA", "style": {"Size:": " Covers Are 3 1/2\" Diameter"}, "reviewerName": "Jen B.", "reviewText": "Great item you have in your kitchen. Perfect for dog food cans.", "summary": "Five Stars", "unixReviewTime": 1485907200} +{"overall": 5.0, "verified": true, "reviewTime": "01 30, 2014", "reviewerID": "A11K79MFTBWRAC", "asin": "B0002DIKQQ", "style": {"Size:": " 5lb."}, "reviewerName": "Mags514", "reviewText": "I have 8 gerbils & they all like this food. It is not the healthiest, so I mix it with another that has the grains, etc that they need for a healthy diet. This food also works great to use as treats. Good product & price.", "summary": "My gerbils love it!", "unixReviewTime": 1391040000} +{"overall": 4.0, "verified": true, "reviewTime": "12 4, 2014", "reviewerID": "A1R9MU254RYFYB", "asin": "B0002AQYGW", "reviewerName": "trapper", "reviewText": "works fine", "summary": "Four Stars", "unixReviewTime": 1417651200} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "A2I4UK8PT0DAM", "asin": "B0002DJE02", "reviewerName": "Jill Dennis", "reviewText": "The cats like them- always a hurdle with cats!!", "summary": "Good cat vitamins", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "02 17, 2012", "reviewerID": "A104W89DPJBJZF", "asin": "B0002H3RCY", "style": {"Size:": " .5 ounce", "Style:": " powder"}, "reviewerName": "Rachel A. Bradley", "reviewText": "Luckily, i have not had to use this yet. But it is nice to have this on hand in case i get my doggys vein.\n\nThanks for some peace of mind!", "summary": "Havent had to use it", "unixReviewTime": 1329436800} +{"overall": 5.0, "verified": true, "reviewTime": "06 25, 2016", "reviewerID": "A34R7MN9ZS3OJJ", "asin": "B0002MLAE6", "style": {"Size:": " 16 lb. Bag"}, "reviewerName": "William L. Bush", "reviewText": "Great cat food", "summary": "Cat loves it", "unixReviewTime": 1466812800} +{"overall": 3.0, "verified": true, "reviewTime": "03 14, 2016", "reviewerID": "A2LO6K2J8ND7MK", "asin": "B0002AQ81I", "style": {"Size:": " 29 Inch", "Color:": " Multicolor"}, "reviewerName": "Amanda DiRienzo", "reviewText": "Not for strong chewers... this was gone within an hour and a decent amount swallowed in the process", "summary": "Three Stars", "unixReviewTime": 1457913600} +{"overall": 5.0, "verified": true, "reviewTime": "02 3, 2016", "reviewerID": "A8P79EDHA8OYH", "asin": "B0002AR150", "style": {"Size:": " Large"}, "reviewerName": "Otis_Mom", "reviewText": "Our labs love this kong toy, it goes with us on our daily river walk. One lab could probably use this for several years. Our two play tug-o-war and shred the string. We use on land and water.", "summary": "LABRADOR APPROVED", "unixReviewTime": 1454457600} +{"overall": 5.0, "verified": true, "reviewTime": "08 11, 2016", "reviewerID": "AMSKX3RQ8LHZ6", "asin": "B0002DI2LO", "style": {"Size:": " 2.4-Ounce"}, "reviewerName": "Bar fly now Mama", "reviewText": "Our little community of fish love these, and so do I. They don't seem to get soggy as fast as regular flake food. Will repurchase.", "summary": "Nemo", "unixReviewTime": 1470873600} +{"overall": 5.0, "verified": true, "reviewTime": "08 8, 2017", "reviewerID": "ARM0UUKFFVTKE", "asin": "B0006346G0", "style": {"Size:": " 15-Watt/18-Inch", "Package Type:": " Standard Packaging"}, "reviewerName": "kcjen", "reviewText": "Reliable company, good product at a great price", "summary": "Great product", "unixReviewTime": 1502150400} +{"overall": 3.0, "verified": true, "reviewTime": "04 16, 2015", "reviewerID": "A2FQ7G7ZABHVFM", "asin": "B0002AR19Q", "style": {"Color:": " Pink", "Package Type:": " Standard Packaging"}, "reviewerName": "Joni", "reviewText": "did not work well for Border Collie", "summary": "Three Stars", "unixReviewTime": 1429142400} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2015", "reviewerID": "A2VHJPORVQHABZ", "asin": "B0002DJX44", "style": {"Size:": " MINI 2\"", "Color:": " ASSORTED"}, "reviewerName": "Mariah J", "reviewText": "It is very tiny and mine is a little warped not sure if it's from me and my doggie or how it was made but she loves it. Perfect size for my morkie puppy!", "summary": "Puppy prefect!", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": true, "reviewTime": "09 17, 2014", "reviewerID": "A2YFG8QRD4JY6Y", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Puppy"}, "reviewerName": "Mechelle Stall", "reviewText": "Great price for the quality of puppy food!", "summary": "Five Stars", "unixReviewTime": 1410912000} +{"overall": 5.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A26W1UX7E3AW3J", "asin": "B000255N0A", "style": {"Size:": " 16 oz"}, "reviewerName": "ilovebooks", "reviewText": "Good", "summary": "Five Stars", "unixReviewTime": 1436486400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A2MGPPR2WMV0GW", "asin": "B0002DJONY", "style": {"Size:": " 50 Pound"}, "reviewerName": "MCM", "reviewText": "This vault is perfect my cat's food. Easy to open and keeps my babies food fresh. Would recommend!", "summary": "Works great!!!", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "10 4, 2014", "reviewerID": "AAWX9FO8NHDDV", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Gail L Cain", "reviewText": "Finally, a toy our Golden Retriever likes but hasn't been able to destroy. It fits nicely in his mouth and he loves to carry it around.", "summary": "Strong Toy", "unixReviewTime": 1412380800} +{"overall": 3.0, "verified": false, "reviewTime": "09 4, 2016", "reviewerID": "ARYNH5TPI7VKW", "asin": "B000084F45", "style": {"Size:": " Small Biscuits, 20-Ounce Bag", "Flavor Name:": " Char-Tar", "Package Type:": " Standard Packaging"}, "reviewerName": "Bradley", "reviewText": "my dog won't eat these. it's hard to review an item like this when your dog won't even try it -so I cannot say whether or not the product actually works for bad breath unfortunately my dog just wouldn't even try a piece of one ... so I can only give it three stars", "summary": "my dog wouldn't even try it", "unixReviewTime": 1472947200} +{"overall": 5.0, "verified": false, "reviewTime": "02 12, 2015", "reviewerID": "A32V5MDANPVGSS", "asin": "B000084EEF", "reviewerName": "Jo N.", "reviewText": "have had this for almost 2 years still durable, ball rolls freely & my cat still loves it!", "summary": "Five Stars", "unixReviewTime": 1423699200} +{"overall": 5.0, "verified": true, "reviewTime": "09 12, 2014", "reviewerID": "A34QJYS8V1H2PP", "asin": "B0002563JA", "style": {"Size:": " 33.8-Ounce"}, "reviewerName": "Paejunhak", "reviewText": "good.", "summary": "good.", "unixReviewTime": 1410480000} +{"overall": 5.0, "verified": true, "reviewTime": "04 21, 2015", "reviewerID": "AMRQOFYO0TCZZ", "asin": "B0002DIKQQ", "style": {"Size:": " 2lb."}, "reviewerName": "aparra", "reviewText": "Smells great for humans too!", "summary": "Great variety", "unixReviewTime": 1429574400} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2018", "reviewerID": "A3TI7VYNVZ8Q2E", "asin": "B0002AS1CC", "style": {"Style:": " Turbo Teaser Toy"}, "reviewerName": "Alessandra G.", "reviewText": "Cats like it a lot, and it has not yet come apart.", "summary": "Cats Like It!", "unixReviewTime": 1525132800} +{"overall": 5.0, "verified": true, "reviewTime": "11 27, 2015", "reviewerID": "A2CG3DNHMYSG2D", "asin": "B0001RTDIC", "reviewerName": "jaquiline fraga", "reviewText": "my old one finally got tired, still works but noisy,,, its 6 years old!!! so! I bought the same exact one,,, SOOO QUIET,...lol I had to keep looking if its working coz its too quiet. I love it! will always stay with this brand of hob...", "summary": "NEVER FAILS ME~!!!after all these years...", "unixReviewTime": 1448582400} +{"overall": 2.0, "verified": true, "reviewTime": "09 24, 2015", "reviewerID": "A2EWEXQK4ZTC0Z", "asin": "B00008DFK5", "style": {"Flavor Name:": " Bacon/Cheese"}, "reviewerName": "Amazon Customer", "reviewText": "Runny, messy", "summary": "Two Stars", "unixReviewTime": 1443052800} +{"overall": 1.0, "verified": true, "reviewTime": "12 27, 2015", "reviewerID": "A31KY1IUGIOZ6O", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "Poodlelicious81", "reviewText": "Gave my chinchilla diarrhea because it contains alfalfa", "summary": "One Star", "unixReviewTime": 1451174400} +{"overall": 5.0, "verified": true, "reviewTime": "07 7, 2016", "reviewerID": "A193NYT3BQYB8I", "asin": "B0002NYAZG", "style": {"Package Quantity:": " 1"}, "reviewerName": "Cathleen D. Likins", "reviewText": "I can't believe how well this works. I had a pet-stinky mattress that I tried to clean with vinegar and other stain removers but without success. I used Kids N Pets (recommended by my sister) and it works incredibly well.", "summary": "I can't believe how well this works. I had ...", "unixReviewTime": 1467849600} +{"overall": 5.0, "verified": true, "reviewTime": "10 6, 2015", "reviewerID": "A33S5895FL1E7I", "asin": "B0002DK2A8", "style": {"Size:": " Regular"}, "reviewerName": "Lissa", "reviewText": "We've had one of these over ten years and just bought another since we just got a third cat. So easy to use!", "summary": "highly recommend", "unixReviewTime": 1444089600} +{"overall": 5.0, "vote": "2", "verified": true, "reviewTime": "04 19, 2017", "reviewerID": "A1RM71V3BBGG6F", "asin": "B0002J1F76", "reviewerName": "Giata", "reviewText": "Tried to send this back when I discovered that the bug on my cat was not a flea. Sellers just said to keep it. So I donated it to a shelter.", "summary": "Good product, great sellers.", "unixReviewTime": 1492560000} +{"overall": 5.0, "verified": true, "reviewTime": "08 2, 2015", "reviewerID": "A2BRPN7YHOUYN3", "asin": "B0002565PW", "reviewerName": "Marc Hall", "reviewText": "Great buy", "summary": "Great buy", "unixReviewTime": 1438473600} +{"overall": 4.0, "verified": true, "reviewTime": "01 7, 2013", "reviewerID": "A1YLA00D9P8VE2", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " BLACK"}, "reviewerName": "J. Abendroth", "reviewText": "This works great and is cheaper than buying it in our local pet store. It comes with a great instructional video as well.", "summary": "Works great", "unixReviewTime": 1357516800} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/71EIFCFLmzL._SY88.jpg"], "overall": 5.0, "vote": "5", "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A2ENJE9KDJISZ3", "asin": "B0002AS8D4", "style": {"Size:": " 20\""}, "reviewerName": "Bambi", "reviewText": "I love how nice these make the aquarium look.", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": false, "reviewTime": "07 15, 2016", "reviewerID": "A1P437YF4CCR0A", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "nuel stroheker", "reviewText": "This a good way to keep fish healthy", "summary": "Five Stars", "unixReviewTime": 1468540800} +{"overall": 4.0, "verified": true, "reviewTime": "11 3, 2017", "reviewerID": "A3QLLIXWDZOPI0", "asin": "B00008DFK5", "style": {"Flavor Name:": " Peanut Butter"}, "reviewerName": "Kelseybell", "reviewText": "Good product. I wish Kong made it in a jar for easier use. The dog likes to have peanut butter in his kongs and this was very safe for him to eat.", "summary": "Good product!", "unixReviewTime": 1509667200} +{"overall": 1.0, "verified": true, "reviewTime": "12 9, 2015", "reviewerID": "A3FRKF4M8O500I", "asin": "B0002ARTYI", "style": {"Color:": " Chicken"}, "reviewerName": "redonthehead", "reviewText": "don't order these ones, they don't make any kind of NOISE at all!", "summary": "THEY DO NOT WORK!!!", "unixReviewTime": 1449619200} +{"overall": 4.0, "verified": true, "reviewTime": "01 6, 2013", "reviewerID": "A44I2IOGBBOB", "asin": "B0002566H4", "style": {"Size:": " Giant/Large", "Flavor Name:": " Liver Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Diane", "reviewText": "The dogs love it, but it chews down too fast and doesn't last long enough for what it costs to buy.", "summary": "Doesn't last long enough", "unixReviewTime": 1357430400} +{"overall": 4.0, "verified": true, "reviewTime": "03 4, 2017", "reviewerID": "A1KLP57VS6ZYAP", "asin": "B0002ATA90", "style": {"Size:": " 2 oz.", "Style:": " 2-Pack"}, "reviewerName": "Dawn M. Bauer", "reviewText": "as expected", "summary": "Four Stars", "unixReviewTime": 1488585600} +{"overall": 5.0, "verified": true, "reviewTime": "06 3, 2017", "reviewerID": "A7O341OQ9YSLR", "asin": "B0002HYB7O", "style": {"Size:": " Medium"}, "reviewerName": "christina maloney", "reviewText": "The sounds stimulate the dog and keeps her responding to the noises ; best toy you can get a puppy 8 months old", "summary": "best toy you can get a puppy 8 months old", "unixReviewTime": 1496448000} +{"overall": 4.0, "verified": true, "reviewTime": "04 27, 2015", "reviewerID": "A3VB9CG3QN04F3", "asin": "B0002H3RCY", "style": {"Size:": " .5 ounce", "Style:": " powder"}, "reviewerName": "Bunnie", "reviewText": "Thanks", "summary": "Four Stars", "unixReviewTime": 1430092800} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2018", "reviewerID": "A3CU4CWT79M9G1", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "Wewilk", "reviewText": "These gentle leaders are heaven sent. They whip a pulling dog quickly into an angel on walks! They'll hate it at first, but ours quickly adjusted and we're so glad we made the purchase!", "summary": "They'll hate it at first", "unixReviewTime": 1526083200} +{"overall": 5.0, "verified": false, "reviewTime": "08 15, 2017", "reviewerID": "A1J56BT2JJMCB6", "asin": "B0002DHXX2", "style": {"Size:": " 36-Inch", "Color:": " Cinnamon Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Happy Wife = Happy Life", "reviewText": "excellent for senior pets with sore limbs due to age and arthritis; my pets passed and now my Mom uses the beds.", "summary": "Senior Pets Love this BED, soft!!", "unixReviewTime": 1502755200} +{"overall": 4.0, "verified": true, "reviewTime": "03 9, 2013", "reviewerID": "A21HW1D1AMR9OE", "asin": "B0002AR17S", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "escgoodwin", "reviewText": "My puppy loves this toy, but it didn't take long for her to chew it up. Finally had to throw it away.", "summary": "Kong Puppy Toy", "unixReviewTime": 1362787200} +{"overall": 5.0, "verified": false, "reviewTime": "12 16, 2013", "reviewerID": "A3AEB7N3P1IE66", "asin": "B0002AR18M", "style": {"Size:": " One size", "Color:": " Purple"}, "reviewerName": "rebecca", "reviewText": "I bought this brush when I adopted my then 2 month old kitten. He is now almost 10 and still runs to me when I pull this brush out of the drawer. I like how flexible it is and the soft, blunt ends of the \"bristles\" make it safe for him to rub his face on, which he loves to do.", "summary": "Still his favorite after 10 years", "unixReviewTime": 1387152000} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A1S4Z3LTDDOFKI", "asin": "B0002AR18M", "reviewerName": "Bobbyd", "reviewText": "Excellent!", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2017", "reviewerID": "A14QBWS3SI1IF9", "asin": "B000255PDU", "reviewerName": "Mark Roecker", "reviewText": "works great.", "summary": "Five Stars", "unixReviewTime": 1493596800} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2014", "reviewerID": "A3VOVQ6Z11DMQV", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Shelby", "reviewText": "I need the toy this these circles rest in! Didn't realize that at the time.\nDah!\nI will have to go back on line and find it.", "summary": "Nice cardboard", "unixReviewTime": 1389744000} +{"overall": 5.0, "vote": "3", "verified": true, "reviewTime": "03 6, 2015", "reviewerID": "A2Q15YLSAE28QI", "asin": "B0002VXLP8", "reviewerName": "Katelyn", "reviewText": "Just perfect for my Guinea pig. Very happy with product. Exactly as described.", "summary": "Five Stars", "unixReviewTime": 1425600000} +{"overall": 5.0, "verified": true, "reviewTime": "02 10, 2016", "reviewerID": "A3JRS2BFTHHB0V", "asin": "B0002DGVW6", "reviewerName": "Marcia", "reviewText": "This works great, no more water splashed around the dish and keeps my Cockers ears dry", "summary": "Great dish", "unixReviewTime": 1455062400} +{"overall": 5.0, "verified": true, "reviewTime": "03 31, 2018", "reviewerID": "A2H0V5PP5N50AT", "asin": "B0002DK09G", "style": {"Size:": " 1"}, "reviewerName": "Maggie May", "reviewText": "Exactly what you want.\n\nI recommend trimming cat nails while they are napping.", "summary": "I recommend trimming cat nails while they are napping", "unixReviewTime": 1522454400} +{"overall": 5.0, "verified": true, "reviewTime": "04 24, 2016", "reviewerID": "AYZZ0B9R3U5JK", "asin": "B0002DGMGG", "style": {"Pattern:": " Football"}, "reviewerName": "Tinsey7", "reviewText": "My dogs love these!", "summary": "Five Stars", "unixReviewTime": 1461456000} +{"overall": 5.0, "verified": true, "reviewTime": "12 1, 2014", "reviewerID": "AVELWYDCPXLXT", "asin": "B0002566WO", "style": {"Size:": " 40-Ounce"}, "reviewerName": "NS", "reviewText": "Well worth the price", "summary": "I will buy again", "unixReviewTime": 1417392000} +{"overall": 5.0, "verified": true, "reviewTime": "09 4, 2015", "reviewerID": "A1C711W25V9OMN", "asin": "B0002AS1CC", "style": {"Style:": " Replacement Pads"}, "reviewerName": "Deechip", "reviewText": "She loves the scratcher. The first pad lasted quite a while and is worth replacing.", "summary": "She loves the scratcher. The first pad lasted quite ...", "unixReviewTime": 1441324800} +{"overall": 5.0, "verified": true, "reviewTime": "09 5, 2011", "reviewerID": "A1ZDR3J1X6H3I", "asin": "B0002I0O5G", "style": {"Size:": " Small", "Style:": " Squirrel"}, "reviewerName": "Eve", "reviewText": "Our puppy loves the squirrels that squeak but also the tree trunk that the squirrels go in. She plays with all the pieces regularly. The squirrels get carried around a lot.", "summary": "Fun toy", "unixReviewTime": 1315180800} +{"overall": 3.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A34WJZEZB9M64M", "asin": "B0002PXY74", "reviewerName": "Amazon Customer", "reviewText": "This is well-made compared to other squeaky toys I've gotten my dogs. It lasted a couple of months with my pit bull mixes, wished it had lasted longer. BUT it had a terribly strong smell out of the package and I had to wash it first.", "summary": "BUT it had a terribly strong smell out of the package and I had ...", "unixReviewTime": 1453766400} +{"overall": 5.0, "verified": true, "reviewTime": "12 29, 2015", "reviewerID": "A994URVMQ2O48", "asin": "B0002TJAXC", "style": {"Size:": " 15.5 lb", "Style:": " Light Dry | Chicken"}, "reviewerName": "Nicola_ny", "reviewText": "really good. my cats love it and the dry food is good for their teeth", "summary": "Five Stars", "unixReviewTime": 1451347200} +{"overall": 5.0, "verified": true, "reviewTime": "06 22, 2014", "reviewerID": "AZNP5UBDEUY1M", "asin": "B0002AUVZ2", "style": {"Size:": " 24-Inch", "Color:": " Ivory"}, "reviewerName": "Jacqueline Martin", "reviewText": "Great product , soft easy to clean I love it. I would definitely purchase another soon!\neasy to attached too !", "summary": "greatest purchase I ever did for my dog!", "unixReviewTime": 1403395200} +{"overall": 5.0, "verified": true, "reviewTime": "08 23, 2014", "reviewerID": "A10WXQYVF2L0XS", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "Ermalene Gallahue", "reviewText": "Little to big now but will grow into it.", "summary": "Five Stars", "unixReviewTime": 1408752000} +{"overall": 5.0, "verified": true, "reviewTime": "04 29, 2013", "reviewerID": "A28JFYHB2XLRSR", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "Sabrina Sanchez", "reviewText": "Tubing is tubing, and this tubing works great. Speedy shipping and easy application. I have a lot more than I need but for the price I got it at, it's perfect.", "summary": ":)", "unixReviewTime": 1367193600} +{"reviewerID": "ARFZ430EASEJB", "asin": "B0002I0GV8", "reviewerName": "Nike Golf", "verified": true, "reviewText": "Terrible product", "overall": 1.0, "reviewTime": "02 27, 2015", "summary": "Good Company", "unixReviewTime": 1424995200} +{"overall": 5.0, "verified": false, "reviewTime": "08 3, 2017", "reviewerID": "A34WQCYR6OXV77", "asin": "B0002566H4", "style": {"Size:": " Giant/Large", "Flavor Name:": " Original Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "GregG", "reviewText": "We keep a couple of these around. Our mixed breed 30 and 50 lb dogs chew these all the time. The dogs haven't destroyed other things (very much) because the Nylabones are always available.", "summary": "Our dogs that chew like Nylabones", "unixReviewTime": 1501718400} +{"overall": 5.0, "verified": true, "reviewTime": "10 11, 2015", "reviewerID": "A3DXX1TINR1WTR", "asin": "B00028ZM5I", "style": {"Size:": " 90 count"}, "reviewerName": "jubeli", "reviewText": "Needed something to get off dried eye gook. It wasn't for it but I thought I would try. Doesn't work for my reason. Otherwise, I use it on my other dogs for the stain, and it works well.", "summary": "Eye care pads for pets.", "unixReviewTime": 1444521600} +{"overall": 5.0, "verified": true, "reviewTime": "01 8, 2015", "reviewerID": "AEQCFYSLJA07U", "asin": "B00061MO7K", "reviewerName": "Elle Daly", "reviewText": "My dog loves this stuff and I love her breath now", "summary": "Five Stars", "unixReviewTime": 1420675200} +{"overall": 5.0, "verified": true, "reviewTime": "02 24, 2017", "reviewerID": "A10QNJ300WS7BP", "asin": "B00025K102", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "Donald W. Ohair", "reviewText": "Good value for the money. Good food!", "summary": "Five Stars", "unixReviewTime": 1487894400} +{"overall": 5.0, "verified": true, "reviewTime": "11 30, 2017", "reviewerID": "A13VNV15L8VZKQ", "asin": "1612231977", "style": {"Color:": " 149"}, "reviewerName": "Cdh07", "reviewText": "Very comfortable and easy fitting changing pad cover", "summary": "Five Stars", "unixReviewTime": 1512000000} +{"overall": 2.0, "verified": true, "reviewTime": "03 18, 2013", "reviewerID": "A3Q0FP8V85YE74", "asin": "B0002APQ5W", "reviewerName": "Pamela", "reviewText": "I received this product in a timely manner, however, my puppies didn't react to it as the instructions say they would... I don't know if it is just my puppies or if it is the product....", "summary": "Doesn't work", "unixReviewTime": 1363564800} +{"overall": 4.0, "verified": true, "reviewTime": "12 9, 2014", "reviewerID": "A21CWYTT3W76NF", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Whitefish & Sweet Potato"}, "reviewerName": "Brandon M.", "reviewText": "My dogs were a little wary of this food at fist, but are finally warming up to it. The food seems to help with their sensitive skin issues, but keep in mind that if you have smaller older dogs the dog food is not the smallest.", "summary": "Good quality, but big bites", "unixReviewTime": 1418083200} +{"overall": 4.0, "verified": false, "reviewTime": "03 9, 2015", "reviewerID": "A1MBYYJFMZNXE3", "asin": "B00027ZVDM", "style": {"Size:": " 2.4"}, "reviewerName": "Lisa Mullen", "reviewText": "My crabs love this! It is the base of a good diet.", "summary": "Crabs love it", "unixReviewTime": 1425859200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2014", "reviewerID": "A20HUNW23T6YDU", "asin": "B0002AR0II", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "KindleLoverMM", "reviewText": "ShiPom male loves his Extreme Kong! It's heavy but he loves it! He will destuff it and spend a few minutes chewing on it. He doesn't chew for long just because of the weight of it.", "summary": "Extreme Kong is the one!", "unixReviewTime": 1394323200} +{"overall": 5.0, "verified": true, "reviewTime": "09 3, 2013", "reviewerID": "AWJQS63KQI1KU", "asin": "B0002ARTYI", "style": {"Color:": " Blacks & Grays"}, "reviewerName": "Diane Turnbaugh", "reviewText": "I love that my puppy likes the chimp. Jax is especially fascinated when\nMr Chimp talks to him with very authentic chimp noises.", "summary": "It \"talks\" to my puppy!", "unixReviewTime": 1378166400} +{"overall": 5.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "A1A9HC45N4BXH1", "asin": "B0002DK0A0", "style": {"Size:": " 1PAck"}, "reviewerName": "BL", "reviewText": "My cat loves being brushed with this. He even rolls over for me to do his belly. He really enjoys being brushed now.", "summary": "Awesome brush", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": false, "reviewTime": "08 30, 2012", "reviewerID": "A1NNVR9E15PNJZ", "asin": "B000084EEF", "reviewerName": "Diane80", "reviewText": "My kitten loves this toy! She plays with it a lot. The ball does not come out, so it's one less thing to get lost! The cat has not figured out/or used the middle scratcher yet. I'm sure that will come with time. I would recommend this product", "summary": "Keeps the kitty busy!", "unixReviewTime": 1346284800} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A3L68WP1WF5UTE", "asin": "B0002DHR9M", "style": {"Size:": " 42 Pounds"}, "reviewerName": "lynn", "reviewText": "Works great! Small apartment with 1 cat.", "summary": "Great Litter", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2015", "reviewerID": "A22QC19GND9R4X", "asin": "B0002H3ZLM", "style": {"Size:": " MEDIUM 25-60 LBS.", "Color:": " BLACK"}, "reviewerName": "KIM TURNER", "reviewText": "This is the best product if you dog pulls! I have used on our 60 lb poodle as well as our 160 lb. saint bernard", "summary": "This is the best product if you dog pulls", "unixReviewTime": 1450224000} +{"reviewerID": "A2Z3A6CYIZ40YC", "asin": "B0002ARX5I", "reviewerName": "C. Pierce", "verified": true, "reviewText": "got it to get the nasty litter off the bottom of the litter pan, no other use. did it's job very well for the first few months, but after that, started to bend when i used it. can't complain though, because it was only like $6, and got lots of use out of it.", "overall": 5.0, "reviewTime": "04 19, 2015", "summary": "you get what you pay for", "unixReviewTime": 1429401600} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2015", "reviewerID": "A1U3VYGCSTKZKZ", "asin": "B0002ER3SQ", "style": {"Pattern:": " 11100"}, "reviewerName": "Anish Patel", "reviewText": "Love this thing", "summary": "Five Stars", "unixReviewTime": 1428969600} +{"overall": 5.0, "verified": true, "reviewTime": "10 21, 2016", "reviewerID": "ASW0CTX92IPSN", "asin": "B000634IUO", "style": {"Size:": " 16oz"}, "reviewerName": "Linda Gallihugh", "reviewText": "It works great, and makes my pooch smell better too!", "summary": "Five Stars", "unixReviewTime": 1477008000} +{"overall": 5.0, "verified": true, "reviewTime": "08 31, 2014", "reviewerID": "A127A1W461WDUA", "asin": "B0002YFC9I", "reviewerName": "Anna C.", "reviewText": "No problems!", "summary": "Five Stars", "unixReviewTime": 1409443200} +{"overall": 5.0, "verified": true, "reviewTime": "03 9, 2015", "reviewerID": "A85TZQVN3BEMV", "asin": "B00025YRXO", "reviewerName": "Glaris", "reviewText": "I brought two of these to replace two clip on handles that broke. They both are great", "summary": "Five Stars", "unixReviewTime": 1425859200} +{"overall": 1.0, "verified": true, "reviewTime": "12 3, 2014", "reviewerID": "A18Z47R6SRW6HY", "asin": "B0002DGVY4", "reviewerName": "Mel Whitney", "reviewText": "Get what you pay for... I highly recommend the original German version because the prongs are meant to be facing certain ways and this one doesn't cut it", "summary": "Cheaper version", "unixReviewTime": 1417564800} +{"overall": 5.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A1NU9K0XM4TX61", "asin": "B0002J1F76", "reviewerName": "StacyM", "reviewText": "Works great for fleas! Used one month and fleas were gone!", "summary": "Excellent!", "unixReviewTime": 1481846400} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2017", "reviewerID": "AC8F3VCLUIVEQ", "asin": "B0002DIQD8", "style": {"Size:": " 1-Pack"}, "reviewerName": "Tarah", "reviewText": "I needed a slightly longer prong collar but didn't want to go up in width and these extra links were perfect for my collar.", "summary": "Perfect for lengthening collar", "unixReviewTime": 1512691200} +{"overall": 5.0, "verified": true, "reviewTime": "09 6, 2015", "reviewerID": "A2T3UPE3QIVC31", "asin": "B0002568K4", "style": {"Size:": " 2 Pack"}, "reviewerName": "K. Barker", "reviewText": "Great product and work wells for my tank", "summary": "Great buy", "unixReviewTime": 1441497600} +{"overall": 4.0, "verified": true, "reviewTime": "01 10, 2014", "reviewerID": "A3R69IJ42NL3ZB", "asin": "B0002DHOE0", "style": {"Size:": " 5.5 Inch"}, "reviewerName": "Stephanie L. Collins", "reviewText": "this is pretty cool. hard to use when you have to have a cover on the tank to keep out the dog and cat. thought it came with a bulb. guess i miss read it. im glad my turtle loves it and loves basking in it.", "summary": "works great on my map turtle", "unixReviewTime": 1389312000} +{"overall": 4.0, "verified": true, "reviewTime": "07 10, 2015", "reviewerID": "A3G5PBYCFORVPR", "asin": "B0002ASS0M", "style": {"Size:": " 12 Oz", "Style:": " Powder"}, "reviewerName": "LKM", "reviewText": "Good price!", "summary": "Good Price!", "unixReviewTime": 1436486400} +{"overall": 2.0, "verified": true, "reviewTime": "07 27, 2015", "reviewerID": "A38KQV988GLEUN", "asin": "B0002ZS21C", "reviewerName": "Rachel", "reviewText": "Very disappointed, didn't fit even though advertised for a large top entry box. I'm better off buying extra large trash bags.", "summary": "Waste of money Just buy trash bags", "unixReviewTime": 1437955200} +{"overall": 5.0, "verified": true, "reviewTime": "08 4, 2013", "reviewerID": "AFK1P9CV7AIPQ", "asin": "B00006IX59", "style": {"Size:": " SPORT 14S", "Color:": " ASSORTED"}, "reviewerName": "Miles", "reviewText": "My dog destroys a tennis ball in 30 minutes. My dog has been abusing the Chuckit balls for 3+ months.", "summary": "Toughest balls out there", "unixReviewTime": 1375574400} +{"overall": 5.0, "verified": false, "reviewTime": "05 20, 2016", "reviewerID": "A22Z2QZ6QOMEL1", "asin": "B000084EEF", "reviewerName": "j322", "reviewText": "My cats enjoy chasing the ball and love the heavy duty scratcher in the middle!", "summary": "Five Stars", "unixReviewTime": 1463702400} +{"overall": 4.0, "verified": true, "reviewTime": "05 25, 2017", "reviewerID": "A3S16QX43X9CMD", "asin": "B0002DHMC4", "reviewerName": "Mendy", "reviewText": "It works great. Cats used it quickly without too much hesitation. Needed to buy longer screws but easy to install. 4 stars just because I had to purchase longer screws.", "summary": "Great item", "unixReviewTime": 1495670400} +{"overall": 5.0, "verified": true, "reviewTime": "03 25, 2018", "reviewerID": "AU2177O56HEON", "asin": "B0006342AU", "style": {"Size:": " 1 Ounce Pouch"}, "reviewerName": "Eri", "reviewText": "The cat love it! He goes nuts with this stuff.", "summary": "Kitty approved", "unixReviewTime": 1521936000} +{"overall": 1.0, "verified": true, "reviewTime": "03 28, 2015", "reviewerID": "A3QU2MUASHCG", "asin": "B00061MW5O", "reviewerName": "G. Hill", "reviewText": "Not sure what they meant by ethical, I figured NOT made in China. My mistake, just another China made cat toy. They went straight into the trash can.", "summary": "Not sure what they meant by ethical, I figured ...", "unixReviewTime": 1427500800} +{"overall": 5.0, "verified": true, "reviewTime": "02 6, 2016", "reviewerID": "A1YQ4Z5U9NIGP", "asin": "B0006345MK", "style": {"Size:": " 4 lb"}, "reviewerName": "B Sandham", "reviewText": "Great stuff. Big balls, but the dogs like to fight over them. Have to give them a nice spanking to get them to stop. Suppose that is a good thing though. Balls might be a little too big for mini-dachshunds though, but they manage.", "summary": "Good Food Dogs Love Them", "unixReviewTime": 1454716800} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2015", "reviewerID": "A3QV5AVGQBHOOO", "asin": "B0002AT45A", "style": {"Size:": " Large, 9.5\" x 10\" x 38\""}, "reviewerName": "Cynthia Bloyd", "reviewText": "nice", "summary": "Five Stars", "unixReviewTime": 1433203200} +{"overall": 5.0, "verified": true, "reviewTime": "07 20, 2014", "reviewerID": "A3BPOLA3H4GVLG", "asin": "B00008DFPT", "reviewerName": "Sassy1", "reviewText": "This stuff is delicious - well, at least my rabbits think so! Also, it shipped quickly.", "summary": "Five Stars", "unixReviewTime": 1405814400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2016", "reviewerID": "A35YOKH44H1MS", "asin": "B00028ZLDG", "reviewerName": "nancy d kirkpatrick", "reviewText": "from the looks of it this did the job on our new puppies", "summary": "A+A+A+", "unixReviewTime": 1479600000} +{"overall": 5.0, "verified": true, "reviewTime": "01 15, 2018", "reviewerID": "A32YRH5JJ6ETM8", "asin": "B0002AQMNW", "reviewerName": "Tyrone Bates", "reviewText": "Just what I needed!", "summary": "Five Stars", "unixReviewTime": 1515974400} +{"overall": 5.0, "verified": true, "reviewTime": "07 31, 2015", "reviewerID": "A88K296DE6XIU", "asin": "B0002IEYIE", "style": {"Size:": " Pack of 1", "Color:": " Oatmeal and Aloe"}, "reviewerName": "devoted reader", "reviewText": "Helped dogs itchy skin due to seasonal allergies.", "summary": "Five Stars", "unixReviewTime": 1438300800} +{"overall": 5.0, "verified": true, "reviewTime": "01 10, 2015", "reviewerID": "A2Y1KCEHE8G7UX", "asin": "B00008DFDJ", "reviewerName": "Christi", "reviewText": "great product , my dogs love the taste , seeing less skin problems", "summary": "great product, my dogs love the taste", "unixReviewTime": 1420848000} +{"overall": 4.0, "verified": true, "reviewTime": "03 13, 2015", "reviewerID": "AGKMLC905URSH", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Joyce", "reviewText": "So far, so good. Our 6 yr old Cocker likes the taste and is getting used to having his teeth brushed. Hope it helps his dental problems with gingivitis and early periodontal issues.", "summary": "so good. Our 6 yr old Cocker likes the taste ...", "unixReviewTime": 1426204800} +{"overall": 5.0, "verified": true, "reviewTime": "09 1, 2015", "reviewerID": "A3OBH0CAATLV3R", "asin": "B0000TWC2K", "style": {"Size:": " Medium"}, "reviewerName": "415th", "reviewText": "Good tough chewy toy, fun for hiding treats inside for hours of play, and a great price.", "summary": "Get one for your dog!", "unixReviewTime": 1441065600} +{"overall": 5.0, "verified": true, "reviewTime": "11 13, 2015", "reviewerID": "A3NU98SIYFQMJC", "asin": "B00025Z74C", "style": {"Size:": " 0.70 oz"}, "reviewerName": "x", "reviewText": "When they stay in the water to long the expand and my betta fish cant eat them. But i still love them! and my betta loves this food too", "summary": "But i still love them! and my betta loves this food", "unixReviewTime": 1447372800} +{"overall": 5.0, "verified": true, "reviewTime": "08 13, 2017", "reviewerID": "AJZRNJGQ5EBJF", "asin": "B000084E7Y", "style": {"Color:": " Assorted"}, "reviewerName": "Tanya", "reviewText": "My pup loves ducky. Great chew toy.", "summary": "Great chew toy", "unixReviewTime": 1502582400} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2016", "reviewerID": "AHAU26HCWTFEX", "asin": "B0002APT0Y", "reviewerName": "Proper Noun", "reviewText": "I bought it for my 5 gallon, very satisfied. Doesn't prime quite as easily as they want you to believe but It's a great choice nonetheless", "summary": "very satisfied. Doesn't prime quite as easily as they want ...", "unixReviewTime": 1467072000} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A3LNQRR1EO08DW", "asin": "B0002CSKLM", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "G. M. Kuhlman", "reviewText": "Bucky, as we call him, is another replacceable squeaker toy from Kong! Velcro back! Open, replace squeaker, close and it is good to go for more squeeking fun ~ until squeaker gets a hole! Our little doxie is quite the squeaker toy fiend. She loves these toys!", "summary": "close and it is good to go for more squeeking fun ~ until squeaker ...", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "01 21, 2017", "reviewerID": "A1O997I0SSI9UW", "asin": "B0002DHZSU", "style": {"Size:": " Medium, 12-Pack"}, "reviewerName": "Amazon Customer", "reviewText": "eselmte", "summary": "Five Stars", "unixReviewTime": 1484956800} +{"overall": 5.0, "verified": true, "reviewTime": "02 4, 2014", "reviewerID": "A4MR0PYNBLHJ", "asin": "B0002ARYES", "style": {"Size:": " Pack of 1"}, "reviewerName": "luisjms", "reviewText": "My dog loves this product. He usually can chew up a dog toy in less than a day. This has lasted months and he loves to play with it. Highly recommend it.", "summary": "Great Product My dog loves it", "unixReviewTime": 1391472000} +{"overall": 5.0, "verified": true, "reviewTime": "01 27, 2014", "reviewerID": "A1W53DVTDO4VM8", "asin": "B00028ZM4O", "reviewerName": "Doctor California", "reviewText": "My little dog was itching her ears constantly. In looking for a solution I found this product. I spray a little into my hand and rub it on her ears. She is scratching far less and it seems to work well!", "summary": "Great for Itchy Dogs", "unixReviewTime": 1390780800} +{"overall": 5.0, "verified": true, "reviewTime": "12 27, 2016", "reviewerID": "AKTY4QTFR486C", "asin": "B0002DHZSU", "style": {"Size:": " Large, 12-Pack"}, "reviewerName": "Adrian Rojas", "reviewText": "SIMPLY GREAT!!!!!!!!!!", "summary": "Five Stars", "unixReviewTime": 1482796800} +{"overall": 5.0, "verified": true, "reviewTime": "06 4, 2016", "reviewerID": "A1RVAZKUWTH73G", "asin": "B0002566H4", "style": {"Size:": " Giant/Large", "Flavor Name:": " Original Bone", "Package Type:": " Standard Packaging"}, "reviewerName": "Marilyn Gossard", "reviewText": "My pup loved it!", "summary": "Five Stars", "unixReviewTime": 1464998400} +{"overall": 5.0, "verified": true, "reviewTime": "04 3, 2014", "reviewerID": "A1RJ9H0Z2B9D74", "asin": "B000255MZG", "style": {"Size:": " 1-Gallon", "Style:": " Freshwater"}, "reviewerName": "DARREN", "reviewText": "I have been using this product religiously every time I do a water change and it has never let me down. If you do not want to take chances, be safe and use as directed.", "summary": "Stress Coat Conditioner", "unixReviewTime": 1396483200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2016", "reviewerID": "A90DKAR1A50QM", "asin": "B0002DJWR2", "reviewerName": "jackolyn", "reviewText": "We only purchase JW toys for our power chewer Lab mix. She has 4 boxes of toys, loves every one...some more than others. Playing ball is always a treat for her.", "summary": "Love those JW dog toys", "unixReviewTime": 1454198400} +{"overall": 5.0, "verified": true, "reviewTime": "08 7, 2015", "reviewerID": "A37QKJ3K1MKEDT", "asin": "B0002565SY", "style": {"Size:": " 4-Pack", "Color:": " E - Purple"}, "reviewerName": "big pappa", "reviewText": "LOVE Marineland products this was a great deal!", "summary": "Five Stars", "unixReviewTime": 1438905600} +{"overall": 5.0, "verified": true, "reviewTime": "06 15, 2017", "reviewerID": "ACL5K2BQU9MNP", "asin": "B00025K102", "style": {"Size:": " 7.06-Ounce"}, "reviewerName": "Paul S.", "reviewText": "EETS HUGE!!!\nExactly what I needed.", "summary": "EETS HUGE!!! Exactly what I needed.", "unixReviewTime": 1497484800} +{"overall": 4.0, "verified": true, "reviewTime": "03 2, 2018", "reviewerID": "A2ENZ5VDWMAJCP", "asin": "B00027ZVLY", "reviewerName": "The Tunisons", "reviewText": "Very well made, but the honk didn't work well. More than likely it was just mine. The honk part was not installed well. Its a great dog toy. The other one I ordered the honk worked well.", "summary": "Its a great dog toy", "unixReviewTime": 1519948800} +{"overall": 5.0, "verified": true, "reviewTime": "05 3, 2015", "reviewerID": "A334JK0MGQCN4W", "asin": "B00025YTZA", "style": {"Size:": " 100 ct (box)"}, "reviewerName": "Golobolbol", "reviewText": "Despite our dog being 4 years old, we still use these for when we are out of the house for long periods of time. They are great, and super easy to use. We have never had a problem with these leaking; when the dog uses one we just roll it up and throw it away.", "summary": "Great pads", "unixReviewTime": 1430611200} +{"overall": 5.0, "verified": true, "reviewTime": "11 9, 2017", "reviewerID": "A2AJJPAI2RVGMV", "asin": "B0002DHXX2", "style": {"Size:": " 18-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Love to read", "reviewText": "I keep this in my yorkies playpen and he loves it. When not napping on it, he carries it around on his back and hides under it. Washes well in machine and easily dries in drier.", "summary": "Super bed for pups.", "unixReviewTime": 1510185600} +{"overall": 5.0, "verified": true, "reviewTime": "12 5, 2015", "reviewerID": "A3DL2AERE9RE", "asin": "B0002AQBCE", "reviewerName": "DM_NC", "reviewText": "cats love it", "summary": "Five Stars", "unixReviewTime": 1449273600} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2015", "reviewerID": "A7BBOZH544IRF", "asin": "B00061MO7K", "reviewerName": "Theresa Mariani", "reviewText": "No problems.", "summary": "Five Stars", "unixReviewTime": 1429488000} +{"overall": 4.0, "verified": true, "reviewTime": "08 11, 2015", "reviewerID": "A3A7XOT7XAIFHP", "asin": "B0002DK9CO", "style": {"Size:": " 4-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Kat Rocha", "reviewText": "I supplement this with the lab blocks. good rounded diet. My rats love almost everything in this mix", "summary": "add to lab blocks for rounded diet", "unixReviewTime": 1439251200} +{"overall": 5.0, "verified": false, "reviewTime": "06 2, 2017", "reviewerID": "A2LRP6OA6EGP6J", "asin": "B0002ASMT4", "style": {"Style:": " Textured ring"}, "reviewerName": "HFDMAMA", "reviewText": "My dog loves this! Anything Nylabone makes has always been a hit with previous dogs and my current dog.", "summary": "Nylabone = Durable Favorite", "unixReviewTime": 1496361600} +{"image": ["https://images-na.ssl-images-amazon.com/images/I/41Ht5WmFJIL._SY88.jpg", "https://images-na.ssl-images-amazon.com/images/I/71f3++zO1CL._SY88.jpg"], "overall": 5.0, "vote": "3", "verified": true, "reviewTime": "12 20, 2014", "reviewerID": "A2CG3DNHMYSG2D", "asin": "B0002ARKTW", "reviewerName": "jaquiline fraga", "reviewText": "I loveee this product, works in seconds to get my SPHYNKS kittens oils off, smells great (not overwhelming) I recommended it on my facebook. thanks for fast and efficient packing. I am happy.", "summary": "If you own a hairless cat?SPHYNKS...this product is awesome. try it.", "unixReviewTime": 1419033600} +{"overall": 1.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A1DC8P7JYUDDJL", "asin": "B000084EXU", "style": {"Size:": " Petite/X-Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Christopher Whitehead", "reviewText": "My dog ate this in less than 10 minutes.", "summary": "One Star", "unixReviewTime": 1436918400} +{"overall": 4.0, "verified": true, "reviewTime": "08 17, 2015", "reviewerID": "A1YGSPDXN28V6L", "asin": "B0002C7FFE", "reviewerName": "Ernie Franco", "reviewText": "Best available price", "summary": "Four Stars", "unixReviewTime": 1439769600} +{"overall": 1.0, "vote": "2", "verified": true, "reviewTime": "05 18, 2016", "reviewerID": "A3ECBD7OD3BP9T", "asin": "B0002AT7J8", "style": {"Size:": " EA"}, "reviewerName": "Emily", "reviewText": "I got these to give my male rats antibiotics and the plunger on one wouldn't work and the other broke on first use. Definitely disappointed with this purchase.", "summary": "Definitely disappointed with this purchase", "unixReviewTime": 1463529600} +{"overall": 5.0, "verified": true, "reviewTime": "07 15, 2015", "reviewerID": "A1F4PPPGS3AY0Y", "asin": "B0002DJONY", "style": {"Size:": " 50 Pound"}, "reviewerName": "Rachel from What The Buzz Is All About", "reviewText": "I live in the country so I deal with mice and insects quite a bit. I bought this container to store dog food indoors. It has a great seal on it and keeps the bugs out. I pour a large bag of Purina One inside of it and still have room.", "summary": "Great seal, keeps the bugs/mice out", "unixReviewTime": 1436918400} +{"overall": 5.0, "verified": true, "reviewTime": "05 26, 2016", "reviewerID": "A1SH09RJH2DTGS", "asin": "B0002ASSBQ", "style": {"Size:": " 12-Ounce"}, "reviewerName": "Amazon Customer", "reviewText": "Great shampoo, lathers well.", "summary": "Good product", "unixReviewTime": 1464220800} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2016", "reviewerID": "AE0GRO7GBZTVT", "asin": "B000197Y8G", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Denaye", "reviewText": "My dog loves this even when their are no treats in it! He destroys most of his toys but this one so far has lasted with no chunks out of it (it's been two weeks so far)", "summary": "My dog loves this even when their are no treats ...", "unixReviewTime": 1456531200} +{"overall": 5.0, "vote": "5", "verified": true, "reviewTime": "11 1, 2007", "reviewerID": "A3IUFS5IA6JZPM", "asin": "B00025YWA2", "reviewerName": "C. G. Clemens", "reviewText": "The replacement filters are an exact replacement for the item currently in use. The merchant delivered the item on time and it is exactly what I expected.", "summary": "Excellent Merchant", "unixReviewTime": 1193875200} +{"overall": 5.0, "vote": "3", "verified": false, "reviewTime": "11 30, 2015", "reviewerID": "A1OMEHGKNNHUOU", "asin": "B0002APXLY", "reviewerName": "oscar", "reviewText": "Does what it is supposed to do. Traps newly hatched brine shrimp and drains water. For Three4 dollars it's a no brainier.", "summary": "Does what it is supposed to do. Traps newly ...", "unixReviewTime": 1448841600} +{"overall": 5.0, "verified": true, "reviewTime": "02 22, 2017", "reviewerID": "A1A55EPKNDHWJT", "asin": "B0002DHOJA", "reviewerName": "Kindle Customer", "reviewText": "my dog loves it too", "summary": "Five Stars", "unixReviewTime": 1487721600} +{"overall": 5.0, "verified": true, "reviewTime": "12 17, 2014", "reviewerID": "A3CK0PUO8IUQOR", "asin": "B0000AH9UH", "style": {"Size:": " Medium"}, "reviewerName": "8cosmo", "reviewText": "Dog loves it. Well made toy. My 70lb dog has fun with it.", "summary": "Cute hedgie, dog loves it!", "unixReviewTime": 1418774400} +{"overall": 5.0, "verified": false, "reviewTime": "08 25, 2014", "reviewerID": "A35AX84UIWGIH3", "asin": "B0002DJ1DM", "style": {"Size:": " 12 Pack"}, "reviewerName": "William", "reviewText": "Top notch! ... I was a little hesitant looking at people complaining about the weight, and after just receiving them, I can tell you these are as HIGH a quality as cat mice come ... The cats love them (of course) ... these are a must for any cat lover", "summary": "The cats love them (of course)", "unixReviewTime": 1408924800} +{"overall": 1.0, "verified": true, "reviewTime": "08 23, 2013", "reviewerID": "A2JF347SANDE42", "asin": "B0002AQHOQ", "reviewerName": "Ginny Nichols", "reviewText": "Found it impossible to use. Cutting tool and planter do not open wide enough to prune plants or plant them. Hagen/Fluval are usually high quality-this is a notable exception.", "summary": "Piece of Junk", "unixReviewTime": 1377216000} +{"overall": 5.0, "verified": true, "reviewTime": "05 23, 2016", "reviewerID": "A1JSOWJ172VWN3", "asin": "B0002AQYYO", "style": {"Size:": " 10-Inch"}, "reviewerName": "Brooke", "reviewText": "My dog is happy", "summary": "Great quality", "unixReviewTime": 1463961600} +{"overall": 5.0, "verified": true, "reviewTime": "08 3, 2014", "reviewerID": "A34A1UP40713F8", "asin": "B000084DWM", "style": {"Size:": " 3.5 lb", "Style:": " Indoor Dry | Chicken"}, "reviewerName": "James. Backus", "reviewText": "My Cat has loved this for as long as I have been feeding him. The cat is an indoor cat and likes his food. the price was better then my local pet supply stores. Thank you for such quick service and delivery!", "summary": "My Cat loves this.", "unixReviewTime": 1407024000} +{"overall": 5.0, "verified": true, "reviewTime": "03 29, 2017", "reviewerID": "A25N6ZEFP0ZLTP", "asin": "B0002YFC3Y", "style": {"Size:": " 50gm"}, "reviewerName": "Dave", "reviewText": "Treated older dog works well", "summary": "Uti relief", "unixReviewTime": 1490745600} +{"overall": 5.0, "verified": true, "reviewTime": "02 26, 2015", "reviewerID": "A2FAEELX1TTRO6", "asin": "B0002Y2TWQ", "style": {"Size:": " 6 Pack"}, "reviewerName": "Seth Norman", "reviewText": "Thanks!", "summary": "Five Stars", "unixReviewTime": 1424908800} +{"overall": 5.0, "verified": true, "reviewTime": "01 29, 2016", "reviewerID": "A1YX5UG55N478P", "asin": "B0002AQK4S", "style": {"Size:": " 70-Gallon", "Package Type:": " Standard Packaging"}, "reviewerName": "Wyldfire", "reviewText": "Biological and mechanical filtration is always a good thing.", "summary": "Five Stars", "unixReviewTime": 1454025600} +{"overall": 5.0, "verified": true, "reviewTime": "05 5, 2012", "reviewerID": "A2IT7S8YQOTH7M", "asin": "B0002AB9FS", "style": {"Size:": " 64 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Lady Di", "reviewText": "I use this for my dog's coat that was very dry and my cat's constipation. Great product. Pets love the taste.", "summary": "great for coat and constipation", "unixReviewTime": 1336176000} +{"overall": 5.0, "verified": true, "reviewTime": "04 8, 2018", "reviewerID": "A26F84V60OA7Z7", "asin": "B0002AR63M", "style": {"Size:": " Small", "Color:": " Ficus", "Package Type:": " Standard Packaging"}, "reviewerName": "Yeferson R.", "reviewText": "It smells amazing, which is a bonus !", "summary": "Five Stars", "unixReviewTime": 1523145600} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2018", "reviewerID": "A26Q7X8VSH7RP3", "asin": "B0002AQ9PI", "style": {"Size:": " XX-Large"}, "reviewerName": "Maria McDonald", "reviewText": "Perfect fit.", "summary": "perfect fit", "unixReviewTime": 1521504000} +{"overall": 2.0, "verified": true, "reviewTime": "07 26, 2016", "reviewerID": "A2JQADR5DU3CQP", "asin": "B0002DGL26", "style": {"Color:": " Natural", "Package Type:": " Standard Packaging", "Style:": " Starter Kit"}, "reviewerName": "Jay", "reviewText": "Dogs won't chew on them at all..no smell or flavor to them", "summary": "Dogs don't care for them", "unixReviewTime": 1469491200} +{"overall": 4.0, "verified": true, "reviewTime": "11 24, 2015", "reviewerID": "A3KRQQSGIUT83C", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Lamb & Barley"}, "reviewerName": "Amazon Customer", "reviewText": "A bit pricey, but good amount of quality ingredients. My Frenchies love it.", "summary": "but good amount of quality ingredients", "unixReviewTime": 1448323200} +{"overall": 5.0, "verified": true, "reviewTime": "06 2, 2013", "reviewerID": "A30TYH23ZPEM1P", "asin": "B00063496C", "style": {"Size:": " 12 Filters"}, "reviewerName": "S. K. Vesteng", "reviewText": "I saved money buying these at amazon. My cats drink regularly from this fountain and keeping the filters clean gives them a fresher drink of water each time.", "summary": "nice price", "unixReviewTime": 1370131200} +{"overall": 5.0, "verified": true, "reviewTime": "02 9, 2018", "reviewerID": "A3VMU7XI7F6W6I", "asin": "B0002HYB7O", "style": {"Size:": " Large"}, "reviewerName": "BigDaddy277", "reviewText": "Great toy my dog will play with it all day", "summary": "Ten Stars", "unixReviewTime": 1518134400} +{"overall": 5.0, "verified": true, "reviewTime": "06 29, 2016", "reviewerID": "A10LZH7HC1ASED", "asin": "B00025YTZA", "style": {"Size:": " 150 ct"}, "reviewerName": "jared2", "reviewText": "best pads", "summary": "Five Stars", "unixReviewTime": 1467158400} +{"overall": 5.0, "verified": true, "reviewTime": "03 14, 2018", "reviewerID": "A2MFAGL77MMB3E", "asin": "B000255MZG", "style": {"Size:": " 64-Ounce", "Style:": " Freshwater"}, "reviewerName": "Yoni", "reviewText": "years of use on my tanks.\nthe big container is awesome savings, and my tanks and fish last years. 10/10", "summary": "the big container is awesome savings, and my tanks and fish last years", "unixReviewTime": 1520985600} +{"overall": 5.0, "verified": true, "reviewTime": "12 8, 2015", "reviewerID": "A7MLLCHG3OIYF", "asin": "B0002J1FOE", "reviewerName": "Mike C.", "reviewText": "works great", "summary": "Five Stars", "unixReviewTime": 1449532800} +{"overall": 5.0, "verified": true, "reviewTime": "11 14, 2016", "reviewerID": "A2ZEW7CGH234K9", "asin": "B00061URQA", "style": {"Size:": " 3.74 oz"}, "reviewerName": "Amazon Customer", "reviewText": "Puppy really enjoyed these treats and they stopped her from destroying all of the furniture.", "summary": "Good to keep those puppy teeth busy!", "unixReviewTime": 1479081600} +{"overall": 2.0, "verified": true, "reviewTime": "07 2, 2015", "reviewerID": "AR54CDBII9WYP", "asin": "B00026Z4A8", "style": {"Size:": " 14\""}, "reviewerName": "alicia rosato", "reviewText": "ehhhhhh not too many bubbles. says can adapt them together, i bought a big set, which included two that connect, but the one side doesn't bubble at all. and the other part stops up super fast. something of a waste of money", "summary": "and the other part stops up super fast. something of a waste of", "unixReviewTime": 1435795200} +{"overall": 5.0, "verified": true, "reviewTime": "01 31, 2015", "reviewerID": "A1KGS8PG8R07YI", "asin": "B00008DFDJ", "reviewerName": "Jon", "reviewText": "My puphas an allergy, and this appears to have really helped her. Seems like a great product, but somewhat difficult to administer since it comes in powder form.", "summary": "Good for allergic pups", "unixReviewTime": 1422662400} +{"overall": 5.0, "verified": true, "reviewTime": "11 20, 2017", "reviewerID": "A1INBKHD21NF5L", "asin": "B0002ARUKQ", "reviewerName": "Amazon Customer", "reviewText": "I've tried several other brands and styles of clippers. This brand and style is the best I've ever used. Well made. Not over sized. Quiet. Highly recommend.", "summary": "Highly Recommend", "unixReviewTime": 1511136000} +{"overall": 1.0, "verified": true, "reviewTime": "08 19, 2017", "reviewerID": "A3MBLTCIBCXH52", "asin": "B0002AROVQ", "style": {"Size:": " Lock-on"}, "reviewerName": "Big Boi", "reviewText": "Don't buy", "summary": "Marshall is about Quantity not quality", "unixReviewTime": 1503100800} +{"overall": 5.0, "verified": true, "reviewTime": "06 27, 2014", "reviewerID": "ATWXACHOC2SZE", "asin": "B0002DIAYI", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Melvin Ruth", "reviewText": "good", "summary": "Five Stars", "unixReviewTime": 1403827200} +{"reviewerID": "AX7XQM8OM03BM", "asin": "B0002DI3TK", "reviewerName": "Maria Greer", "verified": true, "reviewText": "Works great for my smaller dog. My English Bulldog slops the water every where when he comes to visit from his dads. I have to put a plastic tray under it. I thought it had a leak at first but nope just my sloppy drinking bully.", "overall": 5.0, "reviewTime": "05 18, 2017", "summary": "Would purchase again", "unixReviewTime": 1495065600} +{"overall": 5.0, "verified": false, "reviewTime": "12 23, 2012", "reviewerID": "A1P7XTFX54EEVK", "asin": "B000084EEF", "reviewerName": "mb", "reviewText": "Ours was blue, and my cats LOVE it. Wish I could find refill balls, because a kid will occasionally pop the ball out, then we go for a few days trying to find it.", "summary": "This gets used daily.", "unixReviewTime": 1356220800} +{"overall": 3.0, "verified": true, "reviewTime": "09 25, 2015", "reviewerID": "A28FYW75YCAMLK", "asin": "B0002AR17S", "style": {"Size:": " Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Kayla", "reviewText": "All in all it is a great toy, but my puppy did not care for it as much as tearing the stuffing out of a stuffed dog toy. It is just personal preference on my dogs likes.", "summary": "Pretty Good but not for my Pup", "unixReviewTime": 1443139200} +{"overall": 5.0, "verified": true, "reviewTime": "11 18, 2015", "reviewerID": "A1LTIVAOLPUSSL", "asin": "B000633Y4A", "style": {"Size:": " Pack of 1", "Flavor Name:": " Peanut Butter"}, "reviewerName": "like to read", "reviewText": "Our dog loves these filled bones. Keeps her busy for a long time.", "summary": "Five Stars", "unixReviewTime": 1447804800} +{"overall": 5.0, "verified": true, "reviewTime": "08 15, 2014", "reviewerID": "A1M44KRRC2ZKV0", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "Allana", "reviewText": "My dogs LOVE these. They're a bit sharp if you accidentally step on them, but... my dogs love them so I ordered another.", "summary": "My dogs LOVE these. They're a bit sharp if you accidentally ...", "unixReviewTime": 1408060800} +{"overall": 5.0, "verified": true, "reviewTime": "12 19, 2014", "reviewerID": "A3NYGCR7D24WIM", "asin": "B000084F45", "style": {"Size:": " Mini Biscuits, 20-Ounce Bag", "Flavor Name:": " P-Nuttier", "Package Type:": " Standard Packaging"}, "reviewerName": "Patricia Roth/Joan Ellison", "reviewText": "Our dog loves these little treats!", "summary": "Great dog treats", "unixReviewTime": 1418947200} +{"overall": 5.0, "verified": false, "reviewTime": "08 12, 2015", "reviewerID": "AJOST90JGZPR0", "asin": "B0000632T8", "style": {"Size:": " Extra Small", "Package Type:": " Standard Packaging"}, "reviewerName": "Christina Andersen", "reviewText": "Our little yorkipoo puppy loves her tiny teddy! She picks fights with it and growls while they are tussling. She took it out of her crate and brought it onto our bed so she could hop around with it. So cute!", "summary": "Yorkipoo approved!", "unixReviewTime": 1439337600} +{"overall": 5.0, "verified": true, "reviewTime": "11 29, 2014", "reviewerID": "A1T9DA1BMUE289", "asin": "B0002AR63M", "style": {"Size:": " Large", "Color:": " Mandarin", "Package Type:": " Standard Packaging"}, "reviewerName": "Bridgemanhippie", "reviewText": "Great my BTS loves it over a yr later", "summary": "over a yr later", "unixReviewTime": 1417219200} +{"overall": 5.0, "verified": true, "reviewTime": "12 31, 2017", "reviewerID": "AKN3QKR18RLF2", "asin": "B00006IX59", "style": {"Size:": " JUNIOR 18M", "Color:": " ASSORTED"}, "reviewerName": "Cory", "reviewText": "I like the longer chuckit more than this shorter one but it still does what its intended to do", "summary": "Five Stars", "unixReviewTime": 1514678400} +{"overall": 5.0, "verified": true, "reviewTime": "06 28, 2014", "reviewerID": "AT4Z65WCDZ06", "asin": "B00005Q7CJ", "style": {"Pattern:": " M3"}, "reviewerName": "Cynthia Pierson", "reviewText": "My dogs love these treats. I have bought them many times and the quality is always consistent. I like the fact that Nylabone makes these as it is a trusted brand. I will continue to order these.", "summary": "Nylabone Rawhide", "unixReviewTime": 1403913600} +{"overall": 5.0, "vote": "2", "verified": false, "reviewTime": "02 12, 2010", "reviewerID": "AEKHZASDGSQZ2", "asin": "B00028OZJ2", "reviewerName": "kittymom", "reviewText": "I buy it allll the time for my kitties. It is so helpful for their digestion i hope all cat people search google and read about the digestive enzymes.", "summary": "a must-have item for all kitty families", "unixReviewTime": 1265932800} +{"overall": 4.0, "verified": true, "reviewTime": "10 25, 2015", "reviewerID": "A1ZVL15NZFDNA", "asin": "B0002DHXX2", "style": {"Size:": " 48-Inch", "Color:": " Gray Plush", "Package Type:": " Standard Packaging"}, "reviewerName": "Suzanne DeBisschop", "reviewText": "Good bed, thin but will do the job and has a nice backing on it. Looks like it will wash nicely which is very important. Haven't gotten the crate it will go in yet but looks like it will be a good fit.", "summary": "Good bed, thin but will do the job and ...", "unixReviewTime": 1445731200} +{"overall": 5.0, "verified": true, "reviewTime": "05 25, 2011", "reviewerID": "ACN1E6TBE1SJQ", "asin": "B0002DIRW8", "style": {"Size:": " 2 1/4' L x 2 1/4' W x 4' H"}, "reviewerName": "Jeanette L. Walters", "reviewText": "I need to get a case of this. This is good stuff...my tank water stays chrystal clear for a long time. And I have turtles!!!!", "summary": "GOOD PRODUCT", "unixReviewTime": 1306281600} +{"overall": 5.0, "verified": true, "reviewTime": "07 11, 2017", "reviewerID": "A31CD34EJIG50J", "asin": "B000255PFI", "style": {"Size:": " 2 L / 67.6 fl. oz."}, "reviewerName": "Hunter and Jack's Mom", "reviewText": "GOOD", "summary": "Five Stars", "unixReviewTime": 1499731200} +{"overall": 5.0, "verified": true, "reviewTime": "03 10, 2017", "reviewerID": "A3AV2CUDN293FP", "asin": "1612231977", "style": {"Color:": " 3pack 9\""}, "reviewerName": "R. Rogers", "reviewText": "Got the pink ones and love 'em.", "summary": "Got the pink ones and love 'em.", "unixReviewTime": 1489104000} +{"overall": 5.0, "verified": true, "reviewTime": "09 15, 2015", "reviewerID": "A1J5F6JTTUZFRE", "asin": "B00006IX59", "style": {"Size:": " CLASSIC 26M", "Color:": " ASSORTED"}, "reviewerName": "Mason Seehusen", "reviewText": "I honestly love this because I don't have to bend down to get the ball. Plus it can launch the ball so far. It actually makes my pup tired after playing fetch. Win win!", "summary": "Great buy!", "unixReviewTime": 1442275200} +{"overall": 5.0, "verified": true, "reviewTime": "12 12, 2014", "reviewerID": "AGS29OVC93Q9D", "asin": "B00063496C", "style": {"Size:": " 12 Filters"}, "reviewerName": "Missy", "reviewText": "I like my Drinkwell fountain and so do my animals. And these filters for it keep the water clean.", "summary": "Drinkwell filters", "unixReviewTime": 1418342400} +{"overall": 5.0, "verified": true, "reviewTime": "03 17, 2017", "reviewerID": "A2V5RBV7HSFGPL", "asin": "B000255MZG", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "latasha", "reviewText": "Always use this product, its great.", "summary": "Love it", "unixReviewTime": 1489708800} +{"overall": 5.0, "verified": true, "reviewTime": "02 25, 2016", "reviewerID": "A3ISRJVTWWB051", "asin": "B00025K0R6", "style": {"Size:": " 6.2-ounce"}, "reviewerName": "Dwan", "reviewText": "Doggy loves it. Clean breath.", "summary": "Doggy loves it. Clean breath.", "unixReviewTime": 1456358400} +{"overall": 5.0, "verified": true, "reviewTime": "12 25, 2017", "reviewerID": "AU6ZQK9Y5TYJN", "asin": "B000255N3C", "style": {"Size:": " 16-Ounce", "Style:": " Freshwater"}, "reviewerName": "roy", "reviewText": "My Axies love this and it keeps them happy. Well, you can't tell for sure if this is the reason :)", "summary": "My Axies love this and it keeps them happy", "unixReviewTime": 1514160000} +{"reviewerID": "A3M83G9P9CM0GU", "asin": "B000084F44", "reviewerName": "Matthew W", "verified": true, "reviewText": "I use these for training treats and my black lab puppy loves them!", "overall": 5.0, "reviewTime": "06 6, 2016", "summary": "Puppy loves them!", "unixReviewTime": 1465171200} +{"overall": 5.0, "verified": true, "reviewTime": "08 18, 2016", "reviewerID": "A3A0NGAKUWQVSE", "asin": "B000261O0W", "style": {"Size:": " 3.5 oz. (Pack of 24)", "Package Type:": " Standard Packaging", "Style:": " Small Breed"}, "reviewerName": "Denise Elaine", "reviewText": "Little piggy pup loves this food! It's fruits and veggies. She says it's delicious!", "summary": "Five Stars", "unixReviewTime": 1471478400} +{"overall": 5.0, "verified": true, "reviewTime": "03 28, 2016", "reviewerID": "A3G6V36ZD1ZZN5", "asin": "B0002563MW", "style": {"Size:": " 25 Feet"}, "reviewerName": "Bullhead007", "reviewText": "25 feet for 5 bucks. Can't go wrong. Does the job, and is hard to see.", "summary": "Great value", "unixReviewTime": 1459123200} +{"overall": 5.0, "verified": true, "reviewTime": "09 24, 2016", "reviewerID": "A18LDQ00EUS6OL", "asin": "B0002H3ZLM", "style": {"Size:": " LARGE 60-130 LBS.", "Color:": " BLACK"}, "reviewerName": "Jennifer", "reviewText": "Our great Dane puppy is SO much easier to manage on a leash with this gentle leader. What a difference!", "summary": "Great leader", "unixReviewTime": 1474675200} +{"overall": 5.0, "verified": true, "reviewTime": "05 18, 2015", "reviewerID": "A29Y289O6YSXI2", "asin": "B0002DJX44", "style": {"Size:": " MEDIUM 5\"", "Color:": " ASSORTED"}, "reviewerName": "L. Vollmer", "reviewText": "My pup goes crazy for this ballwhen she feels like playing with it. Sturdy enough for my 3 mo old doodle, for now", "summary": "Nice product", "unixReviewTime": 1431907200} +{"overall": 5.0, "verified": true, "reviewTime": "04 28, 2015", "reviewerID": "ADQZWHPW7BBOG", "asin": "B0002DHY4K", "style": {"Size:": " Up to 60-Gallons"}, "reviewerName": "Mrs. Wiggles2013", "reviewText": "I have it for my 20 gallon fish tank with my gold fish. The water is clear at all times and it doesn't seem to bother the fish either.", "summary": "I have it for my 20 gallon fish tank with ...", "unixReviewTime": 1430179200} +{"overall": 1.0, "verified": true, "reviewTime": "12 24, 2016", "reviewerID": "A3V9LB7CNDEIXF", "asin": "B00061MULK", "style": {"Size:": " 3.74 OZ"}, "reviewerName": "nicole", "reviewText": "Don't waste your money. Cats looked at me like I was an idiot, and they live treats normally. They were disgusted when I gave them one if these and walked away never to return again", "summary": "Waste of money, cat won't even look at", "unixReviewTime": 1482537600} +{"overall": 5.0, "verified": true, "reviewTime": "12 2, 2016", "reviewerID": "A3KTCAGEZ1P56M", "asin": "B000255UYY", "style": {"Size:": " 4.4-Ounce"}, "reviewerName": "E. Campbell", "reviewText": "My cats don't mind this at all.", "summary": "Tasty", "unixReviewTime": 1480636800} +{"overall": 5.0, "verified": true, "reviewTime": "09 14, 2017", "reviewerID": "A3R9PVANOW8G3", "asin": "B0002AR36M", "style": {"Size:": " Large"}, "reviewerName": "Amazon Customer", "reviewText": "My dogs love this!", "summary": "Five Stars", "unixReviewTime": 1505347200} +{"overall": 4.0, "verified": true, "reviewTime": "08 6, 2016", "reviewerID": "A28FP2PV38PE3", "asin": "B0002DHXX2", "style": {"Size:": " 42-Inch", "Color:": " White Fleece", "Package Type:": " Standard Packaging"}, "reviewerName": "Jorge Silva", "reviewText": "The bed was big enough to fit in a crate I also purchases through Amazon. It's not the greatest bed I've seen but if I go to petco or petsmart the same one would be twice as much. I can't complain it's a decent bed", "summary": "Decent bed", "unixReviewTime": 1470441600} +{"overall": 5.0, "verified": true, "reviewTime": "03 19, 2018", "reviewerID": "AN71BV0T5KDN4", "asin": "B000255NCI", "style": {"Style:": " Freshwater"}, "reviewerName": "B R J", "reviewText": "I have used this for some time now, and I am really happy with it.\nI have been able to monitor all the essential parameters for my 3.5 gallon Betta tank, and keep them in check.\nHe's doing super, and I honestly think this kit helped.", "summary": "Know your H2O", "unixReviewTime": 1521417600} +{"overall": 5.0, "verified": true, "reviewTime": "05 12, 2015", "reviewerID": "A3OAB4X8Y2HCEL", "asin": "B0002AUVZ2", "style": {"Size:": " 42-Inch", "Color:": " Khaki"}, "reviewerName": "Monty", "reviewText": "Perfect setup for a crate! I have had mine for 2 years now. The velcro for the inside part is coming off a little bit, but I don't really think it's a big deal unless your dog is a big tail wagger.", "summary": "Perfect setup for a crate", "unixReviewTime": 1431388800} +{"overall": 5.0, "verified": true, "reviewTime": "02 21, 2016", "reviewerID": "A2ZBV3JLSMVIPZ", "asin": "B0002AQN2M", "style": {"Size:": " 1Pack"}, "reviewerName": "Katwilm", "reviewText": "This seems to be a good product, no complaints from the girls, other than the usual cats not caring much for bathing thing. It smells good too but not strong and doesn't leave a residue.", "summary": "Gives their poor little tongues a break from having to lick so much ; )", "unixReviewTime": 1456012800} +{"overall": 3.0, "verified": true, "reviewTime": "05 30, 2014", "reviewerID": "A3G0XN3D85595L", "asin": "B000084E6V", "style": {"Size:": " Single Dinosaur"}, "reviewerName": "SHIRLEY ULRICH", "reviewText": "Our dog is hard on toys. This one out lasted the others by 10 minuets. Our dog Jethro Bodine should be a toy tester dog.", "summary": "Destroyed in minuets.", "unixReviewTime": 1401408000} +{"overall": 3.0, "verified": true, "reviewTime": "12 16, 2016", "reviewerID": "A22EXJTC1XZSQM", "asin": "B0002DHO1I", "style": {"Size:": " Large", "Package Type:": " Standard Packaging"}, "reviewerName": "Jim McCarthy", "reviewText": "For large dogs only", "summary": "Three Stars", "unixReviewTime": 1481846400} +{"overall": 4.0, "verified": true, "reviewTime": "01 8, 2014", "reviewerID": "A28WMB59XRWZ5J", "asin": "B0002DK91K", "style": {"Size:": " 10-Pound", "Package Type:": " Standard Packaging"}, "reviewerName": "Shirley Eyden", "reviewText": "I love shopping on Amazon! It's so easy and I can avoid the crowded store. This is a good value. I have a backyard pond with big fish and they go through a lot of fish food.", "summary": "Good value.", "unixReviewTime": 1389139200} +{"overall": 5.0, "verified": true, "reviewTime": "05 1, 2013", "reviewerID": "A3E3A9KB86SEXV", "asin": "B000633PU8", "reviewerName": "Will", "reviewText": "Its a thermometer... it tells you the temperature. It works as it should, applies well... but don't plan on moving it. For the price, buy like 10 and keep them in a box. lol", "summary": "Works like it should", "unixReviewTime": 1367366400} +{"overall": 4.0, "verified": true, "reviewTime": "12 7, 2016", "reviewerID": "A1NNHL5DYI2JAE", "asin": "B0002DI3UY", "style": {"Size:": " 108 Oz", "Color:": " Bleached Linen"}, "reviewerName": "emlogcabin", "reviewText": "this is a great idea ... however, none of my 4 cats will come near it ... will just have to find it a new home ...", "summary": "this is a great idea.", "unixReviewTime": 1481068800} +{"overall": 5.0, "verified": true, "reviewTime": "03 20, 2013", "reviewerID": "A197O1VYM9B8A3", "asin": "B0002Y1QCU", "style": {"Size:": " 8-oz roll"}, "reviewerName": "LDA", "reviewText": "I like Natural Balance products and with a dog who happens to love Duck (of all the flavors out there), it was nice to have a good quality choice to feed him like a treat, yet give him a well balanced meal for his nutritional needs", "summary": "Ease of use", "unixReviewTime": 1363737600} +{"overall": 5.0, "verified": true, "reviewTime": "05 29, 2013", "reviewerID": "A30J1KT9PVD2L", "asin": "B0002AS5H8", "reviewerName": "Betty", "reviewText": "I love these feeding dishes. They are so cute and blend in with the decor of the cat's eating area. Just be aware they are breakable.", "summary": "So cute", "unixReviewTime": 1369785600} +{"overall": 5.0, "verified": true, "reviewTime": "01 26, 2016", "reviewerID": "A3PGFHYIZIYF1G", "asin": "B0002AB9FS", "style": {"Size:": " 32 ounce", "Style:": " Grizzly Salmon Oil for Dogs"}, "reviewerName": "Betty", "reviewText": "All but one of my dogs love it which is not a surprise since she doesn't like salmon. Their coats are becoming shinier and healthier, too.", "summary": "All but one of my dogs love it which is not a surprise since she doesn't ...", "unixReviewTime": 1453766400} +{"overall": 4.0, "verified": true, "reviewTime": "03 19, 2016", "reviewerID": "A2183G7O47NUJ8", "asin": "B00062B84O", "style": {"Style:": " Super Scratcher +"}, "reviewerName": "Careful Buyer", "reviewText": "It works fine", "summary": "Four Stars", "unixReviewTime": 1458345600} +{"overall": 5.0, "verified": true, "reviewTime": "11 8, 2016", "reviewerID": "A3DR7IVA6QC3JT", "asin": "B0002568ZO", "style": {"Size:": " Large"}, "reviewerName": "Tyler Gunn", "reviewText": "I recently replaced my 10 year old Mag-Float because the velcro was wearing down and the magnets weren't as strong any more. The new one works perfectly, just like the last. A little disappointed it didn't come with any detachable scrapers.", "summary": "just like the last", "unixReviewTime": 1478563200} +{"overall": 5.0, "verified": true, "reviewTime": "09 23, 2017", "reviewerID": "A34CT0JAAJDOZO", "asin": "B0002DK26C", "style": {"Size:": " Small"}, "reviewerName": "Christina Kirsch", "reviewText": "My puppy loves this! Just hard enough to keep it interesting but easy enough to keep her invested in playing with it. One of her favorite toys!", "summary": "Just hard enough to keep it interesting but easy enough to keep her invested in playing with it", "unixReviewTime": 1506124800} +{"overall": 2.0, "verified": true, "reviewTime": "10 16, 2016", "reviewerID": "A114LGRYFIDFKV", "asin": "B0002ASPT6", "style": {"Package Type:": " Standard Packaging", "Style:": " Chicken"}, "reviewerName": "Nick A", "reviewText": "My vet noticed that my dogs (aggressive chewers) were chipping their teeth on this bone. I replaced it with a softer super-durable Hurley bone.", "summary": "My vet noticed that my dogs (aggressive chewers) were chipping ...", "unixReviewTime": 1476576000} +{"overall": 5.0, "verified": true, "reviewTime": "11 25, 2015", "reviewerID": "A17ZKD9UDRM96M", "asin": "B000084EEC", "style": {"Size:": " 5 lbs", "Style:": " Regular"}, "reviewerName": "Martha", "reviewText": "Great price, great product. Dogs love the taste & smell. Does exactley what is says, promotes a healthy dog! Will continue to buy from this seller.", "summary": "Wonderful product.", "unixReviewTime": 1448409600} +{"overall": 4.0, "verified": true, "reviewTime": "05 25, 2013", "reviewerID": "ACONJXITSMMZW", "asin": "B0002DGIGU", "style": {"Size:": " 10 lb"}, "reviewerName": "K. Dixon", "reviewText": "Apart from the fact that this Timothy rabbit food is very pricey, I've otherwise been very satisfied with it. And my bunny loves it too.", "summary": "Very satisfied", "unixReviewTime": 1369440000} +{"overall": 5.0, "verified": true, "reviewTime": "02 27, 2017", "reviewerID": "A3G0F3VRM187KT", "asin": "B000634336", "style": {"Size:": " Medium, 3-Pack"}, "reviewerName": "Bullwinkle", "reviewText": "These are great for travel", "summary": "Cat is happy", "unixReviewTime": 1488153600} +{"overall": 3.0, "verified": false, "reviewTime": "02 22, 2016", "reviewerID": "A2AZ6TYDANYBZ", "asin": "B0002DK8OI", "style": {"Size:": " 1 Pound"}, "reviewerName": "L. Reed", "reviewText": "These are just \"O.K.\", according to my 4 house rabbits. They are not that crazy about them but will eat if necessary. I will not purchase again.", "summary": "My rabbits do not approve", "unixReviewTime": 1456099200} +{"overall": 5.0, "verified": true, "reviewTime": "04 14, 2018", "reviewerID": "A1WZF305T4T4QB", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "Sarah", "reviewText": "Just what i needed", "summary": "Five Stars", "unixReviewTime": 1523664000} +{"overall": 5.0, "verified": true, "reviewTime": "11 4, 2014", "reviewerID": "A385EDP2LFIA3D", "asin": "B0002BSMDE", "style": {"Size:": " 36-Inch", "Color:": " Burgundy"}, "reviewerName": "marjean", "reviewText": "dog luvs it", "summary": "Five Stars", "unixReviewTime": 1415059200} +{"overall": 5.0, "verified": true, "reviewTime": "04 20, 2016", "reviewerID": "A3PM9D7HHDPA81", "asin": "B0002DGY5K", "reviewerName": "bet", "reviewText": "as described - happy customer.", "summary": "Five Stars", "unixReviewTime": 1461110400} +{"overall": 5.0, "verified": true, "reviewTime": "12 4, 2016", "reviewerID": "A3I9QEZ1YRC2QL", "asin": "B0002ARQV4", "style": {"Size:": " Small-Medium"}, "reviewerName": "keweldog", "reviewText": "These are great for trimming my cat's claws very sharp and well made.", "summary": "Good quality", "unixReviewTime": 1480809600} +{"overall": 1.0, "verified": true, "reviewTime": "04 3, 2017", "reviewerID": "AGX07W7AF84Q", "asin": "B00008DFGY", "reviewerName": "GGil", "reviewText": "Terrible product. Borh Chiweenies had severe eye irritation. Removed collar immediately! Had dogs yelping all day! Do not use this product.", "summary": "Not safe for dogs", "unixReviewTime": 1491177600} +{"overall": 5.0, "verified": true, "reviewTime": "09 9, 2015", "reviewerID": "A3KUP00M17W247", "asin": "B0002DJEYI", "style": {"Size:": " 4-Inch long, 4-inch wide, 3-1/4-inch high", "Color:": " Green"}, "reviewerName": "brittney", "reviewText": "My gerbil and mice loved these.\nSadly all of them have passed away or been rehomed.", "summary": "5/5 stars", "unixReviewTime": 1441756800} +{"overall": 5.0, "verified": true, "reviewTime": "08 26, 2016", "reviewerID": "A3VJDQFKVU35LC", "asin": "B0002AR18M", "style": {"Size:": " One size", "Color:": " Purple"}, "reviewerName": "Serena H McDaniel", "reviewText": "Cat goes crazy for this brush.", "summary": "Five Stars", "unixReviewTime": 1472169600} +{"overall": 5.0, "verified": true, "reviewTime": "04 26, 2015", "reviewerID": "A2R6ETGP2HNF7O", "asin": "B0002I0GVS", "style": {"Size:": " 30-Pound Bag", "Flavor Name:": " Whitefish & Sweet Potato"}, "reviewerName": "M. Clark", "reviewText": "It's great for my sensitive tummy GSD.", "summary": "Five Stars", "unixReviewTime": 1430006400} +{"overall": 5.0, "verified": false, "reviewTime": "08 5, 2016", "reviewerID": "A3RVPCAPF92RK1", "asin": "B000255UYY", "style": {"Size:": " 4.4-Ounce"}, "reviewerName": "C. L.", "reviewText": "One cat loves it the other does not. Go figure?", "summary": "Great for one cat the other not.", "unixReviewTime": 1470355200} +{"overall": 5.0, "verified": true, "reviewTime": "01 3, 2013", "reviewerID": "A2RHPWFCNUULEI", "asin": "B0001A8ENY", "style": {"Size:": " 1 lbs", "Flavor Name:": " Cinna-Bone Biscuits"}, "reviewerName": "Grey Fox", "reviewText": "Our sweet Lab who's 9 has several medical issues. So, finding just the right treats for her became my goal. These passed my inspection and she Loves them !! If Bella is Happy, then for sure I'm Happy !!!", "summary": "Great treat for Dogs with a limited selection of HealthyTreats !!", "unixReviewTime": 1357171200} +{"overall": 5.0, "verified": true, "reviewTime": "01 25, 2015", "reviewerID": "A1OPF0AH697504", "asin": "B000084EF5", "style": {"Size:": " 26.4 lb. Bag", "Style:": " Fresh Scent"}, "reviewerName": "Jola L. James", "reviewText": "This is the ONLY litter that I will use for my ferrets!!! It is the best product on the market for ferret litter!", "summary": "ONLY one to use for ferrets!!!", "unixReviewTime": 1422144000} +{"overall": 3.0, "verified": true, "reviewTime": "07 9, 2014", "reviewerID": "AOJA8QAE740LY", "asin": "B000084F1Z", "style": {"Size:": " 8-Ounce", "Flavor Name:": " Sweet Potato & Venison"}, "reviewerName": "Kenneth Stanberg", "reviewText": "too much like dog food", "summary": "Three Stars", "unixReviewTime": 1404864000}